2024-01-17 20:24:53,192 - mmseg - INFO - Multi-processing start method is `None` 2024-01-17 20:24:53,204 - mmseg - INFO - OpenCV num_threads is `128 2024-01-17 20:24:53,410 - mmseg - INFO - Environment info: ------------------------------------------------------------ sys.platform: linux Python: 3.9.18 (main, Sep 11 2023, 13:41:44) [GCC 11.2.0] CUDA available: True GPU 0,1,2,3,4,5,6,7: NVIDIA A100-SXM4-80GB CUDA_HOME: /mnt/lustre/share/cuda-11.8/ NVCC: Cuda compilation tools, release 11.8, V11.8.89 GCC: gcc (GCC) 7.3.0 PyTorch: 1.12.0 PyTorch compiling details: PyTorch built with: - GCC 9.3 - C++ Version: 201402 - Intel(R) oneAPI Math Kernel Library Version 2023.1-Product Build 20230303 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.6.0 (Git Hash 52b5f107dd9cf10910aaa19cb47f3abf9b349815) - OpenMP 201511 (a.k.a. OpenMP 4.5) - LAPACK is enabled (usually provided by MKL) - NNPACK is enabled - CPU capability usage: AVX2 - CUDA Runtime 11.3 - 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_61,code=sm_61;-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;-gencode;arch=compute_37,code=compute_37 - CuDNN 8.3.2 (built against CUDA 11.5) - Magma 2.5.2 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.3.2, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -DEDGE_PROFILER_USE_KINETO -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Werror=cast-function-type -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.12.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=OFF, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, TorchVision: 0.13.0 OpenCV: 4.9.0 MMCV: 1.7.0 MMCV Compiler: GCC 7.3 MMCV CUDA Compiler: 11.8 MMSegmentation: 0.27.0+ ------------------------------------------------------------ 2024-01-17 20:24:53,411 - mmseg - INFO - Distributed training: True 2024-01-17 20:24:53,773 - mmseg - INFO - Config: norm_cfg = dict(type='SyncBN', requires_grad=True) model = dict( type='EncoderDecoder', pretrained=None, backbone=dict( type='InternViTAdapter', pretrain_size=224, img_size=512, patch_size=16, embed_dim=3200, depth=48, num_heads=25, mlp_ratio=4.0, qkv_bias=False, drop_path_rate=0.0, init_values=0.0, with_cp=True, use_flash_attn=True, qk_normalization=True, layerscale_force_fp32=False, with_fpn=False, freeze_vit=True, use_final_norm=True, interaction_indexes=[[0, 11], [12, 23], [24, 35], [36, 47]], cffn_ratio=0.25, deform_ratio=0.25, pretrained='./pretrained/intern_vit_6b_224px.pth'), decode_head=dict( type='UPerHead', in_channels=[3200, 3200, 3200, 3200], in_index=[0, 1, 2, 3], pool_scales=(1, 2, 3, 6), channels=1536, dropout_ratio=0.1, num_classes=150, norm_cfg=dict(type='SyncBN', requires_grad=True), align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)), auxiliary_head=dict( type='FCNHead', in_channels=3200, in_index=2, channels=1536, num_convs=1, concat_input=False, dropout_ratio=0.1, num_classes=150, norm_cfg=dict(type='SyncBN', requires_grad=True), align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=0.4)), train_cfg=dict(), test_cfg=dict(mode='slide', crop_size=(512, 512), stride=(341, 341))) dataset_type = 'ADE20KDataset' data_root = 'data/ade/ADEChallengeData2016' img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) crop_size = (512, 512) train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_semantic_seg']) ] test_pipeline = [ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict( type='SETR_Resize', keep_ratio=True, crop_size=(512, 512), setr_multi_scale=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ] data = dict( samples_per_gpu=2, workers_per_gpu=4, train=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/training', ann_dir='annotations/training', pipeline=[ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_semantic_seg']) ]), val=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict( type='SETR_Resize', keep_ratio=True, crop_size=(512, 512), setr_multi_scale=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ]), test=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict( type='SETR_Resize', keep_ratio=True, crop_size=(512, 512), setr_multi_scale=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ])) log_config = dict( interval=50, hooks=[ dict(type='TextLoggerHook', by_epoch=False), dict(type='TensorboardLoggerHook') ]) dist_params = dict(backend='nccl') log_level = 'INFO' load_from = None resume_from = None workflow = [('train', 1)] cudnn_benchmark = True optimizer = dict( type='AdamW', lr=4e-05, betas=(0.9, 0.999), weight_decay=0.05, constructor='CustomLayerDecayOptimizerConstructor', paramwise_cfg=dict(num_layers=48, layer_decay_rate=0.95)) optimizer_config = dict() lr_config = dict( policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-06, power=1.0, min_lr=0.0, by_epoch=False) runner = dict(type='IterBasedRunner', max_iters=80000) checkpoint_config = dict( by_epoch=False, interval=1000, deepspeed=True, max_keep_ckpts=2) evaluation = dict( interval=1000, metric='mIoU', pre_eval=True, save_best='auto') deepspeed = True deepspeed_config = 'zero_configs/adam_zero1_fp16.json' pretrained = './pretrained/intern_vit_6b_224px.pth' custom_hooks = [dict(type='ToFloat16Hook', priority=49)] work_dir = './work_dirs/upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5' gpu_ids = range(0, 8) auto_resume = False 2024-01-17 20:24:58,818 - mmseg - INFO - Set random seed to 1857629323, deterministic: False 2024-01-17 20:26:05,226 - mmseg - INFO - _IncompatibleKeys(missing_keys=[], unexpected_keys=['clip_projector.norm1_q.weight', 'clip_projector.norm1_q.bias', 'clip_projector.norm1_k.weight', 'clip_projector.norm1_k.bias', 'clip_projector.norm1_v.weight', 'clip_projector.norm1_v.bias', 'clip_projector.cross_attn.q_bias', 'clip_projector.cross_attn.k_bias', 'clip_projector.cross_attn.v_bias', 'clip_projector.cross_attn.q.weight', 'clip_projector.cross_attn.k.weight', 'clip_projector.cross_attn.v.weight', 'clip_projector.cross_attn.proj.weight', 'clip_projector.cross_attn.proj.bias']) 2024-01-17 20:26:35,462 - mmseg - INFO - initialize UPerHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} 2024-01-17 20:26:39,804 - mmseg - INFO - initialize FCNHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} Name of parameter - Initialization information backbone.pos_embed - torch.Size([1, 1025, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.level_embed - torch.Size([3, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.patch_embed.proj.weight - torch.Size([3200, 3, 16, 16]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.patch_embed.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.0.weight - torch.Size([64, 3, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.1.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.1.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.3.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.4.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.4.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.6.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.7.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.stem.7.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv2.0.weight - torch.Size([128, 64, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv2.1.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv2.1.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv3.0.weight - torch.Size([256, 128, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv3.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv3.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv4.0.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv4.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.conv4.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc1.weight - torch.Size([3200, 64, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc1.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc2.weight - torch.Size([3200, 128, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc3.weight - torch.Size([3200, 256, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc3.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc4.weight - torch.Size([3200, 256, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.spm.fc4.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.sampling_offsets.weight - torch.Size([600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.sampling_offsets.bias - torch.Size([600]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.attention_weights.weight - torch.Size([300, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.attention_weights.bias - torch.Size([300]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.injector.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.sampling_offsets.weight - torch.Size([200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.sampling_offsets.bias - torch.Size([200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.attention_weights.weight - torch.Size([100, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.attention_weights.bias - torch.Size([100]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn.fc1.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn.fc1.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn.dwconv.dwconv.weight - torch.Size([800, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn.dwconv.dwconv.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn.fc2.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.0.extractor.ffn_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.sampling_offsets.weight - torch.Size([600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.sampling_offsets.bias - torch.Size([600]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.attention_weights.weight - torch.Size([300, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.attention_weights.bias - torch.Size([300]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.injector.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.sampling_offsets.weight - torch.Size([200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.sampling_offsets.bias - torch.Size([200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.attention_weights.weight - torch.Size([100, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.attention_weights.bias - torch.Size([100]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn.fc1.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn.fc1.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn.dwconv.dwconv.weight - torch.Size([800, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn.dwconv.dwconv.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn.fc2.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.1.extractor.ffn_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.sampling_offsets.weight - torch.Size([600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.sampling_offsets.bias - torch.Size([600]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.attention_weights.weight - torch.Size([300, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.attention_weights.bias - torch.Size([300]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.injector.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.sampling_offsets.weight - torch.Size([200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.sampling_offsets.bias - torch.Size([200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.attention_weights.weight - torch.Size([100, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.attention_weights.bias - torch.Size([100]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn.fc1.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn.fc1.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn.dwconv.dwconv.weight - torch.Size([800, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn.dwconv.dwconv.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn.fc2.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.2.extractor.ffn_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.sampling_offsets.weight - torch.Size([600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.sampling_offsets.bias - torch.Size([600]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.attention_weights.weight - torch.Size([300, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.attention_weights.bias - torch.Size([300]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.injector.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.sampling_offsets.weight - torch.Size([200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.sampling_offsets.bias - torch.Size([200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.attention_weights.weight - torch.Size([100, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.attention_weights.bias - torch.Size([100]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn.fc1.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn.fc1.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn.dwconv.dwconv.weight - torch.Size([800, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn.dwconv.dwconv.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn.fc2.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extractor.ffn_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.sampling_offsets.weight - torch.Size([200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.sampling_offsets.bias - torch.Size([200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.attention_weights.weight - torch.Size([100, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.attention_weights.bias - torch.Size([100]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn.fc1.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn.fc1.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn.dwconv.dwconv.weight - torch.Size([800, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn.dwconv.dwconv.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn.fc2.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.0.ffn_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.query_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.query_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.feat_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.feat_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.sampling_offsets.weight - torch.Size([200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.sampling_offsets.bias - torch.Size([200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.attention_weights.weight - torch.Size([100, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.attention_weights.bias - torch.Size([100]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.value_proj.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.value_proj.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.output_proj.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.attn.output_proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn.fc1.weight - torch.Size([800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn.fc1.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn.dwconv.dwconv.weight - torch.Size([800, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn.dwconv.dwconv.bias - torch.Size([800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn.fc2.weight - torch.Size([3200, 800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interactions.3.extra_extractors.1.ffn_norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up.weight - torch.Size([3200, 3200, 2, 2]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm1.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm3.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm3.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm4.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm4.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.conv_seg.weight - torch.Size([150, 1536, 1, 1]): NormalInit: mean=0, std=0.01, bias=0 decode_head.conv_seg.bias - torch.Size([150]): NormalInit: mean=0, std=0.01, bias=0 decode_head.psp_modules.0.1.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.0.1.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.0.1.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.1.1.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.1.1.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.1.1.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.2.1.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.2.1.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.2.1.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.3.1.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.3.1.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.3.1.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.bottleneck.conv.weight - torch.Size([1536, 9344, 3, 3]): Initialized by user-defined `init_weights` in ConvModule decode_head.bottleneck.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.bottleneck.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.0.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.0.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.0.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.1.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.1.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.1.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.2.conv.weight - torch.Size([1536, 3200, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.2.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.2.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.0.conv.weight - torch.Size([1536, 1536, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.0.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.0.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.1.conv.weight - torch.Size([1536, 1536, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.1.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.1.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.2.conv.weight - torch.Size([1536, 1536, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.2.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.2.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_bottleneck.conv.weight - torch.Size([1536, 6144, 3, 3]): Initialized by user-defined `init_weights` in ConvModule decode_head.fpn_bottleneck.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_bottleneck.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder auxiliary_head.conv_seg.weight - torch.Size([150, 1536, 1, 1]): NormalInit: mean=0, std=0.01, bias=0 auxiliary_head.conv_seg.bias - torch.Size([150]): NormalInit: mean=0, std=0.01, bias=0 auxiliary_head.convs.0.conv.weight - torch.Size([1536, 3200, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder auxiliary_head.convs.0.bn.weight - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder auxiliary_head.convs.0.bn.bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of EncoderDecoder 2024-01-17 20:26:39,947 - mmseg - INFO - EncoderDecoder( (backbone): InternViTAdapter( (patch_embed): PatchEmbed( (proj): Conv2d(3, 3200, kernel_size=(16, 16), stride=(16, 16)) (norm): Identity() ) (pos_drop): Identity() (blocks): ModuleList( (0): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (1): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (2): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (3): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (4): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (5): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (6): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (7): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (8): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (9): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (10): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (11): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (12): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (13): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (14): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (15): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (16): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (17): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (18): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (19): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (20): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (21): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (22): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (23): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (24): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (25): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (26): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (27): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (28): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (29): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (30): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (31): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (32): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (33): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (34): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (35): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (36): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (37): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (38): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (39): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (40): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (41): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (42): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (43): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (44): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (45): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (46): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) (47): Block( (norm1): RMSNorm() (attn): Attention( (qkv): Linear(in_features=3200, out_features=9600, bias=False) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=3200, out_features=3200, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (inner_attn): FlashAttention() (q_norm): RMSNorm() (k_norm): RMSNorm() ) (ls1): LayerScale() (drop_path1): Identity() (norm2): RMSNorm() (mlp): Mlp( (fc1): Linear(in_features=3200, out_features=12800, bias=True) (act): GELU(approximate=none) (drop1): Dropout(p=0.0, inplace=False) (fc2): Linear(in_features=12800, out_features=3200, bias=True) (drop2): Dropout(p=0.0, inplace=False) ) (ls2): LayerScale() (drop_path2): Identity() ) ) (spm): SpatialPriorModule( (stem): Sequential( (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): LayerNorm() (2): ReLU(inplace=True) (3): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (4): LayerNorm() (5): ReLU(inplace=True) (6): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (7): LayerNorm() (8): ReLU(inplace=True) (9): MaxPool2d(kernel_size=3, stride=2, padding=1, dilation=1, ceil_mode=False) ) (conv2): Sequential( (0): Conv2d(64, 128, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): LayerNorm() (2): ReLU(inplace=True) ) (conv3): Sequential( (0): Conv2d(128, 256, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): LayerNorm() (2): ReLU(inplace=True) ) (conv4): Sequential( (0): Conv2d(256, 256, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): LayerNorm() (2): ReLU(inplace=True) ) (fc1): Conv2d(64, 3200, kernel_size=(1, 1), stride=(1, 1)) (fc2): Conv2d(128, 3200, kernel_size=(1, 1), stride=(1, 1)) (fc3): Conv2d(256, 3200, kernel_size=(1, 1), stride=(1, 1)) (fc4): Conv2d(256, 3200, kernel_size=(1, 1), stride=(1, 1)) ) (interactions): Sequential( (0): InteractionBlock( (injector): Injector( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=600, bias=True) (attention_weights): Linear(in_features=3200, out_features=300, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) ) (extractor): Extractor( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=200, bias=True) (attention_weights): Linear(in_features=3200, out_features=100, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) (ffn): ConvFFN( (fc1): Linear(in_features=3200, out_features=800, bias=True) (dwconv): DWConv( (dwconv): Conv2d(800, 800, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=800) ) (act): GELU(approximate=none) (fc2): Linear(in_features=800, out_features=3200, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (drop_path): Identity() ) ) (1): InteractionBlock( (injector): Injector( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=600, bias=True) (attention_weights): Linear(in_features=3200, out_features=300, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) ) (extractor): Extractor( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=200, bias=True) (attention_weights): Linear(in_features=3200, out_features=100, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) (ffn): ConvFFN( (fc1): Linear(in_features=3200, out_features=800, bias=True) (dwconv): DWConv( (dwconv): Conv2d(800, 800, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=800) ) (act): GELU(approximate=none) (fc2): Linear(in_features=800, out_features=3200, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (drop_path): Identity() ) ) (2): InteractionBlock( (injector): Injector( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=600, bias=True) (attention_weights): Linear(in_features=3200, out_features=300, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) ) (extractor): Extractor( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=200, bias=True) (attention_weights): Linear(in_features=3200, out_features=100, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) (ffn): ConvFFN( (fc1): Linear(in_features=3200, out_features=800, bias=True) (dwconv): DWConv( (dwconv): Conv2d(800, 800, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=800) ) (act): GELU(approximate=none) (fc2): Linear(in_features=800, out_features=3200, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (drop_path): Identity() ) ) (3): InteractionBlock( (injector): Injector( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=600, bias=True) (attention_weights): Linear(in_features=3200, out_features=300, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) ) (extractor): Extractor( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=200, bias=True) (attention_weights): Linear(in_features=3200, out_features=100, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) (ffn): ConvFFN( (fc1): Linear(in_features=3200, out_features=800, bias=True) (dwconv): DWConv( (dwconv): Conv2d(800, 800, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=800) ) (act): GELU(approximate=none) (fc2): Linear(in_features=800, out_features=3200, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (drop_path): Identity() ) (extra_extractors): Sequential( (0): Extractor( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=200, bias=True) (attention_weights): Linear(in_features=3200, out_features=100, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) (ffn): ConvFFN( (fc1): Linear(in_features=3200, out_features=800, bias=True) (dwconv): DWConv( (dwconv): Conv2d(800, 800, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=800) ) (act): GELU(approximate=none) (fc2): Linear(in_features=800, out_features=3200, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (drop_path): Identity() ) (1): Extractor( (query_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (feat_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=3200, out_features=200, bias=True) (attention_weights): Linear(in_features=3200, out_features=100, bias=True) (value_proj): Linear(in_features=3200, out_features=800, bias=True) (output_proj): Linear(in_features=800, out_features=3200, bias=True) ) (ffn): ConvFFN( (fc1): Linear(in_features=3200, out_features=800, bias=True) (dwconv): DWConv( (dwconv): Conv2d(800, 800, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=800) ) (act): GELU(approximate=none) (fc2): Linear(in_features=800, out_features=3200, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((3200,), eps=1e-05, elementwise_affine=True) (drop_path): Identity() ) ) ) ) (up): ConvTranspose2d(3200, 3200, kernel_size=(2, 2), stride=(2, 2)) (norm1): LayerNorm() (norm2): LayerNorm() (norm3): LayerNorm() (norm4): LayerNorm() ) (decode_head): UPerHead( input_transform=multiple_select, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss(avg_non_ignore=False) (conv_seg): Conv2d(1536, 150, kernel_size=(1, 1), stride=(1, 1)) (dropout): Dropout2d(p=0.1, inplace=False) (psp_modules): PPM( (0): Sequential( (0): AdaptiveAvgPool2d(output_size=1) (1): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (1): Sequential( (0): AdaptiveAvgPool2d(output_size=2) (1): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (2): Sequential( (0): AdaptiveAvgPool2d(output_size=3) (1): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (3): Sequential( (0): AdaptiveAvgPool2d(output_size=6) (1): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) ) (bottleneck): ConvModule( (conv): Conv2d(9344, 1536, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) (lateral_convs): ModuleList( (0): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (1): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (2): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) ) (fpn_convs): ModuleList( (0): ConvModule( (conv): Conv2d(1536, 1536, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (1): ConvModule( (conv): Conv2d(1536, 1536, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (2): ConvModule( (conv): Conv2d(1536, 1536, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) ) (fpn_bottleneck): ConvModule( (conv): Conv2d(6144, 1536, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} (auxiliary_head): FCNHead( input_transform=None, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss(avg_non_ignore=False) (conv_seg): Conv2d(1536, 150, kernel_size=(1, 1), stride=(1, 1)) (dropout): Dropout2d(p=0.1, inplace=False) (convs): Sequential( (0): ConvModule( (conv): Conv2d(3200, 1536, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(1536, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (norm): Identity() ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} ) 2024-01-17 20:26:41,164 - mmseg - INFO - Loaded 20210 images 2024-01-17 20:26:42,859 - mmseg - INFO - {'num_layers': 48, 'layer_decay_rate': 0.95} 2024-01-17 20:26:42,859 - mmseg - INFO - Build LayerDecayOptimizerConstructor 0.950000 - 50 2024-01-17 20:26:42,863 - mmseg - INFO - Param groups = { "layer_49_decay": { "param_names": [ "backbone.level_embed", "backbone.spm.stem.0.weight", "backbone.spm.stem.3.weight", "backbone.spm.stem.6.weight", "backbone.spm.conv2.0.weight", "backbone.spm.conv3.0.weight", "backbone.spm.conv4.0.weight", "backbone.spm.fc1.weight", "backbone.spm.fc2.weight", "backbone.spm.fc3.weight", "backbone.spm.fc4.weight", "backbone.interactions.0.injector.attn.sampling_offsets.weight", "backbone.interactions.0.injector.attn.attention_weights.weight", "backbone.interactions.0.injector.attn.value_proj.weight", "backbone.interactions.0.injector.attn.output_proj.weight", "backbone.interactions.0.extractor.attn.sampling_offsets.weight", "backbone.interactions.0.extractor.attn.attention_weights.weight", "backbone.interactions.0.extractor.attn.value_proj.weight", "backbone.interactions.0.extractor.attn.output_proj.weight", "backbone.interactions.0.extractor.ffn.fc1.weight", "backbone.interactions.0.extractor.ffn.dwconv.dwconv.weight", "backbone.interactions.0.extractor.ffn.fc2.weight", "backbone.interactions.1.injector.attn.sampling_offsets.weight", "backbone.interactions.1.injector.attn.attention_weights.weight", "backbone.interactions.1.injector.attn.value_proj.weight", "backbone.interactions.1.injector.attn.output_proj.weight", "backbone.interactions.1.extractor.attn.sampling_offsets.weight", "backbone.interactions.1.extractor.attn.attention_weights.weight", "backbone.interactions.1.extractor.attn.value_proj.weight", "backbone.interactions.1.extractor.attn.output_proj.weight", "backbone.interactions.1.extractor.ffn.fc1.weight", "backbone.interactions.1.extractor.ffn.dwconv.dwconv.weight", "backbone.interactions.1.extractor.ffn.fc2.weight", "backbone.interactions.2.injector.attn.sampling_offsets.weight", "backbone.interactions.2.injector.attn.attention_weights.weight", "backbone.interactions.2.injector.attn.value_proj.weight", "backbone.interactions.2.injector.attn.output_proj.weight", "backbone.interactions.2.extractor.attn.sampling_offsets.weight", "backbone.interactions.2.extractor.attn.attention_weights.weight", "backbone.interactions.2.extractor.attn.value_proj.weight", "backbone.interactions.2.extractor.attn.output_proj.weight", "backbone.interactions.2.extractor.ffn.fc1.weight", "backbone.interactions.2.extractor.ffn.dwconv.dwconv.weight", "backbone.interactions.2.extractor.ffn.fc2.weight", "backbone.interactions.3.injector.attn.sampling_offsets.weight", "backbone.interactions.3.injector.attn.attention_weights.weight", "backbone.interactions.3.injector.attn.value_proj.weight", "backbone.interactions.3.injector.attn.output_proj.weight", "backbone.interactions.3.extractor.attn.sampling_offsets.weight", "backbone.interactions.3.extractor.attn.attention_weights.weight", "backbone.interactions.3.extractor.attn.value_proj.weight", "backbone.interactions.3.extractor.attn.output_proj.weight", "backbone.interactions.3.extractor.ffn.fc1.weight", "backbone.interactions.3.extractor.ffn.dwconv.dwconv.weight", "backbone.interactions.3.extractor.ffn.fc2.weight", "backbone.interactions.3.extra_extractors.0.attn.sampling_offsets.weight", "backbone.interactions.3.extra_extractors.0.attn.attention_weights.weight", "backbone.interactions.3.extra_extractors.0.attn.value_proj.weight", "backbone.interactions.3.extra_extractors.0.attn.output_proj.weight", "backbone.interactions.3.extra_extractors.0.ffn.fc1.weight", "backbone.interactions.3.extra_extractors.0.ffn.dwconv.dwconv.weight", "backbone.interactions.3.extra_extractors.0.ffn.fc2.weight", "backbone.interactions.3.extra_extractors.1.attn.sampling_offsets.weight", "backbone.interactions.3.extra_extractors.1.attn.attention_weights.weight", "backbone.interactions.3.extra_extractors.1.attn.value_proj.weight", "backbone.interactions.3.extra_extractors.1.attn.output_proj.weight", "backbone.interactions.3.extra_extractors.1.ffn.fc1.weight", "backbone.interactions.3.extra_extractors.1.ffn.dwconv.dwconv.weight", "backbone.interactions.3.extra_extractors.1.ffn.fc2.weight", "backbone.up.weight", "decode_head.conv_seg.weight", "decode_head.psp_modules.0.1.conv.weight", "decode_head.psp_modules.1.1.conv.weight", "decode_head.psp_modules.2.1.conv.weight", "decode_head.psp_modules.3.1.conv.weight", "decode_head.bottleneck.conv.weight", "decode_head.lateral_convs.0.conv.weight", "decode_head.lateral_convs.1.conv.weight", "decode_head.lateral_convs.2.conv.weight", "decode_head.fpn_convs.0.conv.weight", "decode_head.fpn_convs.1.conv.weight", "decode_head.fpn_convs.2.conv.weight", "decode_head.fpn_bottleneck.conv.weight", "auxiliary_head.conv_seg.weight", "auxiliary_head.convs.0.conv.weight" ], "lr_scale": 1.0, "lr": 4e-05, "weight_decay": 0.05 }, "layer_49_no_decay": { "param_names": [ "backbone.spm.stem.1.weight", "backbone.spm.stem.1.bias", "backbone.spm.stem.4.weight", "backbone.spm.stem.4.bias", "backbone.spm.stem.7.weight", "backbone.spm.stem.7.bias", "backbone.spm.conv2.1.weight", "backbone.spm.conv2.1.bias", "backbone.spm.conv3.1.weight", "backbone.spm.conv3.1.bias", "backbone.spm.conv4.1.weight", "backbone.spm.conv4.1.bias", "backbone.spm.fc1.bias", "backbone.spm.fc2.bias", "backbone.spm.fc3.bias", "backbone.spm.fc4.bias", "backbone.interactions.0.injector.gamma", "backbone.interactions.0.injector.query_norm.weight", "backbone.interactions.0.injector.query_norm.bias", "backbone.interactions.0.injector.feat_norm.weight", "backbone.interactions.0.injector.feat_norm.bias", "backbone.interactions.0.injector.attn.sampling_offsets.bias", "backbone.interactions.0.injector.attn.attention_weights.bias", "backbone.interactions.0.injector.attn.value_proj.bias", "backbone.interactions.0.injector.attn.output_proj.bias", "backbone.interactions.0.extractor.query_norm.weight", "backbone.interactions.0.extractor.query_norm.bias", "backbone.interactions.0.extractor.feat_norm.weight", "backbone.interactions.0.extractor.feat_norm.bias", "backbone.interactions.0.extractor.attn.sampling_offsets.bias", "backbone.interactions.0.extractor.attn.attention_weights.bias", "backbone.interactions.0.extractor.attn.value_proj.bias", "backbone.interactions.0.extractor.attn.output_proj.bias", "backbone.interactions.0.extractor.ffn.fc1.bias", "backbone.interactions.0.extractor.ffn.dwconv.dwconv.bias", "backbone.interactions.0.extractor.ffn.fc2.bias", "backbone.interactions.0.extractor.ffn_norm.weight", "backbone.interactions.0.extractor.ffn_norm.bias", "backbone.interactions.1.injector.gamma", "backbone.interactions.1.injector.query_norm.weight", "backbone.interactions.1.injector.query_norm.bias", "backbone.interactions.1.injector.feat_norm.weight", "backbone.interactions.1.injector.feat_norm.bias", "backbone.interactions.1.injector.attn.sampling_offsets.bias", "backbone.interactions.1.injector.attn.attention_weights.bias", "backbone.interactions.1.injector.attn.value_proj.bias", "backbone.interactions.1.injector.attn.output_proj.bias", "backbone.interactions.1.extractor.query_norm.weight", "backbone.interactions.1.extractor.query_norm.bias", "backbone.interactions.1.extractor.feat_norm.weight", "backbone.interactions.1.extractor.feat_norm.bias", "backbone.interactions.1.extractor.attn.sampling_offsets.bias", "backbone.interactions.1.extractor.attn.attention_weights.bias", "backbone.interactions.1.extractor.attn.value_proj.bias", "backbone.interactions.1.extractor.attn.output_proj.bias", "backbone.interactions.1.extractor.ffn.fc1.bias", "backbone.interactions.1.extractor.ffn.dwconv.dwconv.bias", "backbone.interactions.1.extractor.ffn.fc2.bias", "backbone.interactions.1.extractor.ffn_norm.weight", "backbone.interactions.1.extractor.ffn_norm.bias", "backbone.interactions.2.injector.gamma", "backbone.interactions.2.injector.query_norm.weight", "backbone.interactions.2.injector.query_norm.bias", "backbone.interactions.2.injector.feat_norm.weight", "backbone.interactions.2.injector.feat_norm.bias", "backbone.interactions.2.injector.attn.sampling_offsets.bias", "backbone.interactions.2.injector.attn.attention_weights.bias", "backbone.interactions.2.injector.attn.value_proj.bias", "backbone.interactions.2.injector.attn.output_proj.bias", "backbone.interactions.2.extractor.query_norm.weight", "backbone.interactions.2.extractor.query_norm.bias", "backbone.interactions.2.extractor.feat_norm.weight", "backbone.interactions.2.extractor.feat_norm.bias", "backbone.interactions.2.extractor.attn.sampling_offsets.bias", "backbone.interactions.2.extractor.attn.attention_weights.bias", "backbone.interactions.2.extractor.attn.value_proj.bias", "backbone.interactions.2.extractor.attn.output_proj.bias", "backbone.interactions.2.extractor.ffn.fc1.bias", "backbone.interactions.2.extractor.ffn.dwconv.dwconv.bias", "backbone.interactions.2.extractor.ffn.fc2.bias", "backbone.interactions.2.extractor.ffn_norm.weight", "backbone.interactions.2.extractor.ffn_norm.bias", "backbone.interactions.3.injector.gamma", "backbone.interactions.3.injector.query_norm.weight", "backbone.interactions.3.injector.query_norm.bias", "backbone.interactions.3.injector.feat_norm.weight", "backbone.interactions.3.injector.feat_norm.bias", "backbone.interactions.3.injector.attn.sampling_offsets.bias", "backbone.interactions.3.injector.attn.attention_weights.bias", "backbone.interactions.3.injector.attn.value_proj.bias", "backbone.interactions.3.injector.attn.output_proj.bias", "backbone.interactions.3.extractor.query_norm.weight", "backbone.interactions.3.extractor.query_norm.bias", "backbone.interactions.3.extractor.feat_norm.weight", "backbone.interactions.3.extractor.feat_norm.bias", "backbone.interactions.3.extractor.attn.sampling_offsets.bias", "backbone.interactions.3.extractor.attn.attention_weights.bias", "backbone.interactions.3.extractor.attn.value_proj.bias", "backbone.interactions.3.extractor.attn.output_proj.bias", "backbone.interactions.3.extractor.ffn.fc1.bias", "backbone.interactions.3.extractor.ffn.dwconv.dwconv.bias", "backbone.interactions.3.extractor.ffn.fc2.bias", "backbone.interactions.3.extractor.ffn_norm.weight", "backbone.interactions.3.extractor.ffn_norm.bias", "backbone.interactions.3.extra_extractors.0.query_norm.weight", "backbone.interactions.3.extra_extractors.0.query_norm.bias", "backbone.interactions.3.extra_extractors.0.feat_norm.weight", "backbone.interactions.3.extra_extractors.0.feat_norm.bias", "backbone.interactions.3.extra_extractors.0.attn.sampling_offsets.bias", "backbone.interactions.3.extra_extractors.0.attn.attention_weights.bias", "backbone.interactions.3.extra_extractors.0.attn.value_proj.bias", "backbone.interactions.3.extra_extractors.0.attn.output_proj.bias", "backbone.interactions.3.extra_extractors.0.ffn.fc1.bias", "backbone.interactions.3.extra_extractors.0.ffn.dwconv.dwconv.bias", "backbone.interactions.3.extra_extractors.0.ffn.fc2.bias", "backbone.interactions.3.extra_extractors.0.ffn_norm.weight", "backbone.interactions.3.extra_extractors.0.ffn_norm.bias", "backbone.interactions.3.extra_extractors.1.query_norm.weight", "backbone.interactions.3.extra_extractors.1.query_norm.bias", "backbone.interactions.3.extra_extractors.1.feat_norm.weight", "backbone.interactions.3.extra_extractors.1.feat_norm.bias", "backbone.interactions.3.extra_extractors.1.attn.sampling_offsets.bias", "backbone.interactions.3.extra_extractors.1.attn.attention_weights.bias", "backbone.interactions.3.extra_extractors.1.attn.value_proj.bias", "backbone.interactions.3.extra_extractors.1.attn.output_proj.bias", "backbone.interactions.3.extra_extractors.1.ffn.fc1.bias", "backbone.interactions.3.extra_extractors.1.ffn.dwconv.dwconv.bias", "backbone.interactions.3.extra_extractors.1.ffn.fc2.bias", "backbone.interactions.3.extra_extractors.1.ffn_norm.weight", "backbone.interactions.3.extra_extractors.1.ffn_norm.bias", "backbone.up.bias", "backbone.norm1.weight", "backbone.norm1.bias", "backbone.norm2.weight", "backbone.norm2.bias", "backbone.norm3.weight", "backbone.norm3.bias", "backbone.norm4.weight", "backbone.norm4.bias", "decode_head.conv_seg.bias", "decode_head.psp_modules.0.1.bn.weight", "decode_head.psp_modules.0.1.bn.bias", "decode_head.psp_modules.1.1.bn.weight", "decode_head.psp_modules.1.1.bn.bias", "decode_head.psp_modules.2.1.bn.weight", "decode_head.psp_modules.2.1.bn.bias", "decode_head.psp_modules.3.1.bn.weight", "decode_head.psp_modules.3.1.bn.bias", "decode_head.bottleneck.bn.weight", "decode_head.bottleneck.bn.bias", "decode_head.lateral_convs.0.bn.weight", "decode_head.lateral_convs.0.bn.bias", "decode_head.lateral_convs.1.bn.weight", "decode_head.lateral_convs.1.bn.bias", "decode_head.lateral_convs.2.bn.weight", "decode_head.lateral_convs.2.bn.bias", "decode_head.fpn_convs.0.bn.weight", "decode_head.fpn_convs.0.bn.bias", "decode_head.fpn_convs.1.bn.weight", "decode_head.fpn_convs.1.bn.bias", "decode_head.fpn_convs.2.bn.weight", "decode_head.fpn_convs.2.bn.bias", "decode_head.fpn_bottleneck.bn.weight", "decode_head.fpn_bottleneck.bn.bias", "auxiliary_head.conv_seg.bias", "auxiliary_head.convs.0.bn.weight", "auxiliary_head.convs.0.bn.bias" ], "lr_scale": 1.0, "lr": 4e-05, "weight_decay": 0.0 } } 2024-01-17 20:27:01,283 - mmseg - INFO - trainable parameters: 456277102 2024-01-17 20:27:01,287 - mmseg - INFO - total parameters: 6362101102 2024-01-17 20:27:01,414 - mmseg - INFO - Loaded 2000 images 2024-01-17 20:27:01,415 - mmseg - INFO - Start running, host: wangwenhai@SH-IDC1-10-140-37-52, work_dir: /mnt/petrelfs/wangwenhai/workspace/InternVL-DeepSpeed/mmsegmentation/work_dirs/upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5 2024-01-17 20:27:01,416 - mmseg - INFO - Hooks will be executed in the following order: before_run: (VERY_HIGH ) PolyLrUpdaterHook (49 ) ToFloat16Hook (49 ) ToFloat16Hook (NORMAL ) DeepspeedCheckpointHook (LOW ) DeepspeedDistEvalHook (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- before_train_epoch: (VERY_HIGH ) PolyLrUpdaterHook (LOW ) IterTimerHook (LOW ) DeepspeedDistEvalHook (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- before_train_iter: (VERY_HIGH ) PolyLrUpdaterHook (LOW ) IterTimerHook (LOW ) DeepspeedDistEvalHook -------------------- after_train_iter: (ABOVE_NORMAL) OptimizerHook (NORMAL ) DeepspeedCheckpointHook (LOW ) IterTimerHook (LOW ) DeepspeedDistEvalHook (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- after_train_epoch: (NORMAL ) DeepspeedCheckpointHook (LOW ) DeepspeedDistEvalHook (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- before_val_epoch: (LOW ) IterTimerHook (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- before_val_iter: (LOW ) IterTimerHook -------------------- after_val_iter: (LOW ) IterTimerHook -------------------- after_val_epoch: (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- after_run: (VERY_LOW ) TextLoggerHook (VERY_LOW ) TensorboardLoggerHook -------------------- 2024-01-17 20:27:01,416 - mmseg - INFO - workflow: [('train', 1)], max: 80000 iters 2024-01-17 20:27:01,445 - mmseg - INFO - Checkpoints will be saved to /mnt/petrelfs/wangwenhai/workspace/InternVL-DeepSpeed/mmsegmentation/work_dirs/upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5 by HardDiskBackend. 2024-01-17 20:29:13,749 - mmseg - INFO - Iter [50/80000] lr: 1.306e-06, eta: 1 day, 9:56:32, time: 1.528, data_time: 0.014, memory: 59004, decode.loss_ce: 4.0899, decode.acc_seg: 0.4560, aux.loss_ce: 1.6138, aux.acc_seg: 0.8228, loss: 5.7037 2024-01-17 20:30:14,469 - mmseg - INFO - Iter [100/80000] lr: 2.637e-06, eta: 1 day, 6:26:14, time: 1.214, data_time: 0.009, memory: 59004, decode.loss_ce: 3.8305, decode.acc_seg: 16.4856, aux.loss_ce: 1.5871, aux.acc_seg: 4.6603, loss: 5.4176 2024-01-17 20:31:15,224 - mmseg - INFO - Iter [150/80000] lr: 3.966e-06, eta: 1 day, 5:15:45, time: 1.215, data_time: 0.009, memory: 59004, decode.loss_ce: 3.1808, decode.acc_seg: 42.0583, aux.loss_ce: 1.4981, aux.acc_seg: 22.5860, loss: 4.6790 2024-01-17 20:32:15,867 - mmseg - INFO - Iter [200/80000] lr: 5.294e-06, eta: 1 day, 4:39:15, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 2.4812, decode.acc_seg: 49.2150, aux.loss_ce: 1.3505, aux.acc_seg: 41.6499, loss: 3.8317 2024-01-17 20:33:16,657 - mmseg - INFO - Iter [250/80000] lr: 6.619e-06, eta: 1 day, 4:17:44, time: 1.216, data_time: 0.009, memory: 59004, decode.loss_ce: 2.0776, decode.acc_seg: 54.3284, aux.loss_ce: 1.1476, aux.acc_seg: 46.3922, loss: 3.2253 2024-01-17 20:34:17,475 - mmseg - INFO - Iter [300/80000] lr: 7.944e-06, eta: 1 day, 4:03:11, time: 1.216, data_time: 0.009, memory: 59004, decode.loss_ce: 1.8273, decode.acc_seg: 57.4262, aux.loss_ce: 0.9760, aux.acc_seg: 48.1194, loss: 2.8033 2024-01-17 20:35:18,176 - mmseg - INFO - Iter [350/80000] lr: 9.266e-06, eta: 1 day, 3:52:03, time: 1.214, data_time: 0.009, memory: 59004, decode.loss_ce: 1.6487, decode.acc_seg: 59.8499, aux.loss_ce: 0.8660, aux.acc_seg: 50.4125, loss: 2.5147 2024-01-17 20:36:18,844 - mmseg - INFO - Iter [400/80000] lr: 1.059e-05, eta: 1 day, 3:43:20, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 1.4795, decode.acc_seg: 62.8982, aux.loss_ce: 0.7649, aux.acc_seg: 54.5766, loss: 2.2444 2024-01-17 20:37:19,561 - mmseg - INFO - Iter [450/80000] lr: 1.191e-05, eta: 1 day, 3:36:29, time: 1.214, data_time: 0.008, memory: 59004, decode.loss_ce: 1.3655, decode.acc_seg: 65.9019, aux.loss_ce: 0.7125, aux.acc_seg: 57.6548, loss: 2.0780 2024-01-17 20:38:20,167 - mmseg - INFO - Iter [500/80000] lr: 1.322e-05, eta: 1 day, 3:30:30, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 1.2434, decode.acc_seg: 66.7969, aux.loss_ce: 0.6366, aux.acc_seg: 59.7945, loss: 1.8800 2024-01-17 20:39:20,765 - mmseg - INFO - Iter [550/80000] lr: 1.454e-05, eta: 1 day, 3:25:24, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 1.1609, decode.acc_seg: 68.8291, aux.loss_ce: 0.6071, aux.acc_seg: 61.6496, loss: 1.7680 2024-01-17 20:40:21,413 - mmseg - INFO - Iter [600/80000] lr: 1.585e-05, eta: 1 day, 3:21:06, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 1.0902, decode.acc_seg: 69.7871, aux.loss_ce: 0.5584, aux.acc_seg: 63.9877, loss: 1.6486 2024-01-17 20:41:22,061 - mmseg - INFO - Iter [650/80000] lr: 1.717e-05, eta: 1 day, 3:17:18, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 1.0546, decode.acc_seg: 69.8538, aux.loss_ce: 0.5341, aux.acc_seg: 65.1689, loss: 1.5887 2024-01-17 20:42:22,634 - mmseg - INFO - Iter [700/80000] lr: 1.848e-05, eta: 1 day, 3:13:46, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.9939, decode.acc_seg: 71.1320, aux.loss_ce: 0.5113, aux.acc_seg: 66.2346, loss: 1.5052 2024-01-17 20:43:23,218 - mmseg - INFO - Iter [750/80000] lr: 1.979e-05, eta: 1 day, 3:10:34, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.9729, decode.acc_seg: 72.1664, aux.loss_ce: 0.4902, aux.acc_seg: 67.6971, loss: 1.4631 2024-01-17 20:44:24,009 - mmseg - INFO - Iter [800/80000] lr: 2.109e-05, eta: 1 day, 3:08:00, time: 1.216, data_time: 0.008, memory: 59004, decode.loss_ce: 0.8951, decode.acc_seg: 73.4435, aux.loss_ce: 0.4501, aux.acc_seg: 69.3301, loss: 1.3452 2024-01-17 20:45:24,588 - mmseg - INFO - Iter [850/80000] lr: 2.240e-05, eta: 1 day, 3:05:17, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.8803, decode.acc_seg: 73.4520, aux.loss_ce: 0.4267, aux.acc_seg: 70.3942, loss: 1.3070 2024-01-17 20:46:25,161 - mmseg - INFO - Iter [900/80000] lr: 2.370e-05, eta: 1 day, 3:02:45, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.8119, decode.acc_seg: 75.4544, aux.loss_ce: 0.3994, aux.acc_seg: 72.0475, loss: 1.2113 2024-01-17 20:47:25,746 - mmseg - INFO - Iter [950/80000] lr: 2.501e-05, eta: 1 day, 3:00:24, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.8249, decode.acc_seg: 73.5259, aux.loss_ce: 0.3952, aux.acc_seg: 70.7920, loss: 1.2202 2024-01-17 20:48:26,456 - mmseg - INFO - Saving checkpoint at 1000 iterations 2024-01-17 20:49:12,598 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 20:49:12,598 - mmseg - INFO - Iter [1000/80000] lr: 2.631e-05, eta: 1 day, 3:59:05, time: 2.137, data_time: 0.009, memory: 59004, decode.loss_ce: 0.7329, decode.acc_seg: 75.3849, aux.loss_ce: 0.3472, aux.acc_seg: 73.3147, loss: 1.0801 2024-01-17 20:52:52,348 - mmseg - INFO - per class results: 2024-01-17 20:52:52,355 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 71.84 | 83.16 | | building | 79.11 | 87.54 | | sky | 92.06 | 95.72 | | floor | 72.19 | 93.28 | | tree | 69.35 | 90.23 | | ceiling | 75.79 | 96.45 | | road | 73.25 | 94.8 | | bed | 84.03 | 96.02 | | windowpane | 54.93 | 63.41 | | grass | 53.82 | 72.35 | | cabinet | 56.04 | 75.86 | | sidewalk | 38.71 | 42.93 | | person | 73.0 | 87.26 | | earth | 28.68 | 34.64 | | door | 46.48 | 60.88 | | table | 49.94 | 66.19 | | mountain | 53.88 | 67.66 | | plant | 42.3 | 50.61 | | curtain | 62.26 | 89.66 | | chair | 45.13 | 54.48 | | car | 75.78 | 90.88 | | water | 43.29 | 58.93 | | painting | 61.82 | 85.73 | | sofa | 66.73 | 79.87 | | shelf | 38.24 | 65.67 | | house | 38.93 | 80.62 | | sea | 44.15 | 86.97 | | mirror | 56.8 | 81.46 | | rug | 38.18 | 39.68 | | field | 26.59 | 76.76 | | armchair | 39.49 | 73.83 | | seat | 57.85 | 80.86 | | fence | 37.29 | 47.78 | | desk | 38.17 | 56.03 | | rock | 45.61 | 74.34 | | wardrobe | 52.61 | 58.9 | | lamp | 46.65 | 56.31 | | bathtub | 69.55 | 79.15 | | railing | 23.74 | 29.33 | | cushion | 50.1 | 57.0 | | base | 20.71 | 24.64 | | box | 16.01 | 19.59 | | column | 23.58 | 24.53 | | signboard | 20.51 | 24.59 | | chest of drawers | 37.17 | 62.78 | | counter | 33.76 | 54.36 | | sand | 39.6 | 64.6 | | sink | 61.4 | 68.13 | | skyscraper | 47.82 | 62.23 | | fireplace | 69.27 | 86.04 | | refrigerator | 55.99 | 65.36 | | grandstand | 48.72 | 76.32 | | path | 7.64 | 8.59 | | stairs | 12.52 | 13.05 | | runway | 60.97 | 81.92 | | case | 49.15 | 59.87 | | pool table | 83.65 | 91.78 | | pillow | 41.08 | 46.68 | | screen door | 52.15 | 55.8 | | stairway | 32.87 | 66.04 | | river | 12.42 | 14.37 | | bridge | 53.65 | 79.73 | | bookcase | 33.74 | 56.41 | | blind | 22.64 | 24.7 | | coffee table | 55.45 | 78.83 | | toilet | 76.67 | 88.1 | | flower | 21.11 | 47.7 | | book | 36.59 | 48.3 | | hill | 6.08 | 7.52 | | bench | 36.51 | 37.98 | | countertop | 49.71 | 58.79 | | stove | 61.71 | 79.05 | | palm | 29.2 | 32.3 | | kitchen island | 29.64 | 43.3 | | computer | 60.92 | 90.53 | | swivel chair | 34.52 | 53.94 | | boat | 58.76 | 63.6 | | bar | 15.11 | 15.47 | | arcade machine | 67.04 | 70.51 | | hovel | 3.5 | 3.61 | | bus | 83.94 | 92.08 | | towel | 40.71 | 42.78 | | light | 0.0 | 0.0 | | truck | 15.92 | 16.06 | | tower | 0.0 | 0.0 | | chandelier | 48.63 | 58.84 | | awning | 10.37 | 10.65 | | streetlight | 0.0 | 0.0 | | booth | 3.82 | 3.98 | | television receiver | 54.16 | 56.01 | | airplane | 48.53 | 61.77 | | dirt track | 0.0 | 0.0 | | apparel | 32.31 | 44.67 | | pole | 0.0 | 0.0 | | land | 0.0 | 0.0 | | bannister | 0.0 | 0.0 | | escalator | 12.24 | 12.97 | | ottoman | 0.0 | 0.0 | | bottle | 0.57 | 0.57 | | buffet | 0.0 | 0.0 | | poster | 0.0 | 0.0 | | stage | 0.03 | 0.03 | | van | 2.08 | 2.15 | | ship | 0.0 | 0.0 | | fountain | 0.37 | 0.37 | | conveyer belt | 69.88 | 71.98 | | canopy | 2.21 | 2.21 | | washer | 72.04 | 74.89 | | plaything | 0.0 | 0.0 | | swimming pool | 64.48 | 66.43 | | stool | 0.0 | 0.0 | | barrel | 0.0 | 0.0 | | basket | 0.0 | 0.0 | | waterfall | 48.09 | 96.83 | | tent | 92.74 | 97.34 | | bag | 0.0 | 0.0 | | minibike | 0.0 | 0.0 | | cradle | 70.41 | 91.78 | | oven | 0.0 | 0.0 | | ball | 47.99 | 59.4 | | food | 11.65 | 11.86 | | step | 0.0 | 0.0 | | tank | 0.05 | 0.05 | | trade name | 0.0 | 0.0 | | microwave | 47.56 | 49.07 | | pot | 0.0 | 0.0 | | animal | 11.44 | 11.48 | | bicycle | 18.41 | 18.7 | | lake | 0.0 | 0.0 | | dishwasher | 0.0 | 0.0 | | screen | 27.38 | 27.78 | | blanket | 0.0 | 0.0 | | sculpture | 0.0 | 0.0 | | hood | 0.0 | 0.0 | | sconce | 0.0 | 0.0 | | vase | 0.0 | 0.0 | | traffic light | 0.0 | 0.0 | | tray | 0.0 | 0.0 | | ashcan | 0.0 | 0.0 | | fan | 0.0 | 0.0 | | pier | 0.0 | 0.0 | | crt screen | 0.0 | 0.0 | | plate | 0.0 | 0.0 | | monitor | 0.0 | 0.0 | | bulletin board | 0.0 | 0.0 | | shower | 0.0 | 0.0 | | radiator | 0.0 | 0.0 | | glass | 0.0 | 0.0 | | clock | 0.0 | 0.0 | | flag | 0.0 | 0.0 | +---------------------+-------+-------+ 2024-01-17 20:52:52,355 - mmseg - INFO - Summary: 2024-01-17 20:52:52,355 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 77.86 | 31.28 | 39.98 | +-------+-------+-------+ 2024-01-17 20:52:52,356 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 20:52:52,356 - mmseg - INFO - Iter(val) [250] aAcc: 0.7786, mIoU: 0.3128, mAcc: 0.3998, IoU.wall: 0.7184, IoU.building: 0.7911, IoU.sky: 0.9206, IoU.floor: 0.7219, IoU.tree: 0.6935, IoU.ceiling: 0.7579, IoU.road: 0.7325, IoU.bed : 0.8403, IoU.windowpane: 0.5493, IoU.grass: 0.5382, IoU.cabinet: 0.5604, IoU.sidewalk: 0.3871, IoU.person: 0.7300, IoU.earth: 0.2868, IoU.door: 0.4648, IoU.table: 0.4994, IoU.mountain: 0.5388, IoU.plant: 0.4230, IoU.curtain: 0.6226, IoU.chair: 0.4513, IoU.car: 0.7578, IoU.water: 0.4329, IoU.painting: 0.6182, IoU.sofa: 0.6673, IoU.shelf: 0.3824, IoU.house: 0.3893, IoU.sea: 0.4415, IoU.mirror: 0.5680, IoU.rug: 0.3818, IoU.field: 0.2659, IoU.armchair: 0.3949, IoU.seat: 0.5785, IoU.fence: 0.3729, IoU.desk: 0.3817, IoU.rock: 0.4561, IoU.wardrobe: 0.5261, IoU.lamp: 0.4665, IoU.bathtub: 0.6955, IoU.railing: 0.2374, IoU.cushion: 0.5010, IoU.base: 0.2071, IoU.box: 0.1601, IoU.column: 0.2358, IoU.signboard: 0.2051, IoU.chest of drawers: 0.3717, IoU.counter: 0.3376, IoU.sand: 0.3960, IoU.sink: 0.6140, IoU.skyscraper: 0.4782, IoU.fireplace: 0.6927, IoU.refrigerator: 0.5599, IoU.grandstand: 0.4872, IoU.path: 0.0764, IoU.stairs: 0.1252, IoU.runway: 0.6097, IoU.case: 0.4915, IoU.pool table: 0.8365, IoU.pillow: 0.4108, IoU.screen door: 0.5215, IoU.stairway: 0.3287, IoU.river: 0.1242, IoU.bridge: 0.5365, IoU.bookcase: 0.3374, IoU.blind: 0.2264, IoU.coffee table: 0.5545, IoU.toilet: 0.7667, IoU.flower: 0.2111, IoU.book: 0.3659, IoU.hill: 0.0608, IoU.bench: 0.3651, IoU.countertop: 0.4971, IoU.stove: 0.6171, IoU.palm: 0.2920, IoU.kitchen island: 0.2964, IoU.computer: 0.6092, IoU.swivel chair: 0.3452, IoU.boat: 0.5876, IoU.bar: 0.1511, IoU.arcade machine: 0.6704, IoU.hovel: 0.0350, IoU.bus: 0.8394, IoU.towel: 0.4071, IoU.light: 0.0000, IoU.truck: 0.1592, IoU.tower: 0.0000, IoU.chandelier: 0.4863, IoU.awning: 0.1037, IoU.streetlight: 0.0000, IoU.booth: 0.0382, IoU.television receiver: 0.5416, IoU.airplane: 0.4853, IoU.dirt track: 0.0000, IoU.apparel: 0.3231, IoU.pole: 0.0000, IoU.land: 0.0000, IoU.bannister: 0.0000, IoU.escalator: 0.1224, IoU.ottoman: 0.0000, IoU.bottle: 0.0057, IoU.buffet: 0.0000, IoU.poster: 0.0000, IoU.stage: 0.0003, IoU.van: 0.0208, IoU.ship: 0.0000, IoU.fountain: 0.0037, IoU.conveyer belt: 0.6988, IoU.canopy: 0.0221, IoU.washer: 0.7204, IoU.plaything: 0.0000, IoU.swimming pool: 0.6448, IoU.stool: 0.0000, IoU.barrel: 0.0000, IoU.basket: 0.0000, IoU.waterfall: 0.4809, IoU.tent: 0.9274, IoU.bag: 0.0000, IoU.minibike: 0.0000, IoU.cradle: 0.7041, IoU.oven: 0.0000, IoU.ball: 0.4799, IoU.food: 0.1165, IoU.step: 0.0000, IoU.tank: 0.0005, IoU.trade name: 0.0000, IoU.microwave: 0.4756, IoU.pot: 0.0000, IoU.animal: 0.1144, IoU.bicycle: 0.1841, IoU.lake: 0.0000, IoU.dishwasher: 0.0000, IoU.screen: 0.2738, IoU.blanket: 0.0000, IoU.sculpture: 0.0000, IoU.hood: 0.0000, IoU.sconce: 0.0000, IoU.vase: 0.0000, IoU.traffic light: 0.0000, IoU.tray: 0.0000, IoU.ashcan: 0.0000, IoU.fan: 0.0000, IoU.pier: 0.0000, IoU.crt screen: 0.0000, IoU.plate: 0.0000, IoU.monitor: 0.0000, IoU.bulletin board: 0.0000, IoU.shower: 0.0000, IoU.radiator: 0.0000, IoU.glass: 0.0000, IoU.clock: 0.0000, IoU.flag: 0.0000, Acc.wall: 0.8316, Acc.building: 0.8754, Acc.sky: 0.9572, Acc.floor: 0.9328, Acc.tree: 0.9023, Acc.ceiling: 0.9645, Acc.road: 0.9480, Acc.bed : 0.9602, Acc.windowpane: 0.6341, Acc.grass: 0.7235, Acc.cabinet: 0.7586, Acc.sidewalk: 0.4293, Acc.person: 0.8726, Acc.earth: 0.3464, Acc.door: 0.6088, Acc.table: 0.6619, Acc.mountain: 0.6766, Acc.plant: 0.5061, Acc.curtain: 0.8966, Acc.chair: 0.5448, Acc.car: 0.9088, Acc.water: 0.5893, Acc.painting: 0.8573, Acc.sofa: 0.7987, Acc.shelf: 0.6567, Acc.house: 0.8062, Acc.sea: 0.8697, Acc.mirror: 0.8146, Acc.rug: 0.3968, Acc.field: 0.7676, Acc.armchair: 0.7383, Acc.seat: 0.8086, Acc.fence: 0.4778, Acc.desk: 0.5603, Acc.rock: 0.7434, Acc.wardrobe: 0.5890, Acc.lamp: 0.5631, Acc.bathtub: 0.7915, Acc.railing: 0.2933, Acc.cushion: 0.5700, Acc.base: 0.2464, Acc.box: 0.1959, Acc.column: 0.2453, Acc.signboard: 0.2459, Acc.chest of drawers: 0.6278, Acc.counter: 0.5436, Acc.sand: 0.6460, Acc.sink: 0.6813, Acc.skyscraper: 0.6223, Acc.fireplace: 0.8604, Acc.refrigerator: 0.6536, Acc.grandstand: 0.7632, Acc.path: 0.0859, Acc.stairs: 0.1305, Acc.runway: 0.8192, Acc.case: 0.5987, Acc.pool table: 0.9178, Acc.pillow: 0.4668, Acc.screen door: 0.5580, Acc.stairway: 0.6604, Acc.river: 0.1437, Acc.bridge: 0.7973, Acc.bookcase: 0.5641, Acc.blind: 0.2470, Acc.coffee table: 0.7883, Acc.toilet: 0.8810, Acc.flower: 0.4770, Acc.book: 0.4830, Acc.hill: 0.0752, Acc.bench: 0.3798, Acc.countertop: 0.5879, Acc.stove: 0.7905, Acc.palm: 0.3230, Acc.kitchen island: 0.4330, Acc.computer: 0.9053, Acc.swivel chair: 0.5394, Acc.boat: 0.6360, Acc.bar: 0.1547, Acc.arcade machine: 0.7051, Acc.hovel: 0.0361, Acc.bus: 0.9208, Acc.towel: 0.4278, Acc.light: 0.0000, Acc.truck: 0.1606, Acc.tower: 0.0000, Acc.chandelier: 0.5884, Acc.awning: 0.1065, Acc.streetlight: 0.0000, Acc.booth: 0.0398, Acc.television receiver: 0.5601, Acc.airplane: 0.6177, Acc.dirt track: 0.0000, Acc.apparel: 0.4467, Acc.pole: 0.0000, Acc.land: 0.0000, Acc.bannister: 0.0000, Acc.escalator: 0.1297, Acc.ottoman: 0.0000, Acc.bottle: 0.0057, Acc.buffet: 0.0000, Acc.poster: 0.0000, Acc.stage: 0.0003, Acc.van: 0.0215, Acc.ship: 0.0000, Acc.fountain: 0.0037, Acc.conveyer belt: 0.7198, Acc.canopy: 0.0221, Acc.washer: 0.7489, Acc.plaything: 0.0000, Acc.swimming pool: 0.6643, Acc.stool: 0.0000, Acc.barrel: 0.0000, Acc.basket: 0.0000, Acc.waterfall: 0.9683, Acc.tent: 0.9734, Acc.bag: 0.0000, Acc.minibike: 0.0000, Acc.cradle: 0.9178, Acc.oven: 0.0000, Acc.ball: 0.5940, Acc.food: 0.1186, Acc.step: 0.0000, Acc.tank: 0.0005, Acc.trade name: 0.0000, Acc.microwave: 0.4907, Acc.pot: 0.0000, Acc.animal: 0.1148, Acc.bicycle: 0.1870, Acc.lake: 0.0000, Acc.dishwasher: 0.0000, Acc.screen: 0.2778, Acc.blanket: 0.0000, Acc.sculpture: 0.0000, Acc.hood: 0.0000, Acc.sconce: 0.0000, Acc.vase: 0.0000, Acc.traffic light: 0.0000, Acc.tray: 0.0000, Acc.ashcan: 0.0000, Acc.fan: 0.0000, Acc.pier: 0.0000, Acc.crt screen: 0.0000, Acc.plate: 0.0000, Acc.monitor: 0.0000, Acc.bulletin board: 0.0000, Acc.shower: 0.0000, Acc.radiator: 0.0000, Acc.glass: 0.0000, Acc.clock: 0.0000, Acc.flag: 0.0000 2024-01-17 20:53:53,318 - mmseg - INFO - Iter [1050/80000] lr: 2.761e-05, eta: 1 day, 8:29:54, time: 5.614, data_time: 4.411, memory: 59004, decode.loss_ce: 0.6827, decode.acc_seg: 76.8803, aux.loss_ce: 0.3259, aux.acc_seg: 74.6354, loss: 1.0086 2024-01-17 20:54:53,989 - mmseg - INFO - Iter [1100/80000] lr: 2.890e-05, eta: 1 day, 8:12:38, time: 1.213, data_time: 0.010, memory: 59004, decode.loss_ce: 0.7205, decode.acc_seg: 76.0641, aux.loss_ce: 0.3357, aux.acc_seg: 74.3707, loss: 1.0562 2024-01-17 20:55:54,519 - mmseg - INFO - Iter [1150/80000] lr: 3.020e-05, eta: 1 day, 7:56:36, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.7225, decode.acc_seg: 76.3857, aux.loss_ce: 0.3379, aux.acc_seg: 74.4443, loss: 1.0604 2024-01-17 20:56:55,069 - mmseg - INFO - Iter [1200/80000] lr: 3.149e-05, eta: 1 day, 7:41:51, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.6970, decode.acc_seg: 76.7081, aux.loss_ce: 0.3162, aux.acc_seg: 75.2617, loss: 1.0132 2024-01-17 20:57:55,498 - mmseg - INFO - Iter [1250/80000] lr: 3.279e-05, eta: 1 day, 7:28:04, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.6612, decode.acc_seg: 76.9686, aux.loss_ce: 0.2943, aux.acc_seg: 76.2658, loss: 0.9555 2024-01-17 20:58:58,436 - mmseg - INFO - Iter [1300/80000] lr: 3.408e-05, eta: 1 day, 7:17:47, time: 1.259, data_time: 0.052, memory: 59004, decode.loss_ce: 0.6493, decode.acc_seg: 78.1688, aux.loss_ce: 0.3007, aux.acc_seg: 76.5359, loss: 0.9500 2024-01-17 20:59:58,812 - mmseg - INFO - Iter [1350/80000] lr: 3.537e-05, eta: 1 day, 7:05:43, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5880, decode.acc_seg: 78.6857, aux.loss_ce: 0.2634, aux.acc_seg: 78.0689, loss: 0.8515 2024-01-17 21:00:59,271 - mmseg - INFO - Iter [1400/80000] lr: 3.665e-05, eta: 1 day, 6:54:31, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.6034, decode.acc_seg: 78.9379, aux.loss_ce: 0.2668, aux.acc_seg: 77.9285, loss: 0.8702 2024-01-17 21:01:59,749 - mmseg - INFO - Iter [1450/80000] lr: 3.794e-05, eta: 1 day, 6:44:02, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.6162, decode.acc_seg: 78.2469, aux.loss_ce: 0.2748, aux.acc_seg: 77.2788, loss: 0.8911 2024-01-17 21:03:00,186 - mmseg - INFO - Iter [1500/80000] lr: 3.922e-05, eta: 1 day, 6:34:08, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.6425, decode.acc_seg: 77.7717, aux.loss_ce: 0.2764, aux.acc_seg: 77.4463, loss: 0.9188 2024-01-17 21:04:00,614 - mmseg - INFO - Iter [1550/80000] lr: 3.923e-05, eta: 1 day, 6:24:49, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.6001, decode.acc_seg: 78.8092, aux.loss_ce: 0.2604, aux.acc_seg: 78.2218, loss: 0.8605 2024-01-17 21:05:01,082 - mmseg - INFO - Iter [1600/80000] lr: 3.920e-05, eta: 1 day, 6:16:03, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.5932, decode.acc_seg: 78.8910, aux.loss_ce: 0.2513, aux.acc_seg: 78.3480, loss: 0.8445 2024-01-17 21:06:01,479 - mmseg - INFO - Iter [1650/80000] lr: 3.918e-05, eta: 1 day, 6:07:42, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5904, decode.acc_seg: 79.2741, aux.loss_ce: 0.2527, aux.acc_seg: 78.7538, loss: 0.8431 2024-01-17 21:07:01,900 - mmseg - INFO - Iter [1700/80000] lr: 3.915e-05, eta: 1 day, 5:59:47, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5699, decode.acc_seg: 79.8108, aux.loss_ce: 0.2449, aux.acc_seg: 78.9174, loss: 0.8148 2024-01-17 21:08:02,410 - mmseg - INFO - Iter [1750/80000] lr: 3.913e-05, eta: 1 day, 5:52:20, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5913, decode.acc_seg: 79.0821, aux.loss_ce: 0.2522, aux.acc_seg: 78.6598, loss: 0.8435 2024-01-17 21:09:03,140 - mmseg - INFO - Iter [1800/80000] lr: 3.910e-05, eta: 1 day, 5:45:25, time: 1.215, data_time: 0.008, memory: 59004, decode.loss_ce: 0.6204, decode.acc_seg: 78.1741, aux.loss_ce: 0.2592, aux.acc_seg: 78.0050, loss: 0.8797 2024-01-17 21:10:03,607 - mmseg - INFO - Iter [1850/80000] lr: 3.908e-05, eta: 1 day, 5:38:37, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5662, decode.acc_seg: 79.5336, aux.loss_ce: 0.2386, aux.acc_seg: 79.1554, loss: 0.8048 2024-01-17 21:11:04,056 - mmseg - INFO - Iter [1900/80000] lr: 3.905e-05, eta: 1 day, 5:32:07, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5462, decode.acc_seg: 79.2793, aux.loss_ce: 0.2285, aux.acc_seg: 79.0249, loss: 0.7748 2024-01-17 21:12:04,527 - mmseg - INFO - Iter [1950/80000] lr: 3.903e-05, eta: 1 day, 5:25:55, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5354, decode.acc_seg: 79.7802, aux.loss_ce: 0.2235, aux.acc_seg: 79.7912, loss: 0.7589 2024-01-17 21:13:05,006 - mmseg - INFO - Saving checkpoint at 2000 iterations 2024-01-17 21:13:55,282 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 21:13:55,283 - mmseg - INFO - Iter [2000/80000] lr: 3.900e-05, eta: 1 day, 5:52:39, time: 2.215, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5560, decode.acc_seg: 79.4193, aux.loss_ce: 0.2308, aux.acc_seg: 78.8794, loss: 0.7867 2024-01-17 21:16:35,406 - mmseg - INFO - per class results: 2024-01-17 21:16:35,412 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 73.14 | 88.88 | | building | 81.32 | 90.34 | | sky | 92.58 | 97.36 | | floor | 79.27 | 90.88 | | tree | 70.64 | 87.76 | | ceiling | 81.22 | 90.5 | | road | 82.85 | 90.44 | | bed | 87.25 | 92.25 | | windowpane | 57.28 | 77.12 | | grass | 59.8 | 80.09 | | cabinet | 53.64 | 57.35 | | sidewalk | 61.37 | 72.34 | | person | 77.22 | 88.87 | | earth | 30.06 | 41.73 | | door | 41.39 | 46.83 | | table | 56.28 | 78.75 | | mountain | 45.56 | 49.43 | | plant | 43.55 | 50.25 | | curtain | 66.36 | 76.25 | | chair | 48.95 | 57.27 | | car | 80.24 | 93.87 | | water | 57.38 | 85.24 | | painting | 68.2 | 82.16 | | sofa | 66.93 | 72.33 | | shelf | 41.21 | 68.55 | | house | 49.87 | 78.34 | | sea | 51.25 | 59.91 | | mirror | 63.23 | 70.69 | | rug | 59.86 | 64.96 | | field | 31.35 | 65.36 | | armchair | 46.6 | 76.88 | | seat | 61.56 | 81.88 | | fence | 44.28 | 57.66 | | desk | 48.22 | 70.01 | | rock | 59.7 | 67.11 | | wardrobe | 52.82 | 79.81 | | lamp | 55.89 | 69.59 | | bathtub | 80.46 | 91.85 | | railing | 29.87 | 37.63 | | cushion | 56.81 | 68.19 | | base | 27.36 | 31.22 | | box | 18.27 | 20.08 | | column | 43.07 | 68.0 | | signboard | 30.26 | 34.68 | | chest of drawers | 39.0 | 74.02 | | counter | 37.36 | 44.19 | | sand | 55.37 | 61.92 | | sink | 66.4 | 71.68 | | skyscraper | 56.47 | 76.04 | | fireplace | 68.66 | 84.22 | | refrigerator | 72.83 | 83.62 | | grandstand | 35.27 | 91.87 | | path | 20.29 | 26.27 | | stairs | 21.66 | 23.82 | | runway | 65.89 | 88.27 | | case | 59.49 | 87.7 | | pool table | 87.71 | 96.49 | | pillow | 59.01 | 73.46 | | screen door | 68.59 | 82.61 | | stairway | 38.41 | 50.43 | | river | 0.09 | 0.09 | | bridge | 62.45 | 85.03 | | bookcase | 28.31 | 33.9 | | blind | 36.5 | 43.57 | | coffee table | 61.21 | 80.14 | | toilet | 83.51 | 88.84 | | flower | 29.82 | 34.68 | | book | 43.2 | 57.96 | | hill | 7.57 | 25.02 | | bench | 53.37 | 63.82 | | countertop | 48.75 | 66.76 | | stove | 75.95 | 87.11 | | palm | 50.41 | 68.83 | | kitchen island | 36.88 | 74.98 | | computer | 71.14 | 81.41 | | swivel chair | 39.24 | 77.2 | | boat | 60.45 | 81.3 | | bar | 55.16 | 70.43 | | arcade machine | 82.93 | 90.76 | | hovel | 16.85 | 17.86 | | bus | 86.59 | 94.56 | | towel | 59.16 | 71.86 | | light | 23.82 | 25.59 | | truck | 38.36 | 46.44 | | tower | 22.18 | 47.78 | | chandelier | 60.01 | 72.0 | | awning | 18.86 | 20.46 | | streetlight | 13.14 | 16.52 | | booth | 31.53 | 62.5 | | television receiver | 67.78 | 76.95 | | airplane | 53.32 | 64.19 | | dirt track | 11.1 | 11.1 | | apparel | 24.85 | 28.65 | | pole | 20.43 | 25.47 | | land | 0.0 | 0.0 | | bannister | 3.33 | 3.75 | | escalator | 56.3 | 67.39 | | ottoman | 43.9 | 56.46 | | bottle | 22.24 | 26.23 | | buffet | 46.74 | 68.67 | | poster | 13.95 | 15.69 | | stage | 13.15 | 18.37 | | van | 42.43 | 52.93 | | ship | 23.73 | 24.03 | | fountain | 11.65 | 11.91 | | conveyer belt | 78.57 | 88.26 | | canopy | 47.61 | 73.08 | | washer | 85.05 | 95.23 | | plaything | 32.72 | 46.37 | | swimming pool | 65.74 | 80.54 | | stool | 18.08 | 19.79 | | barrel | 44.25 | 60.15 | | basket | 27.86 | 32.31 | | waterfall | 55.67 | 76.07 | | tent | 68.25 | 99.91 | | bag | 1.04 | 1.04 | | minibike | 64.28 | 70.61 | | cradle | 74.7 | 96.93 | | oven | 38.26 | 39.53 | | ball | 30.38 | 63.92 | | food | 51.96 | 60.31 | | step | 0.0 | 0.0 | | tank | 53.33 | 57.46 | | trade name | 11.04 | 11.91 | | microwave | 79.56 | 86.41 | | pot | 31.13 | 33.54 | | animal | 56.2 | 57.95 | | bicycle | 53.0 | 68.21 | | lake | 0.0 | 0.0 | | dishwasher | 50.03 | 72.86 | | screen | 51.93 | 92.52 | | blanket | 0.43 | 0.43 | | sculpture | 51.47 | 52.83 | | hood | 58.63 | 64.61 | | sconce | 8.54 | 8.72 | | vase | 25.39 | 29.9 | | traffic light | 8.85 | 9.01 | | tray | 0.0 | 0.0 | | ashcan | 29.22 | 30.78 | | fan | 44.01 | 55.03 | | pier | 36.57 | 40.58 | | crt screen | 0.18 | 0.56 | | plate | 9.2 | 9.52 | | monitor | 0.0 | 0.0 | | bulletin board | 26.96 | 28.31 | | shower | 0.0 | 0.0 | | radiator | 44.98 | 46.49 | | glass | 0.0 | 0.0 | | clock | 3.35 | 3.35 | | flag | 25.14 | 25.2 | +---------------------+-------+-------+ 2024-01-17 21:16:35,412 - mmseg - INFO - Summary: 2024-01-17 21:16:35,413 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 80.98 | 44.42 | 55.65 | +-------+-------+-------+ 2024-01-17 21:16:35,413 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 21:16:35,414 - mmseg - INFO - Iter(val) [250] aAcc: 0.8098, mIoU: 0.4442, mAcc: 0.5565, IoU.wall: 0.7314, IoU.building: 0.8132, IoU.sky: 0.9258, IoU.floor: 0.7927, IoU.tree: 0.7064, IoU.ceiling: 0.8122, IoU.road: 0.8285, IoU.bed : 0.8725, IoU.windowpane: 0.5728, IoU.grass: 0.5980, IoU.cabinet: 0.5364, IoU.sidewalk: 0.6137, IoU.person: 0.7722, IoU.earth: 0.3006, IoU.door: 0.4139, IoU.table: 0.5628, IoU.mountain: 0.4556, IoU.plant: 0.4355, IoU.curtain: 0.6636, IoU.chair: 0.4895, IoU.car: 0.8024, IoU.water: 0.5738, IoU.painting: 0.6820, IoU.sofa: 0.6693, IoU.shelf: 0.4121, IoU.house: 0.4987, IoU.sea: 0.5125, IoU.mirror: 0.6323, IoU.rug: 0.5986, IoU.field: 0.3135, IoU.armchair: 0.4660, IoU.seat: 0.6156, IoU.fence: 0.4428, IoU.desk: 0.4822, IoU.rock: 0.5970, IoU.wardrobe: 0.5282, IoU.lamp: 0.5589, IoU.bathtub: 0.8046, IoU.railing: 0.2987, IoU.cushion: 0.5681, IoU.base: 0.2736, IoU.box: 0.1827, IoU.column: 0.4307, IoU.signboard: 0.3026, IoU.chest of drawers: 0.3900, IoU.counter: 0.3736, IoU.sand: 0.5537, IoU.sink: 0.6640, IoU.skyscraper: 0.5647, IoU.fireplace: 0.6866, IoU.refrigerator: 0.7283, IoU.grandstand: 0.3527, IoU.path: 0.2029, IoU.stairs: 0.2166, IoU.runway: 0.6589, IoU.case: 0.5949, IoU.pool table: 0.8771, IoU.pillow: 0.5901, IoU.screen door: 0.6859, IoU.stairway: 0.3841, IoU.river: 0.0009, IoU.bridge: 0.6245, IoU.bookcase: 0.2831, IoU.blind: 0.3650, IoU.coffee table: 0.6121, IoU.toilet: 0.8351, IoU.flower: 0.2982, IoU.book: 0.4320, IoU.hill: 0.0757, IoU.bench: 0.5337, IoU.countertop: 0.4875, IoU.stove: 0.7595, IoU.palm: 0.5041, IoU.kitchen island: 0.3688, IoU.computer: 0.7114, IoU.swivel chair: 0.3924, IoU.boat: 0.6045, IoU.bar: 0.5516, IoU.arcade machine: 0.8293, IoU.hovel: 0.1685, IoU.bus: 0.8659, IoU.towel: 0.5916, IoU.light: 0.2382, IoU.truck: 0.3836, IoU.tower: 0.2218, IoU.chandelier: 0.6001, IoU.awning: 0.1886, IoU.streetlight: 0.1314, IoU.booth: 0.3153, IoU.television receiver: 0.6778, IoU.airplane: 0.5332, IoU.dirt track: 0.1110, IoU.apparel: 0.2485, IoU.pole: 0.2043, IoU.land: 0.0000, IoU.bannister: 0.0333, IoU.escalator: 0.5630, IoU.ottoman: 0.4390, IoU.bottle: 0.2224, IoU.buffet: 0.4674, IoU.poster: 0.1395, IoU.stage: 0.1315, IoU.van: 0.4243, IoU.ship: 0.2373, IoU.fountain: 0.1165, IoU.conveyer belt: 0.7857, IoU.canopy: 0.4761, IoU.washer: 0.8505, IoU.plaything: 0.3272, IoU.swimming pool: 0.6574, IoU.stool: 0.1808, IoU.barrel: 0.4425, IoU.basket: 0.2786, IoU.waterfall: 0.5567, IoU.tent: 0.6825, IoU.bag: 0.0104, IoU.minibike: 0.6428, IoU.cradle: 0.7470, IoU.oven: 0.3826, IoU.ball: 0.3038, IoU.food: 0.5196, IoU.step: 0.0000, IoU.tank: 0.5333, IoU.trade name: 0.1104, IoU.microwave: 0.7956, IoU.pot: 0.3113, IoU.animal: 0.5620, IoU.bicycle: 0.5300, IoU.lake: 0.0000, IoU.dishwasher: 0.5003, IoU.screen: 0.5193, IoU.blanket: 0.0043, IoU.sculpture: 0.5147, IoU.hood: 0.5863, IoU.sconce: 0.0854, IoU.vase: 0.2539, IoU.traffic light: 0.0885, IoU.tray: 0.0000, IoU.ashcan: 0.2922, IoU.fan: 0.4401, IoU.pier: 0.3657, IoU.crt screen: 0.0018, IoU.plate: 0.0920, IoU.monitor: 0.0000, IoU.bulletin board: 0.2696, IoU.shower: 0.0000, IoU.radiator: 0.4498, IoU.glass: 0.0000, IoU.clock: 0.0335, IoU.flag: 0.2514, Acc.wall: 0.8888, Acc.building: 0.9034, Acc.sky: 0.9736, Acc.floor: 0.9088, Acc.tree: 0.8776, Acc.ceiling: 0.9050, Acc.road: 0.9044, Acc.bed : 0.9225, Acc.windowpane: 0.7712, Acc.grass: 0.8009, Acc.cabinet: 0.5735, Acc.sidewalk: 0.7234, Acc.person: 0.8887, Acc.earth: 0.4173, Acc.door: 0.4683, Acc.table: 0.7875, Acc.mountain: 0.4943, Acc.plant: 0.5025, Acc.curtain: 0.7625, Acc.chair: 0.5727, Acc.car: 0.9387, Acc.water: 0.8524, Acc.painting: 0.8216, Acc.sofa: 0.7233, Acc.shelf: 0.6855, Acc.house: 0.7834, Acc.sea: 0.5991, Acc.mirror: 0.7069, Acc.rug: 0.6496, Acc.field: 0.6536, Acc.armchair: 0.7688, Acc.seat: 0.8188, Acc.fence: 0.5766, Acc.desk: 0.7001, Acc.rock: 0.6711, Acc.wardrobe: 0.7981, Acc.lamp: 0.6959, Acc.bathtub: 0.9185, Acc.railing: 0.3763, Acc.cushion: 0.6819, Acc.base: 0.3122, Acc.box: 0.2008, Acc.column: 0.6800, Acc.signboard: 0.3468, Acc.chest of drawers: 0.7402, Acc.counter: 0.4419, Acc.sand: 0.6192, Acc.sink: 0.7168, Acc.skyscraper: 0.7604, Acc.fireplace: 0.8422, Acc.refrigerator: 0.8362, Acc.grandstand: 0.9187, Acc.path: 0.2627, Acc.stairs: 0.2382, Acc.runway: 0.8827, Acc.case: 0.8770, Acc.pool table: 0.9649, Acc.pillow: 0.7346, Acc.screen door: 0.8261, Acc.stairway: 0.5043, Acc.river: 0.0009, Acc.bridge: 0.8503, Acc.bookcase: 0.3390, Acc.blind: 0.4357, Acc.coffee table: 0.8014, Acc.toilet: 0.8884, Acc.flower: 0.3468, Acc.book: 0.5796, Acc.hill: 0.2502, Acc.bench: 0.6382, Acc.countertop: 0.6676, Acc.stove: 0.8711, Acc.palm: 0.6883, Acc.kitchen island: 0.7498, Acc.computer: 0.8141, Acc.swivel chair: 0.7720, Acc.boat: 0.8130, Acc.bar: 0.7043, Acc.arcade machine: 0.9076, Acc.hovel: 0.1786, Acc.bus: 0.9456, Acc.towel: 0.7186, Acc.light: 0.2559, Acc.truck: 0.4644, Acc.tower: 0.4778, Acc.chandelier: 0.7200, Acc.awning: 0.2046, Acc.streetlight: 0.1652, Acc.booth: 0.6250, Acc.television receiver: 0.7695, Acc.airplane: 0.6419, Acc.dirt track: 0.1110, Acc.apparel: 0.2865, Acc.pole: 0.2547, Acc.land: 0.0000, Acc.bannister: 0.0375, Acc.escalator: 0.6739, Acc.ottoman: 0.5646, Acc.bottle: 0.2623, Acc.buffet: 0.6867, Acc.poster: 0.1569, Acc.stage: 0.1837, Acc.van: 0.5293, Acc.ship: 0.2403, Acc.fountain: 0.1191, Acc.conveyer belt: 0.8826, Acc.canopy: 0.7308, Acc.washer: 0.9523, Acc.plaything: 0.4637, Acc.swimming pool: 0.8054, Acc.stool: 0.1979, Acc.barrel: 0.6015, Acc.basket: 0.3231, Acc.waterfall: 0.7607, Acc.tent: 0.9991, Acc.bag: 0.0104, Acc.minibike: 0.7061, Acc.cradle: 0.9693, Acc.oven: 0.3953, Acc.ball: 0.6392, Acc.food: 0.6031, Acc.step: 0.0000, Acc.tank: 0.5746, Acc.trade name: 0.1191, Acc.microwave: 0.8641, Acc.pot: 0.3354, Acc.animal: 0.5795, Acc.bicycle: 0.6821, Acc.lake: 0.0000, Acc.dishwasher: 0.7286, Acc.screen: 0.9252, Acc.blanket: 0.0043, Acc.sculpture: 0.5283, Acc.hood: 0.6461, Acc.sconce: 0.0872, Acc.vase: 0.2990, Acc.traffic light: 0.0901, Acc.tray: 0.0000, Acc.ashcan: 0.3078, Acc.fan: 0.5503, Acc.pier: 0.4058, Acc.crt screen: 0.0056, Acc.plate: 0.0952, Acc.monitor: 0.0000, Acc.bulletin board: 0.2831, Acc.shower: 0.0000, Acc.radiator: 0.4649, Acc.glass: 0.0000, Acc.clock: 0.0335, Acc.flag: 0.2520 2024-01-17 21:17:36,178 - mmseg - INFO - Iter [2050/80000] lr: 3.898e-05, eta: 1 day, 7:27:48, time: 4.418, data_time: 3.219, memory: 59004, decode.loss_ce: 0.5472, decode.acc_seg: 79.7742, aux.loss_ce: 0.2257, aux.acc_seg: 79.8306, loss: 0.7728 2024-01-17 21:18:36,498 - mmseg - INFO - Iter [2100/80000] lr: 3.895e-05, eta: 1 day, 7:18:58, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5605, decode.acc_seg: 79.9228, aux.loss_ce: 0.2340, aux.acc_seg: 79.4292, loss: 0.7945 2024-01-17 21:19:36,822 - mmseg - INFO - Iter [2150/80000] lr: 3.893e-05, eta: 1 day, 7:10:29, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5962, decode.acc_seg: 78.4287, aux.loss_ce: 0.2472, aux.acc_seg: 78.0861, loss: 0.8434 2024-01-17 21:20:37,101 - mmseg - INFO - Iter [2200/80000] lr: 3.890e-05, eta: 1 day, 7:02:20, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5215, decode.acc_seg: 80.8590, aux.loss_ce: 0.2113, aux.acc_seg: 80.9841, loss: 0.7328 2024-01-17 21:21:37,451 - mmseg - INFO - Iter [2250/80000] lr: 3.888e-05, eta: 1 day, 6:54:32, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5387, decode.acc_seg: 79.5931, aux.loss_ce: 0.2224, aux.acc_seg: 79.4420, loss: 0.7612 2024-01-17 21:22:38,008 - mmseg - INFO - Iter [2300/80000] lr: 3.885e-05, eta: 1 day, 6:47:09, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5259, decode.acc_seg: 80.1393, aux.loss_ce: 0.2137, aux.acc_seg: 80.4145, loss: 0.7396 2024-01-17 21:23:38,405 - mmseg - INFO - Iter [2350/80000] lr: 3.883e-05, eta: 1 day, 6:39:57, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5370, decode.acc_seg: 80.0342, aux.loss_ce: 0.2176, aux.acc_seg: 80.0463, loss: 0.7547 2024-01-17 21:24:38,829 - mmseg - INFO - Iter [2400/80000] lr: 3.880e-05, eta: 1 day, 6:33:01, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5427, decode.acc_seg: 80.3064, aux.loss_ce: 0.2198, aux.acc_seg: 80.1312, loss: 0.7625 2024-01-17 21:25:39,231 - mmseg - INFO - Iter [2450/80000] lr: 3.878e-05, eta: 1 day, 6:26:19, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5210, decode.acc_seg: 80.3223, aux.loss_ce: 0.2135, aux.acc_seg: 80.2600, loss: 0.7345 2024-01-17 21:26:39,611 - mmseg - INFO - Iter [2500/80000] lr: 3.875e-05, eta: 1 day, 6:19:50, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5621, decode.acc_seg: 79.5154, aux.loss_ce: 0.2283, aux.acc_seg: 79.4862, loss: 0.7904 2024-01-17 21:27:42,248 - mmseg - INFO - Iter [2550/80000] lr: 3.873e-05, eta: 1 day, 6:14:42, time: 1.253, data_time: 0.051, memory: 59004, decode.loss_ce: 0.5155, decode.acc_seg: 80.6311, aux.loss_ce: 0.2113, aux.acc_seg: 79.9580, loss: 0.7268 2024-01-17 21:28:42,628 - mmseg - INFO - Iter [2600/80000] lr: 3.870e-05, eta: 1 day, 6:08:37, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5205, decode.acc_seg: 80.8481, aux.loss_ce: 0.2158, aux.acc_seg: 80.5979, loss: 0.7363 2024-01-17 21:29:42,973 - mmseg - INFO - Iter [2650/80000] lr: 3.868e-05, eta: 1 day, 6:02:42, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4723, decode.acc_seg: 81.9591, aux.loss_ce: 0.1990, aux.acc_seg: 81.4176, loss: 0.6713 2024-01-17 21:30:43,302 - mmseg - INFO - Iter [2700/80000] lr: 3.865e-05, eta: 1 day, 5:56:57, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4755, decode.acc_seg: 81.6866, aux.loss_ce: 0.1962, aux.acc_seg: 81.4499, loss: 0.6717 2024-01-17 21:31:43,758 - mmseg - INFO - Iter [2750/80000] lr: 3.863e-05, eta: 1 day, 5:51:27, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5064, decode.acc_seg: 80.6932, aux.loss_ce: 0.2103, aux.acc_seg: 80.3575, loss: 0.7167 2024-01-17 21:32:44,308 - mmseg - INFO - Iter [2800/80000] lr: 3.860e-05, eta: 1 day, 5:46:08, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4721, decode.acc_seg: 81.9978, aux.loss_ce: 0.1949, aux.acc_seg: 81.7889, loss: 0.6671 2024-01-17 21:33:44,708 - mmseg - INFO - Iter [2850/80000] lr: 3.858e-05, eta: 1 day, 5:40:55, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4842, decode.acc_seg: 81.4678, aux.loss_ce: 0.2034, aux.acc_seg: 80.8088, loss: 0.6876 2024-01-17 21:34:45,102 - mmseg - INFO - Iter [2900/80000] lr: 3.855e-05, eta: 1 day, 5:35:50, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4662, decode.acc_seg: 81.4646, aux.loss_ce: 0.1935, aux.acc_seg: 81.1221, loss: 0.6597 2024-01-17 21:35:45,439 - mmseg - INFO - Iter [2950/80000] lr: 3.853e-05, eta: 1 day, 5:30:52, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4705, decode.acc_seg: 82.0946, aux.loss_ce: 0.1959, aux.acc_seg: 81.6414, loss: 0.6663 2024-01-17 21:36:45,782 - mmseg - INFO - Saving checkpoint at 3000 iterations 2024-01-17 21:37:30,960 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 21:37:30,961 - mmseg - INFO - Iter [3000/80000] lr: 3.850e-05, eta: 1 day, 5:45:22, time: 2.110, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4755, decode.acc_seg: 81.7194, aux.loss_ce: 0.1981, aux.acc_seg: 81.2722, loss: 0.6737 2024-01-17 21:40:10,214 - mmseg - INFO - per class results: 2024-01-17 21:40:10,220 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 75.71 | 86.92 | | building | 82.87 | 93.69 | | sky | 93.57 | 97.17 | | floor | 79.78 | 91.76 | | tree | 74.05 | 87.0 | | ceiling | 82.91 | 90.71 | | road | 78.24 | 94.44 | | bed | 88.96 | 95.23 | | windowpane | 61.77 | 78.35 | | grass | 65.83 | 74.61 | | cabinet | 62.25 | 79.56 | | sidewalk | 48.8 | 52.95 | | person | 78.69 | 89.58 | | earth | 37.5 | 52.83 | | door | 49.67 | 69.02 | | table | 60.34 | 70.92 | | mountain | 56.27 | 64.87 | | plant | 53.02 | 63.54 | | curtain | 70.78 | 83.35 | | chair | 54.67 | 72.67 | | car | 81.91 | 89.57 | | water | 44.8 | 53.27 | | painting | 64.3 | 84.57 | | sofa | 73.75 | 84.32 | | shelf | 41.6 | 59.36 | | house | 55.07 | 68.53 | | sea | 61.98 | 91.31 | | mirror | 69.1 | 83.27 | | rug | 60.2 | 66.64 | | field | 34.12 | 71.82 | | armchair | 49.36 | 75.98 | | seat | 60.14 | 78.76 | | fence | 44.93 | 53.52 | | desk | 43.61 | 64.52 | | rock | 51.73 | 69.73 | | wardrobe | 55.32 | 67.39 | | lamp | 58.69 | 66.41 | | bathtub | 76.69 | 81.29 | | railing | 36.5 | 49.39 | | cushion | 57.72 | 64.47 | | base | 24.54 | 53.02 | | box | 18.86 | 20.5 | | column | 47.88 | 57.29 | | signboard | 32.67 | 38.03 | | chest of drawers | 44.76 | 62.9 | | counter | 36.68 | 38.18 | | sand | 57.74 | 71.09 | | sink | 68.25 | 73.03 | | skyscraper | 48.31 | 64.06 | | fireplace | 66.56 | 94.77 | | refrigerator | 74.5 | 83.43 | | grandstand | 46.25 | 90.37 | | path | 17.59 | 21.32 | | stairs | 25.68 | 26.66 | | runway | 67.96 | 91.21 | | case | 63.36 | 77.21 | | pool table | 89.35 | 97.69 | | pillow | 60.23 | 69.77 | | screen door | 67.36 | 72.08 | | stairway | 39.99 | 53.58 | | river | 15.17 | 53.58 | | bridge | 60.65 | 75.89 | | bookcase | 24.53 | 26.57 | | blind | 4.92 | 5.0 | | coffee table | 61.78 | 75.93 | | toilet | 84.55 | 92.36 | | flower | 35.18 | 59.69 | | book | 47.77 | 67.58 | | hill | 5.04 | 10.15 | | bench | 54.47 | 68.64 | | countertop | 56.85 | 71.46 | | stove | 78.07 | 82.04 | | palm | 50.47 | 65.33 | | kitchen island | 39.05 | 56.77 | | computer | 73.06 | 90.6 | | swivel chair | 25.75 | 27.46 | | boat | 56.34 | 83.32 | | bar | 50.6 | 92.61 | | arcade machine | 81.42 | 98.67 | | hovel | 19.96 | 21.16 | | bus | 87.1 | 95.82 | | towel | 65.59 | 70.03 | | light | 30.19 | 33.0 | | truck | 38.36 | 45.12 | | tower | 14.1 | 26.37 | | chandelier | 61.63 | 74.88 | | awning | 26.01 | 30.87 | | streetlight | 13.67 | 14.41 | | booth | 39.19 | 48.88 | | television receiver | 70.49 | 74.84 | | airplane | 55.55 | 68.11 | | dirt track | 12.2 | 27.17 | | apparel | 42.57 | 57.81 | | pole | 18.96 | 21.07 | | land | 8.43 | 13.03 | | bannister | 2.66 | 3.11 | | escalator | 63.12 | 85.83 | | ottoman | 50.47 | 65.61 | | bottle | 39.89 | 55.96 | | buffet | 9.36 | 9.41 | | poster | 16.32 | 17.52 | | stage | 13.9 | 75.09 | | van | 42.85 | 57.49 | | ship | 74.16 | 87.77 | | fountain | 47.46 | 48.72 | | conveyer belt | 63.87 | 98.58 | | canopy | 37.32 | 38.5 | | washer | 84.77 | 96.75 | | plaything | 32.02 | 53.46 | | swimming pool | 47.99 | 96.45 | | stool | 34.01 | 42.29 | | barrel | 42.84 | 65.12 | | basket | 33.86 | 42.49 | | waterfall | 50.72 | 56.13 | | tent | 84.74 | 99.51 | | bag | 14.62 | 15.48 | | minibike | 70.05 | 80.99 | | cradle | 82.75 | 97.23 | | oven | 48.85 | 54.81 | | ball | 42.23 | 62.89 | | food | 55.42 | 63.71 | | step | 0.24 | 0.25 | | tank | 53.46 | 59.56 | | trade name | 14.09 | 15.34 | | microwave | 82.88 | 88.16 | | pot | 42.13 | 47.54 | | animal | 59.5 | 60.85 | | bicycle | 54.79 | 67.45 | | lake | 0.0 | 0.0 | | dishwasher | 59.48 | 70.19 | | screen | 59.18 | 74.96 | | blanket | 17.29 | 19.42 | | sculpture | 61.05 | 66.07 | | hood | 60.76 | 64.71 | | sconce | 25.93 | 27.51 | | vase | 31.58 | 41.55 | | traffic light | 24.22 | 29.44 | | tray | 0.32 | 0.34 | | ashcan | 41.05 | 46.78 | | fan | 44.89 | 51.93 | | pier | 38.29 | 52.67 | | crt screen | 0.0 | 0.0 | | plate | 44.81 | 69.54 | | monitor | 54.43 | 78.33 | | bulletin board | 36.37 | 38.18 | | shower | 0.0 | 0.0 | | radiator | 60.52 | 65.39 | | glass | 3.99 | 4.03 | | clock | 21.0 | 21.49 | | flag | 52.12 | 53.91 | +---------------------+-------+-------+ 2024-01-17 21:40:10,221 - mmseg - INFO - Summary: 2024-01-17 21:40:10,221 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 82.31 | 48.11 | 59.88 | +-------+-------+-------+ 2024-01-17 21:40:10,222 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 21:40:10,222 - mmseg - INFO - Iter(val) [250] aAcc: 0.8231, mIoU: 0.4811, mAcc: 0.5988, IoU.wall: 0.7571, IoU.building: 0.8287, IoU.sky: 0.9357, IoU.floor: 0.7978, IoU.tree: 0.7405, IoU.ceiling: 0.8291, IoU.road: 0.7824, IoU.bed : 0.8896, IoU.windowpane: 0.6177, IoU.grass: 0.6583, IoU.cabinet: 0.6225, IoU.sidewalk: 0.4880, IoU.person: 0.7869, IoU.earth: 0.3750, IoU.door: 0.4967, IoU.table: 0.6034, IoU.mountain: 0.5627, IoU.plant: 0.5302, IoU.curtain: 0.7078, IoU.chair: 0.5467, IoU.car: 0.8191, IoU.water: 0.4480, IoU.painting: 0.6430, IoU.sofa: 0.7375, IoU.shelf: 0.4160, IoU.house: 0.5507, IoU.sea: 0.6198, IoU.mirror: 0.6910, IoU.rug: 0.6020, IoU.field: 0.3412, IoU.armchair: 0.4936, IoU.seat: 0.6014, IoU.fence: 0.4493, IoU.desk: 0.4361, IoU.rock: 0.5173, IoU.wardrobe: 0.5532, IoU.lamp: 0.5869, IoU.bathtub: 0.7669, IoU.railing: 0.3650, IoU.cushion: 0.5772, IoU.base: 0.2454, IoU.box: 0.1886, IoU.column: 0.4788, IoU.signboard: 0.3267, IoU.chest of drawers: 0.4476, IoU.counter: 0.3668, IoU.sand: 0.5774, IoU.sink: 0.6825, IoU.skyscraper: 0.4831, IoU.fireplace: 0.6656, IoU.refrigerator: 0.7450, IoU.grandstand: 0.4625, IoU.path: 0.1759, IoU.stairs: 0.2568, IoU.runway: 0.6796, IoU.case: 0.6336, IoU.pool table: 0.8935, IoU.pillow: 0.6023, IoU.screen door: 0.6736, IoU.stairway: 0.3999, IoU.river: 0.1517, IoU.bridge: 0.6065, IoU.bookcase: 0.2453, IoU.blind: 0.0492, IoU.coffee table: 0.6178, IoU.toilet: 0.8455, IoU.flower: 0.3518, IoU.book: 0.4777, IoU.hill: 0.0504, IoU.bench: 0.5447, IoU.countertop: 0.5685, IoU.stove: 0.7807, IoU.palm: 0.5047, IoU.kitchen island: 0.3905, IoU.computer: 0.7306, IoU.swivel chair: 0.2575, IoU.boat: 0.5634, IoU.bar: 0.5060, IoU.arcade machine: 0.8142, IoU.hovel: 0.1996, IoU.bus: 0.8710, IoU.towel: 0.6559, IoU.light: 0.3019, IoU.truck: 0.3836, IoU.tower: 0.1410, IoU.chandelier: 0.6163, IoU.awning: 0.2601, IoU.streetlight: 0.1367, IoU.booth: 0.3919, IoU.television receiver: 0.7049, IoU.airplane: 0.5555, IoU.dirt track: 0.1220, IoU.apparel: 0.4257, IoU.pole: 0.1896, IoU.land: 0.0843, IoU.bannister: 0.0266, IoU.escalator: 0.6312, IoU.ottoman: 0.5047, IoU.bottle: 0.3989, IoU.buffet: 0.0936, IoU.poster: 0.1632, IoU.stage: 0.1390, IoU.van: 0.4285, IoU.ship: 0.7416, IoU.fountain: 0.4746, IoU.conveyer belt: 0.6387, IoU.canopy: 0.3732, IoU.washer: 0.8477, IoU.plaything: 0.3202, IoU.swimming pool: 0.4799, IoU.stool: 0.3401, IoU.barrel: 0.4284, IoU.basket: 0.3386, IoU.waterfall: 0.5072, IoU.tent: 0.8474, IoU.bag: 0.1462, IoU.minibike: 0.7005, IoU.cradle: 0.8275, IoU.oven: 0.4885, IoU.ball: 0.4223, IoU.food: 0.5542, IoU.step: 0.0024, IoU.tank: 0.5346, IoU.trade name: 0.1409, IoU.microwave: 0.8288, IoU.pot: 0.4213, IoU.animal: 0.5950, IoU.bicycle: 0.5479, IoU.lake: 0.0000, IoU.dishwasher: 0.5948, IoU.screen: 0.5918, IoU.blanket: 0.1729, IoU.sculpture: 0.6105, IoU.hood: 0.6076, IoU.sconce: 0.2593, IoU.vase: 0.3158, IoU.traffic light: 0.2422, IoU.tray: 0.0032, IoU.ashcan: 0.4105, IoU.fan: 0.4489, IoU.pier: 0.3829, IoU.crt screen: 0.0000, IoU.plate: 0.4481, IoU.monitor: 0.5443, IoU.bulletin board: 0.3637, IoU.shower: 0.0000, IoU.radiator: 0.6052, IoU.glass: 0.0399, IoU.clock: 0.2100, IoU.flag: 0.5212, Acc.wall: 0.8692, Acc.building: 0.9369, Acc.sky: 0.9717, Acc.floor: 0.9176, Acc.tree: 0.8700, Acc.ceiling: 0.9071, Acc.road: 0.9444, Acc.bed : 0.9523, Acc.windowpane: 0.7835, Acc.grass: 0.7461, Acc.cabinet: 0.7956, Acc.sidewalk: 0.5295, Acc.person: 0.8958, Acc.earth: 0.5283, Acc.door: 0.6902, Acc.table: 0.7092, Acc.mountain: 0.6487, Acc.plant: 0.6354, Acc.curtain: 0.8335, Acc.chair: 0.7267, Acc.car: 0.8957, Acc.water: 0.5327, Acc.painting: 0.8457, Acc.sofa: 0.8432, Acc.shelf: 0.5936, Acc.house: 0.6853, Acc.sea: 0.9131, Acc.mirror: 0.8327, Acc.rug: 0.6664, Acc.field: 0.7182, Acc.armchair: 0.7598, Acc.seat: 0.7876, Acc.fence: 0.5352, Acc.desk: 0.6452, Acc.rock: 0.6973, Acc.wardrobe: 0.6739, Acc.lamp: 0.6641, Acc.bathtub: 0.8129, Acc.railing: 0.4939, Acc.cushion: 0.6447, Acc.base: 0.5302, Acc.box: 0.2050, Acc.column: 0.5729, Acc.signboard: 0.3803, Acc.chest of drawers: 0.6290, Acc.counter: 0.3818, Acc.sand: 0.7109, Acc.sink: 0.7303, Acc.skyscraper: 0.6406, Acc.fireplace: 0.9477, Acc.refrigerator: 0.8343, Acc.grandstand: 0.9037, Acc.path: 0.2132, Acc.stairs: 0.2666, Acc.runway: 0.9121, Acc.case: 0.7721, Acc.pool table: 0.9769, Acc.pillow: 0.6977, Acc.screen door: 0.7208, Acc.stairway: 0.5358, Acc.river: 0.5358, Acc.bridge: 0.7589, Acc.bookcase: 0.2657, Acc.blind: 0.0500, Acc.coffee table: 0.7593, Acc.toilet: 0.9236, Acc.flower: 0.5969, Acc.book: 0.6758, Acc.hill: 0.1015, Acc.bench: 0.6864, Acc.countertop: 0.7146, Acc.stove: 0.8204, Acc.palm: 0.6533, Acc.kitchen island: 0.5677, Acc.computer: 0.9060, Acc.swivel chair: 0.2746, Acc.boat: 0.8332, Acc.bar: 0.9261, Acc.arcade machine: 0.9867, Acc.hovel: 0.2116, Acc.bus: 0.9582, Acc.towel: 0.7003, Acc.light: 0.3300, Acc.truck: 0.4512, Acc.tower: 0.2637, Acc.chandelier: 0.7488, Acc.awning: 0.3087, Acc.streetlight: 0.1441, Acc.booth: 0.4888, Acc.television receiver: 0.7484, Acc.airplane: 0.6811, Acc.dirt track: 0.2717, Acc.apparel: 0.5781, Acc.pole: 0.2107, Acc.land: 0.1303, Acc.bannister: 0.0311, Acc.escalator: 0.8583, Acc.ottoman: 0.6561, Acc.bottle: 0.5596, Acc.buffet: 0.0941, Acc.poster: 0.1752, Acc.stage: 0.7509, Acc.van: 0.5749, Acc.ship: 0.8777, Acc.fountain: 0.4872, Acc.conveyer belt: 0.9858, Acc.canopy: 0.3850, Acc.washer: 0.9675, Acc.plaything: 0.5346, Acc.swimming pool: 0.9645, Acc.stool: 0.4229, Acc.barrel: 0.6512, Acc.basket: 0.4249, Acc.waterfall: 0.5613, Acc.tent: 0.9951, Acc.bag: 0.1548, Acc.minibike: 0.8099, Acc.cradle: 0.9723, Acc.oven: 0.5481, Acc.ball: 0.6289, Acc.food: 0.6371, Acc.step: 0.0025, Acc.tank: 0.5956, Acc.trade name: 0.1534, Acc.microwave: 0.8816, Acc.pot: 0.4754, Acc.animal: 0.6085, Acc.bicycle: 0.6745, Acc.lake: 0.0000, Acc.dishwasher: 0.7019, Acc.screen: 0.7496, Acc.blanket: 0.1942, Acc.sculpture: 0.6607, Acc.hood: 0.6471, Acc.sconce: 0.2751, Acc.vase: 0.4155, Acc.traffic light: 0.2944, Acc.tray: 0.0034, Acc.ashcan: 0.4678, Acc.fan: 0.5193, Acc.pier: 0.5267, Acc.crt screen: 0.0000, Acc.plate: 0.6954, Acc.monitor: 0.7833, Acc.bulletin board: 0.3818, Acc.shower: 0.0000, Acc.radiator: 0.6539, Acc.glass: 0.0403, Acc.clock: 0.2149, Acc.flag: 0.5391 2024-01-17 21:41:10,940 - mmseg - INFO - Iter [3050/80000] lr: 3.848e-05, eta: 1 day, 6:47:28, time: 4.400, data_time: 3.201, memory: 59004, decode.loss_ce: 0.4662, decode.acc_seg: 82.4230, aux.loss_ce: 0.1930, aux.acc_seg: 81.9447, loss: 0.6592 2024-01-17 21:42:11,211 - mmseg - INFO - Iter [3100/80000] lr: 3.845e-05, eta: 1 day, 6:41:24, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4652, decode.acc_seg: 80.9814, aux.loss_ce: 0.1920, aux.acc_seg: 80.8759, loss: 0.6571 2024-01-17 21:43:11,642 - mmseg - INFO - Iter [3150/80000] lr: 3.843e-05, eta: 1 day, 6:35:34, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.4903, decode.acc_seg: 81.1901, aux.loss_ce: 0.2015, aux.acc_seg: 80.8208, loss: 0.6918 2024-01-17 21:44:12,070 - mmseg - INFO - Iter [3200/80000] lr: 3.840e-05, eta: 1 day, 6:29:53, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.4841, decode.acc_seg: 81.5184, aux.loss_ce: 0.1978, aux.acc_seg: 81.3779, loss: 0.6819 2024-01-17 21:45:12,519 - mmseg - INFO - Iter [3250/80000] lr: 3.838e-05, eta: 1 day, 6:24:21, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5042, decode.acc_seg: 81.1578, aux.loss_ce: 0.2081, aux.acc_seg: 80.8765, loss: 0.7122 2024-01-17 21:46:12,992 - mmseg - INFO - Iter [3300/80000] lr: 3.835e-05, eta: 1 day, 6:18:58, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4736, decode.acc_seg: 81.7764, aux.loss_ce: 0.1943, aux.acc_seg: 81.8544, loss: 0.6679 2024-01-17 21:47:13,479 - mmseg - INFO - Iter [3350/80000] lr: 3.833e-05, eta: 1 day, 6:13:42, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4861, decode.acc_seg: 81.5998, aux.loss_ce: 0.1996, aux.acc_seg: 81.3546, loss: 0.6856 2024-01-17 21:48:13,837 - mmseg - INFO - Iter [3400/80000] lr: 3.830e-05, eta: 1 day, 6:08:32, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4761, decode.acc_seg: 81.7080, aux.loss_ce: 0.1938, aux.acc_seg: 81.4353, loss: 0.6698 2024-01-17 21:49:14,210 - mmseg - INFO - Iter [3450/80000] lr: 3.828e-05, eta: 1 day, 6:03:29, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4729, decode.acc_seg: 81.7715, aux.loss_ce: 0.1935, aux.acc_seg: 81.6268, loss: 0.6665 2024-01-17 21:50:14,624 - mmseg - INFO - Iter [3500/80000] lr: 3.825e-05, eta: 1 day, 5:58:34, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4907, decode.acc_seg: 81.3323, aux.loss_ce: 0.1974, aux.acc_seg: 81.5226, loss: 0.6881 2024-01-17 21:51:15,062 - mmseg - INFO - Iter [3550/80000] lr: 3.823e-05, eta: 1 day, 5:53:46, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4553, decode.acc_seg: 82.2553, aux.loss_ce: 0.1851, aux.acc_seg: 82.1271, loss: 0.6404 2024-01-17 21:52:15,531 - mmseg - INFO - Iter [3600/80000] lr: 3.820e-05, eta: 1 day, 5:49:05, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.5004, decode.acc_seg: 81.4182, aux.loss_ce: 0.2038, aux.acc_seg: 81.1820, loss: 0.7042 2024-01-17 21:53:15,960 - mmseg - INFO - Iter [3650/80000] lr: 3.818e-05, eta: 1 day, 5:44:29, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4650, decode.acc_seg: 81.1779, aux.loss_ce: 0.1893, aux.acc_seg: 81.4606, loss: 0.6543 2024-01-17 21:54:16,377 - mmseg - INFO - Iter [3700/80000] lr: 3.815e-05, eta: 1 day, 5:39:59, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4438, decode.acc_seg: 82.6804, aux.loss_ce: 0.1809, aux.acc_seg: 82.4628, loss: 0.6248 2024-01-17 21:55:16,810 - mmseg - INFO - Iter [3750/80000] lr: 3.813e-05, eta: 1 day, 5:35:35, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4877, decode.acc_seg: 81.0324, aux.loss_ce: 0.1998, aux.acc_seg: 80.8982, loss: 0.6874 2024-01-17 21:56:19,610 - mmseg - INFO - Iter [3800/80000] lr: 3.810e-05, eta: 1 day, 5:32:04, time: 1.256, data_time: 0.055, memory: 59004, decode.loss_ce: 0.4528, decode.acc_seg: 81.7305, aux.loss_ce: 0.1864, aux.acc_seg: 81.2891, loss: 0.6391 2024-01-17 21:57:20,146 - mmseg - INFO - Iter [3850/80000] lr: 3.808e-05, eta: 1 day, 5:27:51, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4210, decode.acc_seg: 83.7486, aux.loss_ce: 0.1757, aux.acc_seg: 83.1383, loss: 0.5966 2024-01-17 21:58:20,672 - mmseg - INFO - Iter [3900/80000] lr: 3.805e-05, eta: 1 day, 5:23:44, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3913, decode.acc_seg: 84.3918, aux.loss_ce: 0.1646, aux.acc_seg: 83.9980, loss: 0.5559 2024-01-17 21:59:21,082 - mmseg - INFO - Iter [3950/80000] lr: 3.803e-05, eta: 1 day, 5:19:39, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4109, decode.acc_seg: 83.2337, aux.loss_ce: 0.1740, aux.acc_seg: 82.4745, loss: 0.5848 2024-01-17 22:00:21,439 - mmseg - INFO - Saving checkpoint at 4000 iterations 2024-01-17 22:01:12,465 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 22:01:12,465 - mmseg - INFO - Iter [4000/80000] lr: 3.800e-05, eta: 1 day, 5:31:46, time: 2.228, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4166, decode.acc_seg: 83.2590, aux.loss_ce: 0.1742, aux.acc_seg: 82.7394, loss: 0.5908 2024-01-17 22:03:51,454 - mmseg - INFO - per class results: 2024-01-17 22:03:51,461 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.29 | 85.88 | | building | 82.89 | 91.22 | | sky | 94.07 | 96.82 | | floor | 80.47 | 90.99 | | tree | 75.05 | 89.05 | | ceiling | 82.91 | 92.48 | | road | 83.18 | 90.18 | | bed | 88.6 | 97.87 | | windowpane | 60.1 | 81.63 | | grass | 68.32 | 78.69 | | cabinet | 65.27 | 74.34 | | sidewalk | 62.2 | 75.23 | | person | 80.02 | 90.48 | | earth | 36.04 | 49.0 | | door | 54.42 | 73.23 | | table | 61.39 | 78.74 | | mountain | 58.44 | 66.93 | | plant | 53.74 | 67.03 | | curtain | 72.19 | 78.62 | | chair | 55.26 | 65.3 | | car | 83.59 | 92.16 | | water | 59.43 | 86.57 | | painting | 72.08 | 84.78 | | sofa | 74.0 | 87.85 | | shelf | 36.2 | 50.33 | | house | 51.65 | 80.97 | | sea | 58.94 | 68.09 | | mirror | 71.58 | 91.11 | | rug | 51.54 | 54.5 | | field | 32.22 | 62.36 | | armchair | 51.87 | 75.02 | | seat | 59.4 | 88.92 | | fence | 48.86 | 60.93 | | desk | 49.42 | 68.61 | | rock | 54.18 | 74.23 | | wardrobe | 58.16 | 72.15 | | lamp | 63.33 | 76.72 | | bathtub | 78.58 | 83.59 | | railing | 39.91 | 52.77 | | cushion | 57.88 | 65.17 | | base | 38.13 | 59.78 | | box | 26.06 | 28.22 | | column | 50.4 | 75.74 | | signboard | 34.22 | 42.56 | | chest of drawers | 47.45 | 64.0 | | counter | 40.92 | 52.07 | | sand | 46.75 | 70.35 | | sink | 73.19 | 82.7 | | skyscraper | 51.65 | 77.94 | | fireplace | 66.69 | 94.37 | | refrigerator | 74.49 | 87.78 | | grandstand | 47.84 | 87.58 | | path | 20.04 | 36.55 | | stairs | 46.2 | 53.79 | | runway | 67.12 | 92.46 | | case | 46.68 | 89.01 | | pool table | 91.82 | 96.85 | | pillow | 48.03 | 52.64 | | screen door | 59.46 | 95.57 | | stairway | 49.62 | 59.41 | | river | 26.87 | 33.7 | | bridge | 65.72 | 87.64 | | bookcase | 37.8 | 71.66 | | blind | 3.01 | 3.03 | | coffee table | 62.48 | 78.05 | | toilet | 85.69 | 94.85 | | flower | 37.64 | 51.46 | | book | 43.59 | 58.9 | | hill | 3.85 | 5.57 | | bench | 57.3 | 66.5 | | countertop | 57.48 | 80.31 | | stove | 74.65 | 91.33 | | palm | 51.53 | 78.95 | | kitchen island | 38.94 | 75.93 | | computer | 72.44 | 89.92 | | swivel chair | 45.11 | 72.45 | | boat | 66.93 | 85.55 | | bar | 52.64 | 88.68 | | arcade machine | 86.09 | 96.84 | | hovel | 54.61 | 61.66 | | bus | 89.79 | 95.87 | | towel | 67.65 | 73.1 | | light | 31.48 | 33.25 | | truck | 45.76 | 54.7 | | tower | 25.01 | 51.6 | | chandelier | 64.56 | 79.57 | | awning | 40.41 | 50.46 | | streetlight | 21.11 | 25.7 | | booth | 38.49 | 67.14 | | television receiver | 71.28 | 77.84 | | airplane | 58.78 | 63.68 | | dirt track | 13.65 | 22.42 | | apparel | 44.91 | 66.16 | | pole | 21.82 | 26.53 | | land | 0.01 | 0.01 | | bannister | 11.48 | 13.39 | | escalator | 60.89 | 84.11 | | ottoman | 50.45 | 63.94 | | bottle | 36.36 | 65.48 | | buffet | 50.16 | 54.59 | | poster | 22.49 | 25.73 | | stage | 13.75 | 26.87 | | van | 40.8 | 46.97 | | ship | 80.51 | 85.94 | | fountain | 45.72 | 47.52 | | conveyer belt | 62.53 | 97.28 | | canopy | 45.3 | 71.9 | | washer | 85.61 | 95.4 | | plaything | 31.02 | 56.97 | | swimming pool | 57.35 | 94.69 | | stool | 32.64 | 47.24 | | barrel | 40.95 | 65.12 | | basket | 34.06 | 39.37 | | waterfall | 54.9 | 74.25 | | tent | 93.62 | 98.85 | | bag | 4.72 | 4.78 | | minibike | 71.67 | 81.86 | | cradle | 75.36 | 98.11 | | oven | 58.66 | 74.88 | | ball | 50.33 | 61.23 | | food | 46.35 | 54.32 | | step | 13.67 | 18.59 | | tank | 71.73 | 96.79 | | trade name | 19.27 | 21.99 | | microwave | 85.15 | 91.95 | | pot | 45.15 | 52.37 | | animal | 61.1 | 62.83 | | bicycle | 57.24 | 79.07 | | lake | 0.0 | 0.0 | | dishwasher | 56.57 | 59.44 | | screen | 49.01 | 93.25 | | blanket | 5.11 | 5.66 | | sculpture | 57.77 | 64.33 | | hood | 63.29 | 76.65 | | sconce | 36.39 | 41.08 | | vase | 34.61 | 53.51 | | traffic light | 30.0 | 48.4 | | tray | 1.81 | 1.93 | | ashcan | 45.12 | 55.19 | | fan | 49.04 | 55.79 | | pier | 39.71 | 46.29 | | crt screen | 4.08 | 4.16 | | plate | 49.99 | 69.66 | | monitor | 51.8 | 78.76 | | bulletin board | 56.47 | 59.35 | | shower | 0.0 | 0.0 | | radiator | 63.32 | 70.39 | | glass | 9.68 | 10.1 | | clock | 27.82 | 28.36 | | flag | 58.09 | 60.51 | +---------------------+-------+-------+ 2024-01-17 22:03:51,461 - mmseg - INFO - Summary: 2024-01-17 22:03:51,461 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.29 | 50.87 | 64.59 | +-------+-------+-------+ 2024-01-17 22:03:51,462 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 22:03:51,462 - mmseg - INFO - Iter(val) [250] aAcc: 0.8329, mIoU: 0.5087, mAcc: 0.6459, IoU.wall: 0.7729, IoU.building: 0.8289, IoU.sky: 0.9407, IoU.floor: 0.8047, IoU.tree: 0.7505, IoU.ceiling: 0.8291, IoU.road: 0.8318, IoU.bed : 0.8860, IoU.windowpane: 0.6010, IoU.grass: 0.6832, IoU.cabinet: 0.6527, IoU.sidewalk: 0.6220, IoU.person: 0.8002, IoU.earth: 0.3604, IoU.door: 0.5442, IoU.table: 0.6139, IoU.mountain: 0.5844, IoU.plant: 0.5374, IoU.curtain: 0.7219, IoU.chair: 0.5526, IoU.car: 0.8359, IoU.water: 0.5943, IoU.painting: 0.7208, IoU.sofa: 0.7400, IoU.shelf: 0.3620, IoU.house: 0.5165, IoU.sea: 0.5894, IoU.mirror: 0.7158, IoU.rug: 0.5154, IoU.field: 0.3222, IoU.armchair: 0.5187, IoU.seat: 0.5940, IoU.fence: 0.4886, IoU.desk: 0.4942, IoU.rock: 0.5418, IoU.wardrobe: 0.5816, IoU.lamp: 0.6333, IoU.bathtub: 0.7858, IoU.railing: 0.3991, IoU.cushion: 0.5788, IoU.base: 0.3813, IoU.box: 0.2606, IoU.column: 0.5040, IoU.signboard: 0.3422, IoU.chest of drawers: 0.4745, IoU.counter: 0.4092, IoU.sand: 0.4675, IoU.sink: 0.7319, IoU.skyscraper: 0.5165, IoU.fireplace: 0.6669, IoU.refrigerator: 0.7449, IoU.grandstand: 0.4784, IoU.path: 0.2004, IoU.stairs: 0.4620, IoU.runway: 0.6712, IoU.case: 0.4668, IoU.pool table: 0.9182, IoU.pillow: 0.4803, IoU.screen door: 0.5946, IoU.stairway: 0.4962, IoU.river: 0.2687, IoU.bridge: 0.6572, IoU.bookcase: 0.3780, IoU.blind: 0.0301, IoU.coffee table: 0.6248, IoU.toilet: 0.8569, IoU.flower: 0.3764, IoU.book: 0.4359, IoU.hill: 0.0385, IoU.bench: 0.5730, IoU.countertop: 0.5748, IoU.stove: 0.7465, IoU.palm: 0.5153, IoU.kitchen island: 0.3894, IoU.computer: 0.7244, IoU.swivel chair: 0.4511, IoU.boat: 0.6693, IoU.bar: 0.5264, IoU.arcade machine: 0.8609, IoU.hovel: 0.5461, IoU.bus: 0.8979, IoU.towel: 0.6765, IoU.light: 0.3148, IoU.truck: 0.4576, IoU.tower: 0.2501, IoU.chandelier: 0.6456, IoU.awning: 0.4041, IoU.streetlight: 0.2111, IoU.booth: 0.3849, IoU.television receiver: 0.7128, IoU.airplane: 0.5878, IoU.dirt track: 0.1365, IoU.apparel: 0.4491, IoU.pole: 0.2182, IoU.land: 0.0001, IoU.bannister: 0.1148, IoU.escalator: 0.6089, IoU.ottoman: 0.5045, IoU.bottle: 0.3636, IoU.buffet: 0.5016, IoU.poster: 0.2249, IoU.stage: 0.1375, IoU.van: 0.4080, IoU.ship: 0.8051, IoU.fountain: 0.4572, IoU.conveyer belt: 0.6253, IoU.canopy: 0.4530, IoU.washer: 0.8561, IoU.plaything: 0.3102, IoU.swimming pool: 0.5735, IoU.stool: 0.3264, IoU.barrel: 0.4095, IoU.basket: 0.3406, IoU.waterfall: 0.5490, IoU.tent: 0.9362, IoU.bag: 0.0472, IoU.minibike: 0.7167, IoU.cradle: 0.7536, IoU.oven: 0.5866, IoU.ball: 0.5033, IoU.food: 0.4635, IoU.step: 0.1367, IoU.tank: 0.7173, IoU.trade name: 0.1927, IoU.microwave: 0.8515, IoU.pot: 0.4515, IoU.animal: 0.6110, IoU.bicycle: 0.5724, IoU.lake: 0.0000, IoU.dishwasher: 0.5657, IoU.screen: 0.4901, IoU.blanket: 0.0511, IoU.sculpture: 0.5777, IoU.hood: 0.6329, IoU.sconce: 0.3639, IoU.vase: 0.3461, IoU.traffic light: 0.3000, IoU.tray: 0.0181, IoU.ashcan: 0.4512, IoU.fan: 0.4904, IoU.pier: 0.3971, IoU.crt screen: 0.0408, IoU.plate: 0.4999, IoU.monitor: 0.5180, IoU.bulletin board: 0.5647, IoU.shower: 0.0000, IoU.radiator: 0.6332, IoU.glass: 0.0968, IoU.clock: 0.2782, IoU.flag: 0.5809, Acc.wall: 0.8588, Acc.building: 0.9122, Acc.sky: 0.9682, Acc.floor: 0.9099, Acc.tree: 0.8905, Acc.ceiling: 0.9248, Acc.road: 0.9018, Acc.bed : 0.9787, Acc.windowpane: 0.8163, Acc.grass: 0.7869, Acc.cabinet: 0.7434, Acc.sidewalk: 0.7523, Acc.person: 0.9048, Acc.earth: 0.4900, Acc.door: 0.7323, Acc.table: 0.7874, Acc.mountain: 0.6693, Acc.plant: 0.6703, Acc.curtain: 0.7862, Acc.chair: 0.6530, Acc.car: 0.9216, Acc.water: 0.8657, Acc.painting: 0.8478, Acc.sofa: 0.8785, Acc.shelf: 0.5033, Acc.house: 0.8097, Acc.sea: 0.6809, Acc.mirror: 0.9111, Acc.rug: 0.5450, Acc.field: 0.6236, Acc.armchair: 0.7502, Acc.seat: 0.8892, Acc.fence: 0.6093, Acc.desk: 0.6861, Acc.rock: 0.7423, Acc.wardrobe: 0.7215, Acc.lamp: 0.7672, Acc.bathtub: 0.8359, Acc.railing: 0.5277, Acc.cushion: 0.6517, Acc.base: 0.5978, Acc.box: 0.2822, Acc.column: 0.7574, Acc.signboard: 0.4256, Acc.chest of drawers: 0.6400, Acc.counter: 0.5207, Acc.sand: 0.7035, Acc.sink: 0.8270, Acc.skyscraper: 0.7794, Acc.fireplace: 0.9437, Acc.refrigerator: 0.8778, Acc.grandstand: 0.8758, Acc.path: 0.3655, Acc.stairs: 0.5379, Acc.runway: 0.9246, Acc.case: 0.8901, Acc.pool table: 0.9685, Acc.pillow: 0.5264, Acc.screen door: 0.9557, Acc.stairway: 0.5941, Acc.river: 0.3370, Acc.bridge: 0.8764, Acc.bookcase: 0.7166, Acc.blind: 0.0303, Acc.coffee table: 0.7805, Acc.toilet: 0.9485, Acc.flower: 0.5146, Acc.book: 0.5890, Acc.hill: 0.0557, Acc.bench: 0.6650, Acc.countertop: 0.8031, Acc.stove: 0.9133, Acc.palm: 0.7895, Acc.kitchen island: 0.7593, Acc.computer: 0.8992, Acc.swivel chair: 0.7245, Acc.boat: 0.8555, Acc.bar: 0.8868, Acc.arcade machine: 0.9684, Acc.hovel: 0.6166, Acc.bus: 0.9587, Acc.towel: 0.7310, Acc.light: 0.3325, Acc.truck: 0.5470, Acc.tower: 0.5160, Acc.chandelier: 0.7957, Acc.awning: 0.5046, Acc.streetlight: 0.2570, Acc.booth: 0.6714, Acc.television receiver: 0.7784, Acc.airplane: 0.6368, Acc.dirt track: 0.2242, Acc.apparel: 0.6616, Acc.pole: 0.2653, Acc.land: 0.0001, Acc.bannister: 0.1339, Acc.escalator: 0.8411, Acc.ottoman: 0.6394, Acc.bottle: 0.6548, Acc.buffet: 0.5459, Acc.poster: 0.2573, Acc.stage: 0.2687, Acc.van: 0.4697, Acc.ship: 0.8594, Acc.fountain: 0.4752, Acc.conveyer belt: 0.9728, Acc.canopy: 0.7190, Acc.washer: 0.9540, Acc.plaything: 0.5697, Acc.swimming pool: 0.9469, Acc.stool: 0.4724, Acc.barrel: 0.6512, Acc.basket: 0.3937, Acc.waterfall: 0.7425, Acc.tent: 0.9885, Acc.bag: 0.0478, Acc.minibike: 0.8186, Acc.cradle: 0.9811, Acc.oven: 0.7488, Acc.ball: 0.6123, Acc.food: 0.5432, Acc.step: 0.1859, Acc.tank: 0.9679, Acc.trade name: 0.2199, Acc.microwave: 0.9195, Acc.pot: 0.5237, Acc.animal: 0.6283, Acc.bicycle: 0.7907, Acc.lake: 0.0000, Acc.dishwasher: 0.5944, Acc.screen: 0.9325, Acc.blanket: 0.0566, Acc.sculpture: 0.6433, Acc.hood: 0.7665, Acc.sconce: 0.4108, Acc.vase: 0.5351, Acc.traffic light: 0.4840, Acc.tray: 0.0193, Acc.ashcan: 0.5519, Acc.fan: 0.5579, Acc.pier: 0.4629, Acc.crt screen: 0.0416, Acc.plate: 0.6966, Acc.monitor: 0.7876, Acc.bulletin board: 0.5935, Acc.shower: 0.0000, Acc.radiator: 0.7039, Acc.glass: 0.1010, Acc.clock: 0.2836, Acc.flag: 0.6051 2024-01-17 22:04:52,420 - mmseg - INFO - Iter [4050/80000] lr: 3.798e-05, eta: 1 day, 6:17:30, time: 4.399, data_time: 3.200, memory: 59004, decode.loss_ce: 0.4476, decode.acc_seg: 82.4492, aux.loss_ce: 0.1865, aux.acc_seg: 81.9749, loss: 0.6341 2024-01-17 22:05:52,893 - mmseg - INFO - Iter [4100/80000] lr: 3.795e-05, eta: 1 day, 6:12:48, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4384, decode.acc_seg: 83.0457, aux.loss_ce: 0.1821, aux.acc_seg: 82.6166, loss: 0.6206 2024-01-17 22:06:53,277 - mmseg - INFO - Iter [4150/80000] lr: 3.793e-05, eta: 1 day, 6:08:11, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4262, decode.acc_seg: 83.1783, aux.loss_ce: 0.1775, aux.acc_seg: 82.6151, loss: 0.6037 2024-01-17 22:07:53,799 - mmseg - INFO - Iter [4200/80000] lr: 3.790e-05, eta: 1 day, 6:03:41, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.4214, decode.acc_seg: 83.3506, aux.loss_ce: 0.1750, aux.acc_seg: 83.0701, loss: 0.5963 2024-01-17 22:08:54,281 - mmseg - INFO - Iter [4250/80000] lr: 3.788e-05, eta: 1 day, 5:59:15, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4476, decode.acc_seg: 82.4314, aux.loss_ce: 0.1825, aux.acc_seg: 82.3995, loss: 0.6301 2024-01-17 22:09:54,893 - mmseg - INFO - Iter [4300/80000] lr: 3.785e-05, eta: 1 day, 5:54:56, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4272, decode.acc_seg: 83.3528, aux.loss_ce: 0.1800, aux.acc_seg: 82.5103, loss: 0.6072 2024-01-17 22:10:55,352 - mmseg - INFO - Iter [4350/80000] lr: 3.783e-05, eta: 1 day, 5:50:40, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4030, decode.acc_seg: 83.6548, aux.loss_ce: 0.1713, aux.acc_seg: 83.0004, loss: 0.5743 2024-01-17 22:11:55,756 - mmseg - INFO - Iter [4400/80000] lr: 3.780e-05, eta: 1 day, 5:46:26, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4391, decode.acc_seg: 82.6618, aux.loss_ce: 0.1837, aux.acc_seg: 82.1001, loss: 0.6228 2024-01-17 22:12:56,174 - mmseg - INFO - Iter [4450/80000] lr: 3.778e-05, eta: 1 day, 5:42:18, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4533, decode.acc_seg: 82.2935, aux.loss_ce: 0.1872, aux.acc_seg: 81.8559, loss: 0.6405 2024-01-17 22:13:56,610 - mmseg - INFO - Iter [4500/80000] lr: 3.775e-05, eta: 1 day, 5:38:14, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4358, decode.acc_seg: 82.7247, aux.loss_ce: 0.1808, aux.acc_seg: 82.3911, loss: 0.6166 2024-01-17 22:14:57,039 - mmseg - INFO - Iter [4550/80000] lr: 3.773e-05, eta: 1 day, 5:34:13, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4245, decode.acc_seg: 83.1585, aux.loss_ce: 0.1742, aux.acc_seg: 82.8136, loss: 0.5987 2024-01-17 22:15:57,421 - mmseg - INFO - Iter [4600/80000] lr: 3.770e-05, eta: 1 day, 5:30:16, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4338, decode.acc_seg: 82.4697, aux.loss_ce: 0.1796, aux.acc_seg: 82.1340, loss: 0.6134 2024-01-17 22:16:57,810 - mmseg - INFO - Iter [4650/80000] lr: 3.768e-05, eta: 1 day, 5:26:23, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4220, decode.acc_seg: 82.9922, aux.loss_ce: 0.1735, aux.acc_seg: 82.7077, loss: 0.5955 2024-01-17 22:17:58,233 - mmseg - INFO - Iter [4700/80000] lr: 3.765e-05, eta: 1 day, 5:22:34, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4565, decode.acc_seg: 82.3001, aux.loss_ce: 0.1846, aux.acc_seg: 82.2164, loss: 0.6412 2024-01-17 22:18:58,566 - mmseg - INFO - Iter [4750/80000] lr: 3.763e-05, eta: 1 day, 5:18:47, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4479, decode.acc_seg: 82.7850, aux.loss_ce: 0.1823, aux.acc_seg: 82.3640, loss: 0.6302 2024-01-17 22:19:58,911 - mmseg - INFO - Iter [4800/80000] lr: 3.760e-05, eta: 1 day, 5:15:04, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4235, decode.acc_seg: 83.2071, aux.loss_ce: 0.1747, aux.acc_seg: 82.8237, loss: 0.5982 2024-01-17 22:20:59,497 - mmseg - INFO - Iter [4850/80000] lr: 3.758e-05, eta: 1 day, 5:11:28, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4506, decode.acc_seg: 82.1626, aux.loss_ce: 0.1843, aux.acc_seg: 81.7298, loss: 0.6349 2024-01-17 22:21:59,847 - mmseg - INFO - Iter [4900/80000] lr: 3.755e-05, eta: 1 day, 5:07:51, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4326, decode.acc_seg: 83.1133, aux.loss_ce: 0.1781, aux.acc_seg: 82.7210, loss: 0.6107 2024-01-17 22:23:00,277 - mmseg - INFO - Iter [4950/80000] lr: 3.753e-05, eta: 1 day, 5:04:19, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4348, decode.acc_seg: 83.2874, aux.loss_ce: 0.1764, aux.acc_seg: 82.9618, loss: 0.6113 2024-01-17 22:24:00,679 - mmseg - INFO - Saving checkpoint at 5000 iterations 2024-01-17 22:24:50,030 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 22:24:50,031 - mmseg - INFO - Iter [5000/80000] lr: 3.750e-05, eta: 1 day, 5:13:09, time: 2.195, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4220, decode.acc_seg: 83.0700, aux.loss_ce: 0.1750, aux.acc_seg: 82.6311, loss: 0.5970 2024-01-17 22:27:28,544 - mmseg - INFO - per class results: 2024-01-17 22:27:28,550 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.52 | 88.04 | | building | 82.89 | 91.49 | | sky | 94.05 | 96.68 | | floor | 82.03 | 89.2 | | tree | 74.2 | 90.4 | | ceiling | 83.71 | 91.2 | | road | 83.79 | 90.92 | | bed | 89.84 | 97.34 | | windowpane | 61.54 | 72.2 | | grass | 69.5 | 85.97 | | cabinet | 65.31 | 76.83 | | sidewalk | 65.11 | 79.46 | | person | 81.27 | 90.36 | | earth | 37.32 | 55.79 | | door | 53.03 | 73.86 | | table | 61.66 | 74.31 | | mountain | 58.66 | 68.66 | | plant | 53.99 | 68.38 | | curtain | 75.53 | 87.22 | | chair | 61.05 | 77.73 | | car | 83.98 | 91.78 | | water | 56.49 | 66.83 | | painting | 71.59 | 86.73 | | sofa | 72.38 | 91.33 | | shelf | 38.66 | 47.19 | | house | 50.47 | 75.88 | | sea | 69.43 | 89.58 | | mirror | 70.79 | 83.55 | | rug | 66.49 | 88.27 | | field | 29.23 | 32.7 | | armchair | 51.83 | 60.22 | | seat | 60.42 | 88.37 | | fence | 50.33 | 63.11 | | desk | 48.83 | 73.71 | | rock | 58.83 | 79.01 | | wardrobe | 55.38 | 73.73 | | lamp | 64.42 | 74.95 | | bathtub | 80.72 | 87.95 | | railing | 34.85 | 44.03 | | cushion | 59.78 | 66.13 | | base | 42.11 | 64.01 | | box | 28.25 | 31.64 | | column | 51.03 | 70.77 | | signboard | 31.84 | 37.92 | | chest of drawers | 44.94 | 63.98 | | counter | 49.17 | 63.26 | | sand | 44.34 | 62.25 | | sink | 74.06 | 82.45 | | skyscraper | 49.65 | 63.61 | | fireplace | 66.71 | 94.76 | | refrigerator | 77.67 | 88.02 | | grandstand | 41.73 | 90.81 | | path | 22.11 | 26.7 | | stairs | 34.24 | 39.25 | | runway | 70.41 | 93.01 | | case | 57.55 | 90.37 | | pool table | 91.28 | 97.95 | | pillow | 62.4 | 72.54 | | screen door | 70.35 | 84.09 | | stairway | 54.38 | 77.81 | | river | 24.24 | 60.31 | | bridge | 59.72 | 68.78 | | bookcase | 38.51 | 66.68 | | blind | 44.77 | 53.14 | | coffee table | 55.84 | 85.99 | | toilet | 87.57 | 92.52 | | flower | 41.18 | 46.49 | | book | 48.02 | 66.93 | | hill | 5.49 | 10.64 | | bench | 51.02 | 61.56 | | countertop | 55.95 | 64.57 | | stove | 79.03 | 90.52 | | palm | 52.59 | 66.33 | | kitchen island | 36.23 | 61.77 | | computer | 75.06 | 89.73 | | swivel chair | 33.67 | 37.69 | | boat | 54.5 | 80.73 | | bar | 63.89 | 78.35 | | arcade machine | 83.74 | 98.17 | | hovel | 52.03 | 60.11 | | bus | 90.97 | 94.31 | | towel | 69.59 | 74.94 | | light | 39.81 | 44.13 | | truck | 43.23 | 66.55 | | tower | 2.97 | 3.91 | | chandelier | 63.98 | 73.3 | | awning | 35.73 | 49.02 | | streetlight | 21.39 | 24.42 | | booth | 57.73 | 70.38 | | television receiver | 75.63 | 84.13 | | airplane | 57.98 | 69.32 | | dirt track | 26.26 | 28.82 | | apparel | 49.28 | 63.97 | | pole | 28.15 | 39.42 | | land | 0.0 | 0.0 | | bannister | 8.03 | 15.1 | | escalator | 60.15 | 77.8 | | ottoman | 50.62 | 68.94 | | bottle | 40.4 | 63.53 | | buffet | 48.52 | 51.44 | | poster | 18.41 | 19.68 | | stage | 13.32 | 60.94 | | van | 45.74 | 53.35 | | ship | 78.35 | 96.41 | | fountain | 47.54 | 48.43 | | conveyer belt | 74.92 | 97.35 | | canopy | 37.8 | 48.5 | | washer | 88.12 | 96.86 | | plaything | 21.67 | 29.46 | | swimming pool | 64.11 | 74.59 | | stool | 40.1 | 51.01 | | barrel | 45.97 | 65.0 | | basket | 35.1 | 40.09 | | waterfall | 46.47 | 64.1 | | tent | 80.43 | 99.46 | | bag | 20.43 | 21.82 | | minibike | 71.61 | 80.46 | | cradle | 74.39 | 98.22 | | oven | 55.6 | 64.02 | | ball | 46.44 | 66.15 | | food | 60.04 | 82.48 | | step | 9.38 | 10.92 | | tank | 62.9 | 76.03 | | trade name | 29.61 | 49.55 | | microwave | 84.25 | 92.82 | | pot | 46.15 | 51.07 | | animal | 69.63 | 71.1 | | bicycle | 57.35 | 69.8 | | lake | 21.47 | 21.5 | | dishwasher | 65.78 | 71.3 | | screen | 58.84 | 92.8 | | blanket | 4.36 | 4.82 | | sculpture | 59.36 | 63.13 | | hood | 67.16 | 76.07 | | sconce | 33.95 | 36.77 | | vase | 35.79 | 46.69 | | traffic light | 28.88 | 42.99 | | tray | 2.53 | 2.81 | | ashcan | 43.92 | 49.89 | | fan | 56.5 | 66.9 | | pier | 38.18 | 43.39 | | crt screen | 5.55 | 6.31 | | plate | 46.24 | 52.05 | | monitor | 51.55 | 81.42 | | bulletin board | 54.69 | 62.34 | | shower | 0.74 | 0.78 | | radiator | 63.79 | 70.3 | | glass | 8.55 | 8.82 | | clock | 32.75 | 34.35 | | flag | 66.34 | 69.66 | +---------------------+-------+-------+ 2024-01-17 22:27:28,550 - mmseg - INFO - Summary: 2024-01-17 22:27:28,550 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.98 | 52.26 | 64.64 | +-------+-------+-------+ 2024-01-17 22:27:28,551 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 22:27:28,551 - mmseg - INFO - Iter(val) [250] aAcc: 0.8398, mIoU: 0.5226, mAcc: 0.6464, IoU.wall: 0.7852, IoU.building: 0.8289, IoU.sky: 0.9405, IoU.floor: 0.8203, IoU.tree: 0.7420, IoU.ceiling: 0.8371, IoU.road: 0.8379, IoU.bed : 0.8984, IoU.windowpane: 0.6154, IoU.grass: 0.6950, IoU.cabinet: 0.6531, IoU.sidewalk: 0.6511, IoU.person: 0.8127, IoU.earth: 0.3732, IoU.door: 0.5303, IoU.table: 0.6166, IoU.mountain: 0.5866, IoU.plant: 0.5399, IoU.curtain: 0.7553, IoU.chair: 0.6105, IoU.car: 0.8398, IoU.water: 0.5649, IoU.painting: 0.7159, IoU.sofa: 0.7238, IoU.shelf: 0.3866, IoU.house: 0.5047, IoU.sea: 0.6943, IoU.mirror: 0.7079, IoU.rug: 0.6649, IoU.field: 0.2923, IoU.armchair: 0.5183, IoU.seat: 0.6042, IoU.fence: 0.5033, IoU.desk: 0.4883, IoU.rock: 0.5883, IoU.wardrobe: 0.5538, IoU.lamp: 0.6442, IoU.bathtub: 0.8072, IoU.railing: 0.3485, IoU.cushion: 0.5978, IoU.base: 0.4211, IoU.box: 0.2825, IoU.column: 0.5103, IoU.signboard: 0.3184, IoU.chest of drawers: 0.4494, IoU.counter: 0.4917, IoU.sand: 0.4434, IoU.sink: 0.7406, IoU.skyscraper: 0.4965, IoU.fireplace: 0.6671, IoU.refrigerator: 0.7767, IoU.grandstand: 0.4173, IoU.path: 0.2211, IoU.stairs: 0.3424, IoU.runway: 0.7041, IoU.case: 0.5755, IoU.pool table: 0.9128, IoU.pillow: 0.6240, IoU.screen door: 0.7035, IoU.stairway: 0.5438, IoU.river: 0.2424, IoU.bridge: 0.5972, IoU.bookcase: 0.3851, IoU.blind: 0.4477, IoU.coffee table: 0.5584, IoU.toilet: 0.8757, IoU.flower: 0.4118, IoU.book: 0.4802, IoU.hill: 0.0549, IoU.bench: 0.5102, IoU.countertop: 0.5595, IoU.stove: 0.7903, IoU.palm: 0.5259, IoU.kitchen island: 0.3623, IoU.computer: 0.7506, IoU.swivel chair: 0.3367, IoU.boat: 0.5450, IoU.bar: 0.6389, IoU.arcade machine: 0.8374, IoU.hovel: 0.5203, IoU.bus: 0.9097, IoU.towel: 0.6959, IoU.light: 0.3981, IoU.truck: 0.4323, IoU.tower: 0.0297, IoU.chandelier: 0.6398, IoU.awning: 0.3573, IoU.streetlight: 0.2139, IoU.booth: 0.5773, IoU.television receiver: 0.7563, IoU.airplane: 0.5798, IoU.dirt track: 0.2626, IoU.apparel: 0.4928, IoU.pole: 0.2815, IoU.land: 0.0000, IoU.bannister: 0.0803, IoU.escalator: 0.6015, IoU.ottoman: 0.5062, IoU.bottle: 0.4040, IoU.buffet: 0.4852, IoU.poster: 0.1841, IoU.stage: 0.1332, IoU.van: 0.4574, IoU.ship: 0.7835, IoU.fountain: 0.4754, IoU.conveyer belt: 0.7492, IoU.canopy: 0.3780, IoU.washer: 0.8812, IoU.plaything: 0.2167, IoU.swimming pool: 0.6411, IoU.stool: 0.4010, IoU.barrel: 0.4597, IoU.basket: 0.3510, IoU.waterfall: 0.4647, IoU.tent: 0.8043, IoU.bag: 0.2043, IoU.minibike: 0.7161, IoU.cradle: 0.7439, IoU.oven: 0.5560, IoU.ball: 0.4644, IoU.food: 0.6004, IoU.step: 0.0938, IoU.tank: 0.6290, IoU.trade name: 0.2961, IoU.microwave: 0.8425, IoU.pot: 0.4615, IoU.animal: 0.6963, IoU.bicycle: 0.5735, IoU.lake: 0.2147, IoU.dishwasher: 0.6578, IoU.screen: 0.5884, IoU.blanket: 0.0436, IoU.sculpture: 0.5936, IoU.hood: 0.6716, IoU.sconce: 0.3395, IoU.vase: 0.3579, IoU.traffic light: 0.2888, IoU.tray: 0.0253, IoU.ashcan: 0.4392, IoU.fan: 0.5650, IoU.pier: 0.3818, IoU.crt screen: 0.0555, IoU.plate: 0.4624, IoU.monitor: 0.5155, IoU.bulletin board: 0.5469, IoU.shower: 0.0074, IoU.radiator: 0.6379, IoU.glass: 0.0855, IoU.clock: 0.3275, IoU.flag: 0.6634, Acc.wall: 0.8804, Acc.building: 0.9149, Acc.sky: 0.9668, Acc.floor: 0.8920, Acc.tree: 0.9040, Acc.ceiling: 0.9120, Acc.road: 0.9092, Acc.bed : 0.9734, Acc.windowpane: 0.7220, Acc.grass: 0.8597, Acc.cabinet: 0.7683, Acc.sidewalk: 0.7946, Acc.person: 0.9036, Acc.earth: 0.5579, Acc.door: 0.7386, Acc.table: 0.7431, Acc.mountain: 0.6866, Acc.plant: 0.6838, Acc.curtain: 0.8722, Acc.chair: 0.7773, Acc.car: 0.9178, Acc.water: 0.6683, Acc.painting: 0.8673, Acc.sofa: 0.9133, Acc.shelf: 0.4719, Acc.house: 0.7588, Acc.sea: 0.8958, Acc.mirror: 0.8355, Acc.rug: 0.8827, Acc.field: 0.3270, Acc.armchair: 0.6022, Acc.seat: 0.8837, Acc.fence: 0.6311, Acc.desk: 0.7371, Acc.rock: 0.7901, Acc.wardrobe: 0.7373, Acc.lamp: 0.7495, Acc.bathtub: 0.8795, Acc.railing: 0.4403, Acc.cushion: 0.6613, Acc.base: 0.6401, Acc.box: 0.3164, Acc.column: 0.7077, Acc.signboard: 0.3792, Acc.chest of drawers: 0.6398, Acc.counter: 0.6326, Acc.sand: 0.6225, Acc.sink: 0.8245, Acc.skyscraper: 0.6361, Acc.fireplace: 0.9476, Acc.refrigerator: 0.8802, Acc.grandstand: 0.9081, Acc.path: 0.2670, Acc.stairs: 0.3925, Acc.runway: 0.9301, Acc.case: 0.9037, Acc.pool table: 0.9795, Acc.pillow: 0.7254, Acc.screen door: 0.8409, Acc.stairway: 0.7781, Acc.river: 0.6031, Acc.bridge: 0.6878, Acc.bookcase: 0.6668, Acc.blind: 0.5314, Acc.coffee table: 0.8599, Acc.toilet: 0.9252, Acc.flower: 0.4649, Acc.book: 0.6693, Acc.hill: 0.1064, Acc.bench: 0.6156, Acc.countertop: 0.6457, Acc.stove: 0.9052, Acc.palm: 0.6633, Acc.kitchen island: 0.6177, Acc.computer: 0.8973, Acc.swivel chair: 0.3769, Acc.boat: 0.8073, Acc.bar: 0.7835, Acc.arcade machine: 0.9817, Acc.hovel: 0.6011, Acc.bus: 0.9431, Acc.towel: 0.7494, Acc.light: 0.4413, Acc.truck: 0.6655, Acc.tower: 0.0391, Acc.chandelier: 0.7330, Acc.awning: 0.4902, Acc.streetlight: 0.2442, Acc.booth: 0.7038, Acc.television receiver: 0.8413, Acc.airplane: 0.6932, Acc.dirt track: 0.2882, Acc.apparel: 0.6397, Acc.pole: 0.3942, Acc.land: 0.0000, Acc.bannister: 0.1510, Acc.escalator: 0.7780, Acc.ottoman: 0.6894, Acc.bottle: 0.6353, Acc.buffet: 0.5144, Acc.poster: 0.1968, Acc.stage: 0.6094, Acc.van: 0.5335, Acc.ship: 0.9641, Acc.fountain: 0.4843, Acc.conveyer belt: 0.9735, Acc.canopy: 0.4850, Acc.washer: 0.9686, Acc.plaything: 0.2946, Acc.swimming pool: 0.7459, Acc.stool: 0.5101, Acc.barrel: 0.6500, Acc.basket: 0.4009, Acc.waterfall: 0.6410, Acc.tent: 0.9946, Acc.bag: 0.2182, Acc.minibike: 0.8046, Acc.cradle: 0.9822, Acc.oven: 0.6402, Acc.ball: 0.6615, Acc.food: 0.8248, Acc.step: 0.1092, Acc.tank: 0.7603, Acc.trade name: 0.4955, Acc.microwave: 0.9282, Acc.pot: 0.5107, Acc.animal: 0.7110, Acc.bicycle: 0.6980, Acc.lake: 0.2150, Acc.dishwasher: 0.7130, Acc.screen: 0.9280, Acc.blanket: 0.0482, Acc.sculpture: 0.6313, Acc.hood: 0.7607, Acc.sconce: 0.3677, Acc.vase: 0.4669, Acc.traffic light: 0.4299, Acc.tray: 0.0281, Acc.ashcan: 0.4989, Acc.fan: 0.6690, Acc.pier: 0.4339, Acc.crt screen: 0.0631, Acc.plate: 0.5205, Acc.monitor: 0.8142, Acc.bulletin board: 0.6234, Acc.shower: 0.0078, Acc.radiator: 0.7030, Acc.glass: 0.0882, Acc.clock: 0.3435, Acc.flag: 0.6966 2024-01-17 22:28:29,404 - mmseg - INFO - Iter [5050/80000] lr: 3.748e-05, eta: 1 day, 5:48:54, time: 4.387, data_time: 3.188, memory: 59004, decode.loss_ce: 0.4492, decode.acc_seg: 82.1006, aux.loss_ce: 0.1839, aux.acc_seg: 81.6392, loss: 0.6331 2024-01-17 22:29:32,086 - mmseg - INFO - Iter [5100/80000] lr: 3.745e-05, eta: 1 day, 5:45:32, time: 1.254, data_time: 0.053, memory: 59004, decode.loss_ce: 0.4076, decode.acc_seg: 83.5418, aux.loss_ce: 0.1690, aux.acc_seg: 83.0012, loss: 0.5766 2024-01-17 22:30:32,501 - mmseg - INFO - Iter [5150/80000] lr: 3.743e-05, eta: 1 day, 5:41:39, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3756, decode.acc_seg: 84.8317, aux.loss_ce: 0.1601, aux.acc_seg: 83.8446, loss: 0.5358 2024-01-17 22:31:32,930 - mmseg - INFO - Iter [5200/80000] lr: 3.740e-05, eta: 1 day, 5:37:49, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3831, decode.acc_seg: 84.7376, aux.loss_ce: 0.1655, aux.acc_seg: 83.8372, loss: 0.5486 2024-01-17 22:32:33,343 - mmseg - INFO - Iter [5250/80000] lr: 3.738e-05, eta: 1 day, 5:34:03, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4083, decode.acc_seg: 83.1286, aux.loss_ce: 0.1713, aux.acc_seg: 82.6524, loss: 0.5796 2024-01-17 22:33:33,933 - mmseg - INFO - Iter [5300/80000] lr: 3.735e-05, eta: 1 day, 5:30:22, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4026, decode.acc_seg: 83.9426, aux.loss_ce: 0.1689, aux.acc_seg: 83.5690, loss: 0.5715 2024-01-17 22:34:34,445 - mmseg - INFO - Iter [5350/80000] lr: 3.733e-05, eta: 1 day, 5:26:44, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3970, decode.acc_seg: 83.3802, aux.loss_ce: 0.1688, aux.acc_seg: 82.7281, loss: 0.5658 2024-01-17 22:35:34,866 - mmseg - INFO - Iter [5400/80000] lr: 3.730e-05, eta: 1 day, 5:23:06, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4057, decode.acc_seg: 83.4122, aux.loss_ce: 0.1724, aux.acc_seg: 82.6881, loss: 0.5781 2024-01-17 22:36:35,279 - mmseg - INFO - Iter [5450/80000] lr: 3.728e-05, eta: 1 day, 5:19:32, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4010, decode.acc_seg: 83.5461, aux.loss_ce: 0.1683, aux.acc_seg: 82.7017, loss: 0.5693 2024-01-17 22:37:35,833 - mmseg - INFO - Iter [5500/80000] lr: 3.725e-05, eta: 1 day, 5:16:02, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4073, decode.acc_seg: 83.6225, aux.loss_ce: 0.1688, aux.acc_seg: 83.3745, loss: 0.5761 2024-01-17 22:38:36,243 - mmseg - INFO - Iter [5550/80000] lr: 3.723e-05, eta: 1 day, 5:12:33, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4125, decode.acc_seg: 83.3745, aux.loss_ce: 0.1724, aux.acc_seg: 82.8759, loss: 0.5849 2024-01-17 22:39:36,676 - mmseg - INFO - Iter [5600/80000] lr: 3.720e-05, eta: 1 day, 5:09:07, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3813, decode.acc_seg: 84.3355, aux.loss_ce: 0.1581, aux.acc_seg: 83.6726, loss: 0.5394 2024-01-17 22:40:37,160 - mmseg - INFO - Iter [5650/80000] lr: 3.718e-05, eta: 1 day, 5:05:45, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3986, decode.acc_seg: 84.3426, aux.loss_ce: 0.1681, aux.acc_seg: 83.5884, loss: 0.5667 2024-01-17 22:41:37,562 - mmseg - INFO - Iter [5700/80000] lr: 3.715e-05, eta: 1 day, 5:02:23, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4028, decode.acc_seg: 83.9461, aux.loss_ce: 0.1686, aux.acc_seg: 83.2649, loss: 0.5713 2024-01-17 22:42:37,970 - mmseg - INFO - Iter [5750/80000] lr: 3.713e-05, eta: 1 day, 4:59:05, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4011, decode.acc_seg: 83.8044, aux.loss_ce: 0.1651, aux.acc_seg: 83.5233, loss: 0.5662 2024-01-17 22:43:38,368 - mmseg - INFO - Iter [5800/80000] lr: 3.710e-05, eta: 1 day, 4:55:48, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4206, decode.acc_seg: 82.8065, aux.loss_ce: 0.1719, aux.acc_seg: 82.5059, loss: 0.5925 2024-01-17 22:44:39,045 - mmseg - INFO - Iter [5850/80000] lr: 3.708e-05, eta: 1 day, 4:52:37, time: 1.214, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3942, decode.acc_seg: 83.6807, aux.loss_ce: 0.1639, aux.acc_seg: 83.4864, loss: 0.5581 2024-01-17 22:45:39,431 - mmseg - INFO - Iter [5900/80000] lr: 3.705e-05, eta: 1 day, 4:49:25, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3853, decode.acc_seg: 84.4567, aux.loss_ce: 0.1604, aux.acc_seg: 84.0206, loss: 0.5456 2024-01-17 22:46:39,868 - mmseg - INFO - Iter [5950/80000] lr: 3.703e-05, eta: 1 day, 4:46:16, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3803, decode.acc_seg: 84.6534, aux.loss_ce: 0.1577, aux.acc_seg: 84.2470, loss: 0.5380 2024-01-17 22:47:40,277 - mmseg - INFO - Saving checkpoint at 6000 iterations 2024-01-17 22:48:27,999 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 22:48:27,999 - mmseg - INFO - Iter [6000/80000] lr: 3.700e-05, eta: 1 day, 4:52:57, time: 2.163, data_time: 0.008, memory: 59004, decode.loss_ce: 0.4032, decode.acc_seg: 83.9279, aux.loss_ce: 0.1673, aux.acc_seg: 83.3921, loss: 0.5705 2024-01-17 22:51:05,594 - mmseg - INFO - per class results: 2024-01-17 22:51:05,605 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.59 | 86.54 | | building | 83.18 | 94.31 | | sky | 93.43 | 98.05 | | floor | 82.41 | 90.31 | | tree | 73.84 | 84.73 | | ceiling | 84.35 | 90.74 | | road | 84.1 | 88.47 | | bed | 89.38 | 96.66 | | windowpane | 62.86 | 83.94 | | grass | 68.07 | 78.59 | | cabinet | 60.35 | 73.67 | | sidewalk | 65.57 | 85.45 | | person | 81.56 | 92.79 | | earth | 35.61 | 44.31 | | door | 52.79 | 67.25 | | table | 62.32 | 79.35 | | mountain | 60.55 | 74.5 | | plant | 53.86 | 66.81 | | curtain | 68.29 | 86.24 | | chair | 60.39 | 79.55 | | car | 83.96 | 93.58 | | water | 54.56 | 71.9 | | painting | 68.73 | 88.9 | | sofa | 77.44 | 86.35 | | shelf | 42.83 | 53.6 | | house | 35.07 | 42.33 | | sea | 54.45 | 76.12 | | mirror | 66.81 | 84.88 | | rug | 71.07 | 79.4 | | field | 30.74 | 64.09 | | armchair | 55.21 | 73.78 | | seat | 62.76 | 88.68 | | fence | 46.6 | 58.3 | | desk | 52.05 | 73.44 | | rock | 51.74 | 84.81 | | wardrobe | 53.38 | 81.32 | | lamp | 66.28 | 78.93 | | bathtub | 76.36 | 86.35 | | railing | 42.7 | 63.73 | | cushion | 60.98 | 80.07 | | base | 46.65 | 67.58 | | box | 33.78 | 45.96 | | column | 49.38 | 62.45 | | signboard | 37.62 | 50.06 | | chest of drawers | 45.14 | 74.32 | | counter | 43.1 | 51.06 | | sand | 44.13 | 64.16 | | sink | 74.24 | 85.58 | | skyscraper | 49.95 | 63.87 | | fireplace | 70.03 | 86.7 | | refrigerator | 77.6 | 85.52 | | grandstand | 53.09 | 88.61 | | path | 18.64 | 25.45 | | stairs | 38.56 | 47.08 | | runway | 72.03 | 92.9 | | case | 46.77 | 94.14 | | pool table | 93.28 | 96.56 | | pillow | 40.34 | 41.28 | | screen door | 58.97 | 93.13 | | stairway | 55.24 | 63.84 | | river | 24.29 | 30.48 | | bridge | 69.54 | 76.77 | | bookcase | 42.62 | 65.12 | | blind | 19.97 | 20.9 | | coffee table | 59.16 | 85.75 | | toilet | 86.09 | 92.49 | | flower | 33.03 | 68.51 | | book | 41.31 | 51.35 | | hill | 4.43 | 6.08 | | bench | 48.61 | 58.32 | | countertop | 59.84 | 74.7 | | stove | 77.3 | 90.27 | | palm | 51.94 | 57.9 | | kitchen island | 43.28 | 89.25 | | computer | 74.0 | 89.72 | | swivel chair | 44.22 | 53.97 | | boat | 73.9 | 85.66 | | bar | 62.07 | 78.24 | | arcade machine | 79.67 | 86.17 | | hovel | 20.19 | 22.48 | | bus | 88.23 | 95.97 | | towel | 69.02 | 80.69 | | light | 36.42 | 39.31 | | truck | 47.3 | 65.51 | | tower | 14.87 | 19.33 | | chandelier | 66.69 | 75.47 | | awning | 35.67 | 42.98 | | streetlight | 20.66 | 27.03 | | booth | 40.71 | 43.36 | | television receiver | 71.58 | 83.01 | | airplane | 59.29 | 65.21 | | dirt track | 21.62 | 24.36 | | apparel | 45.25 | 61.69 | | pole | 16.53 | 19.89 | | land | 8.26 | 17.28 | | bannister | 8.91 | 11.52 | | escalator | 62.93 | 81.63 | | ottoman | 52.87 | 70.09 | | bottle | 39.25 | 62.43 | | buffet | 32.22 | 32.42 | | poster | 20.35 | 21.89 | | stage | 24.55 | 44.67 | | van | 32.55 | 36.71 | | ship | 6.7 | 6.74 | | fountain | 50.06 | 52.1 | | conveyer belt | 76.11 | 93.24 | | canopy | 46.71 | 72.5 | | washer | 86.19 | 96.46 | | plaything | 36.54 | 47.73 | | swimming pool | 47.29 | 81.03 | | stool | 43.76 | 59.69 | | barrel | 45.72 | 65.12 | | basket | 35.32 | 42.83 | | waterfall | 47.67 | 62.96 | | tent | 89.89 | 98.82 | | bag | 12.72 | 13.17 | | minibike | 72.46 | 86.33 | | cradle | 74.96 | 98.25 | | oven | 58.49 | 68.05 | | ball | 53.73 | 64.46 | | food | 42.05 | 43.92 | | step | 10.33 | 11.76 | | tank | 72.62 | 93.34 | | trade name | 9.68 | 9.96 | | microwave | 84.84 | 92.04 | | pot | 45.91 | 51.65 | | animal | 70.0 | 72.83 | | bicycle | 59.64 | 76.84 | | lake | 2.49 | 3.49 | | dishwasher | 56.33 | 57.63 | | screen | 59.99 | 93.65 | | blanket | 6.25 | 6.92 | | sculpture | 60.21 | 67.51 | | hood | 63.97 | 68.91 | | sconce | 50.05 | 60.03 | | vase | 32.42 | 54.27 | | traffic light | 30.08 | 36.67 | | tray | 4.22 | 5.46 | | ashcan | 45.46 | 56.71 | | fan | 59.78 | 73.29 | | pier | 36.15 | 52.22 | | crt screen | 9.45 | 10.46 | | plate | 53.77 | 70.37 | | monitor | 51.27 | 85.0 | | bulletin board | 59.27 | 68.84 | | shower | 6.67 | 15.35 | | radiator | 62.89 | 69.79 | | glass | 9.63 | 9.93 | | clock | 38.84 | 41.12 | | flag | 66.34 | 69.16 | +---------------------+-------+-------+ 2024-01-17 22:51:05,605 - mmseg - INFO - Summary: 2024-01-17 22:51:05,605 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 83.67 | 51.2 | 63.85 | +-------+------+-------+ 2024-01-17 22:51:05,606 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 22:51:05,607 - mmseg - INFO - Iter(val) [250] aAcc: 0.8367, mIoU: 0.5120, mAcc: 0.6385, IoU.wall: 0.7859, IoU.building: 0.8318, IoU.sky: 0.9343, IoU.floor: 0.8241, IoU.tree: 0.7384, IoU.ceiling: 0.8435, IoU.road: 0.8410, IoU.bed : 0.8938, IoU.windowpane: 0.6286, IoU.grass: 0.6807, IoU.cabinet: 0.6035, IoU.sidewalk: 0.6557, IoU.person: 0.8156, IoU.earth: 0.3561, IoU.door: 0.5279, IoU.table: 0.6232, IoU.mountain: 0.6055, IoU.plant: 0.5386, IoU.curtain: 0.6829, IoU.chair: 0.6039, IoU.car: 0.8396, IoU.water: 0.5456, IoU.painting: 0.6873, IoU.sofa: 0.7744, IoU.shelf: 0.4283, IoU.house: 0.3507, IoU.sea: 0.5445, IoU.mirror: 0.6681, IoU.rug: 0.7107, IoU.field: 0.3074, IoU.armchair: 0.5521, IoU.seat: 0.6276, IoU.fence: 0.4660, IoU.desk: 0.5205, IoU.rock: 0.5174, IoU.wardrobe: 0.5338, IoU.lamp: 0.6628, IoU.bathtub: 0.7636, IoU.railing: 0.4270, IoU.cushion: 0.6098, IoU.base: 0.4665, IoU.box: 0.3378, IoU.column: 0.4938, IoU.signboard: 0.3762, IoU.chest of drawers: 0.4514, IoU.counter: 0.4310, IoU.sand: 0.4413, IoU.sink: 0.7424, IoU.skyscraper: 0.4995, IoU.fireplace: 0.7003, IoU.refrigerator: 0.7760, IoU.grandstand: 0.5309, IoU.path: 0.1864, IoU.stairs: 0.3856, IoU.runway: 0.7203, IoU.case: 0.4677, IoU.pool table: 0.9328, IoU.pillow: 0.4034, IoU.screen door: 0.5897, IoU.stairway: 0.5524, IoU.river: 0.2429, IoU.bridge: 0.6954, IoU.bookcase: 0.4262, IoU.blind: 0.1997, IoU.coffee table: 0.5916, IoU.toilet: 0.8609, IoU.flower: 0.3303, IoU.book: 0.4131, IoU.hill: 0.0443, IoU.bench: 0.4861, IoU.countertop: 0.5984, IoU.stove: 0.7730, IoU.palm: 0.5194, IoU.kitchen island: 0.4328, IoU.computer: 0.7400, IoU.swivel chair: 0.4422, IoU.boat: 0.7390, IoU.bar: 0.6207, IoU.arcade machine: 0.7967, IoU.hovel: 0.2019, IoU.bus: 0.8823, IoU.towel: 0.6902, IoU.light: 0.3642, IoU.truck: 0.4730, IoU.tower: 0.1487, IoU.chandelier: 0.6669, IoU.awning: 0.3567, IoU.streetlight: 0.2066, IoU.booth: 0.4071, IoU.television receiver: 0.7158, IoU.airplane: 0.5929, IoU.dirt track: 0.2162, IoU.apparel: 0.4525, IoU.pole: 0.1653, IoU.land: 0.0826, IoU.bannister: 0.0891, IoU.escalator: 0.6293, IoU.ottoman: 0.5287, IoU.bottle: 0.3925, IoU.buffet: 0.3222, IoU.poster: 0.2035, IoU.stage: 0.2455, IoU.van: 0.3255, IoU.ship: 0.0670, IoU.fountain: 0.5006, IoU.conveyer belt: 0.7611, IoU.canopy: 0.4671, IoU.washer: 0.8619, IoU.plaything: 0.3654, IoU.swimming pool: 0.4729, IoU.stool: 0.4376, IoU.barrel: 0.4572, IoU.basket: 0.3532, IoU.waterfall: 0.4767, IoU.tent: 0.8989, IoU.bag: 0.1272, IoU.minibike: 0.7246, IoU.cradle: 0.7496, IoU.oven: 0.5849, IoU.ball: 0.5373, IoU.food: 0.4205, IoU.step: 0.1033, IoU.tank: 0.7262, IoU.trade name: 0.0968, IoU.microwave: 0.8484, IoU.pot: 0.4591, IoU.animal: 0.7000, IoU.bicycle: 0.5964, IoU.lake: 0.0249, IoU.dishwasher: 0.5633, IoU.screen: 0.5999, IoU.blanket: 0.0625, IoU.sculpture: 0.6021, IoU.hood: 0.6397, IoU.sconce: 0.5005, IoU.vase: 0.3242, IoU.traffic light: 0.3008, IoU.tray: 0.0422, IoU.ashcan: 0.4546, IoU.fan: 0.5978, IoU.pier: 0.3615, IoU.crt screen: 0.0945, IoU.plate: 0.5377, IoU.monitor: 0.5127, IoU.bulletin board: 0.5927, IoU.shower: 0.0667, IoU.radiator: 0.6289, IoU.glass: 0.0963, IoU.clock: 0.3884, IoU.flag: 0.6634, Acc.wall: 0.8654, Acc.building: 0.9431, Acc.sky: 0.9805, Acc.floor: 0.9031, Acc.tree: 0.8473, Acc.ceiling: 0.9074, Acc.road: 0.8847, Acc.bed : 0.9666, Acc.windowpane: 0.8394, Acc.grass: 0.7859, Acc.cabinet: 0.7367, Acc.sidewalk: 0.8545, Acc.person: 0.9279, Acc.earth: 0.4431, Acc.door: 0.6725, Acc.table: 0.7935, Acc.mountain: 0.7450, Acc.plant: 0.6681, Acc.curtain: 0.8624, Acc.chair: 0.7955, Acc.car: 0.9358, Acc.water: 0.7190, Acc.painting: 0.8890, Acc.sofa: 0.8635, Acc.shelf: 0.5360, Acc.house: 0.4233, Acc.sea: 0.7612, Acc.mirror: 0.8488, Acc.rug: 0.7940, Acc.field: 0.6409, Acc.armchair: 0.7378, Acc.seat: 0.8868, Acc.fence: 0.5830, Acc.desk: 0.7344, Acc.rock: 0.8481, Acc.wardrobe: 0.8132, Acc.lamp: 0.7893, Acc.bathtub: 0.8635, Acc.railing: 0.6373, Acc.cushion: 0.8007, Acc.base: 0.6758, Acc.box: 0.4596, Acc.column: 0.6245, Acc.signboard: 0.5006, Acc.chest of drawers: 0.7432, Acc.counter: 0.5106, Acc.sand: 0.6416, Acc.sink: 0.8558, Acc.skyscraper: 0.6387, Acc.fireplace: 0.8670, Acc.refrigerator: 0.8552, Acc.grandstand: 0.8861, Acc.path: 0.2545, Acc.stairs: 0.4708, Acc.runway: 0.9290, Acc.case: 0.9414, Acc.pool table: 0.9656, Acc.pillow: 0.4128, Acc.screen door: 0.9313, Acc.stairway: 0.6384, Acc.river: 0.3048, Acc.bridge: 0.7677, Acc.bookcase: 0.6512, Acc.blind: 0.2090, Acc.coffee table: 0.8575, Acc.toilet: 0.9249, Acc.flower: 0.6851, Acc.book: 0.5135, Acc.hill: 0.0608, Acc.bench: 0.5832, Acc.countertop: 0.7470, Acc.stove: 0.9027, Acc.palm: 0.5790, Acc.kitchen island: 0.8925, Acc.computer: 0.8972, Acc.swivel chair: 0.5397, Acc.boat: 0.8566, Acc.bar: 0.7824, Acc.arcade machine: 0.8617, Acc.hovel: 0.2248, Acc.bus: 0.9597, Acc.towel: 0.8069, Acc.light: 0.3931, Acc.truck: 0.6551, Acc.tower: 0.1933, Acc.chandelier: 0.7547, Acc.awning: 0.4298, Acc.streetlight: 0.2703, Acc.booth: 0.4336, Acc.television receiver: 0.8301, Acc.airplane: 0.6521, Acc.dirt track: 0.2436, Acc.apparel: 0.6169, Acc.pole: 0.1989, Acc.land: 0.1728, Acc.bannister: 0.1152, Acc.escalator: 0.8163, Acc.ottoman: 0.7009, Acc.bottle: 0.6243, Acc.buffet: 0.3242, Acc.poster: 0.2189, Acc.stage: 0.4467, Acc.van: 0.3671, Acc.ship: 0.0674, Acc.fountain: 0.5210, Acc.conveyer belt: 0.9324, Acc.canopy: 0.7250, Acc.washer: 0.9646, Acc.plaything: 0.4773, Acc.swimming pool: 0.8103, Acc.stool: 0.5969, Acc.barrel: 0.6512, Acc.basket: 0.4283, Acc.waterfall: 0.6296, Acc.tent: 0.9882, Acc.bag: 0.1317, Acc.minibike: 0.8633, Acc.cradle: 0.9825, Acc.oven: 0.6805, Acc.ball: 0.6446, Acc.food: 0.4392, Acc.step: 0.1176, Acc.tank: 0.9334, Acc.trade name: 0.0996, Acc.microwave: 0.9204, Acc.pot: 0.5165, Acc.animal: 0.7283, Acc.bicycle: 0.7684, Acc.lake: 0.0349, Acc.dishwasher: 0.5763, Acc.screen: 0.9365, Acc.blanket: 0.0692, Acc.sculpture: 0.6751, Acc.hood: 0.6891, Acc.sconce: 0.6003, Acc.vase: 0.5427, Acc.traffic light: 0.3667, Acc.tray: 0.0546, Acc.ashcan: 0.5671, Acc.fan: 0.7329, Acc.pier: 0.5222, Acc.crt screen: 0.1046, Acc.plate: 0.7037, Acc.monitor: 0.8500, Acc.bulletin board: 0.6884, Acc.shower: 0.1535, Acc.radiator: 0.6979, Acc.glass: 0.0993, Acc.clock: 0.4112, Acc.flag: 0.6916 2024-01-17 22:52:06,504 - mmseg - INFO - Iter [6050/80000] lr: 3.698e-05, eta: 1 day, 5:21:59, time: 4.370, data_time: 3.170, memory: 59004, decode.loss_ce: 0.4281, decode.acc_seg: 83.4798, aux.loss_ce: 0.1774, aux.acc_seg: 83.0905, loss: 0.6055 2024-01-17 22:53:06,863 - mmseg - INFO - Iter [6100/80000] lr: 3.695e-05, eta: 1 day, 5:18:33, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3943, decode.acc_seg: 84.3160, aux.loss_ce: 0.1664, aux.acc_seg: 83.6289, loss: 0.5608 2024-01-17 22:54:07,268 - mmseg - INFO - Iter [6150/80000] lr: 3.693e-05, eta: 1 day, 5:15:09, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4149, decode.acc_seg: 82.9370, aux.loss_ce: 0.1722, aux.acc_seg: 82.4228, loss: 0.5871 2024-01-17 22:55:07,653 - mmseg - INFO - Iter [6200/80000] lr: 3.690e-05, eta: 1 day, 5:11:48, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4274, decode.acc_seg: 83.3664, aux.loss_ce: 0.1777, aux.acc_seg: 82.5990, loss: 0.6051 2024-01-17 22:56:08,096 - mmseg - INFO - Iter [6250/80000] lr: 3.688e-05, eta: 1 day, 5:08:30, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.4033, decode.acc_seg: 83.8859, aux.loss_ce: 0.1646, aux.acc_seg: 83.7535, loss: 0.5679 2024-01-17 22:57:08,625 - mmseg - INFO - Iter [6300/80000] lr: 3.685e-05, eta: 1 day, 5:05:15, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3971, decode.acc_seg: 83.7197, aux.loss_ce: 0.1645, aux.acc_seg: 83.2374, loss: 0.5616 2024-01-17 22:58:11,930 - mmseg - INFO - Iter [6350/80000] lr: 3.683e-05, eta: 1 day, 5:02:34, time: 1.266, data_time: 0.055, memory: 59004, decode.loss_ce: 0.3662, decode.acc_seg: 84.8865, aux.loss_ce: 0.1551, aux.acc_seg: 84.0682, loss: 0.5213 2024-01-17 22:59:12,365 - mmseg - INFO - Iter [6400/80000] lr: 3.680e-05, eta: 1 day, 4:59:22, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3593, decode.acc_seg: 85.4090, aux.loss_ce: 0.1530, aux.acc_seg: 84.6906, loss: 0.5123 2024-01-17 23:00:12,813 - mmseg - INFO - Iter [6450/80000] lr: 3.678e-05, eta: 1 day, 4:56:12, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3771, decode.acc_seg: 84.8471, aux.loss_ce: 0.1599, aux.acc_seg: 84.1538, loss: 0.5370 2024-01-17 23:01:13,255 - mmseg - INFO - Iter [6500/80000] lr: 3.675e-05, eta: 1 day, 4:53:04, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3586, decode.acc_seg: 85.2390, aux.loss_ce: 0.1552, aux.acc_seg: 84.2112, loss: 0.5138 2024-01-17 23:02:13,646 - mmseg - INFO - Iter [6550/80000] lr: 3.673e-05, eta: 1 day, 4:49:57, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3719, decode.acc_seg: 85.1203, aux.loss_ce: 0.1600, aux.acc_seg: 84.2799, loss: 0.5320 2024-01-17 23:03:14,001 - mmseg - INFO - Iter [6600/80000] lr: 3.670e-05, eta: 1 day, 4:46:52, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3730, decode.acc_seg: 84.7717, aux.loss_ce: 0.1582, aux.acc_seg: 83.8734, loss: 0.5312 2024-01-17 23:04:14,472 - mmseg - INFO - Iter [6650/80000] lr: 3.668e-05, eta: 1 day, 4:43:50, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3886, decode.acc_seg: 84.0349, aux.loss_ce: 0.1630, aux.acc_seg: 83.5941, loss: 0.5516 2024-01-17 23:05:14,901 - mmseg - INFO - Iter [6700/80000] lr: 3.665e-05, eta: 1 day, 4:40:49, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3711, decode.acc_seg: 84.6351, aux.loss_ce: 0.1590, aux.acc_seg: 83.5432, loss: 0.5301 2024-01-17 23:06:15,338 - mmseg - INFO - Iter [6750/80000] lr: 3.663e-05, eta: 1 day, 4:37:50, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3583, decode.acc_seg: 85.2830, aux.loss_ce: 0.1521, aux.acc_seg: 84.6149, loss: 0.5104 2024-01-17 23:07:15,773 - mmseg - INFO - Iter [6800/80000] lr: 3.660e-05, eta: 1 day, 4:34:53, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3870, decode.acc_seg: 84.8295, aux.loss_ce: 0.1659, aux.acc_seg: 83.8352, loss: 0.5529 2024-01-17 23:08:16,386 - mmseg - INFO - Iter [6850/80000] lr: 3.658e-05, eta: 1 day, 4:31:59, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3657, decode.acc_seg: 85.0222, aux.loss_ce: 0.1551, aux.acc_seg: 84.1979, loss: 0.5208 2024-01-17 23:09:17,057 - mmseg - INFO - Iter [6900/80000] lr: 3.655e-05, eta: 1 day, 4:29:08, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3560, decode.acc_seg: 85.9677, aux.loss_ce: 0.1532, aux.acc_seg: 84.7111, loss: 0.5091 2024-01-17 23:10:17,523 - mmseg - INFO - Iter [6950/80000] lr: 3.653e-05, eta: 1 day, 4:26:16, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.3829, decode.acc_seg: 84.6185, aux.loss_ce: 0.1634, aux.acc_seg: 83.4753, loss: 0.5463 2024-01-17 23:11:17,910 - mmseg - INFO - Saving checkpoint at 7000 iterations 2024-01-17 23:12:07,339 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 23:12:07,339 - mmseg - INFO - Iter [7000/80000] lr: 3.650e-05, eta: 1 day, 4:32:00, time: 2.196, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3911, decode.acc_seg: 84.5172, aux.loss_ce: 0.1632, aux.acc_seg: 83.9128, loss: 0.5543 2024-01-17 23:14:46,962 - mmseg - INFO - per class results: 2024-01-17 23:14:46,968 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.49 | 86.92 | | building | 83.38 | 91.5 | | sky | 94.12 | 97.13 | | floor | 80.98 | 85.47 | | tree | 75.04 | 90.61 | | ceiling | 84.61 | 93.29 | | road | 84.0 | 89.65 | | bed | 88.79 | 97.62 | | windowpane | 63.48 | 80.98 | | grass | 68.06 | 84.11 | | cabinet | 66.12 | 79.17 | | sidewalk | 66.17 | 83.09 | | person | 82.31 | 93.32 | | earth | 36.03 | 50.31 | | door | 52.17 | 70.39 | | table | 63.16 | 78.76 | | mountain | 59.09 | 70.63 | | plant | 52.25 | 63.34 | | curtain | 72.29 | 86.34 | | chair | 61.0 | 77.3 | | car | 84.0 | 93.58 | | water | 53.09 | 68.06 | | painting | 69.9 | 86.86 | | sofa | 75.85 | 87.87 | | shelf | 39.09 | 51.11 | | house | 50.98 | 74.5 | | sea | 55.33 | 69.24 | | mirror | 69.41 | 80.24 | | rug | 66.29 | 78.95 | | field | 37.78 | 65.0 | | armchair | 51.04 | 61.25 | | seat | 65.03 | 86.32 | | fence | 46.07 | 59.54 | | desk | 52.26 | 75.72 | | rock | 50.0 | 69.61 | | wardrobe | 57.2 | 72.08 | | lamp | 65.32 | 79.65 | | bathtub | 78.94 | 89.38 | | railing | 38.58 | 49.56 | | cushion | 61.34 | 83.23 | | base | 41.51 | 68.47 | | box | 30.51 | 36.22 | | column | 51.86 | 70.95 | | signboard | 35.11 | 42.45 | | chest of drawers | 45.62 | 61.78 | | counter | 42.86 | 51.06 | | sand | 38.14 | 53.67 | | sink | 74.74 | 84.79 | | skyscraper | 51.24 | 71.08 | | fireplace | 71.52 | 83.5 | | refrigerator | 78.89 | 87.05 | | grandstand | 53.69 | 86.57 | | path | 16.02 | 19.58 | | stairs | 18.58 | 20.43 | | runway | 73.32 | 97.27 | | case | 61.13 | 87.68 | | pool table | 92.01 | 98.33 | | pillow | 63.97 | 74.07 | | screen door | 31.58 | 32.46 | | stairway | 41.93 | 76.6 | | river | 15.82 | 37.73 | | bridge | 70.23 | 88.04 | | bookcase | 35.51 | 64.84 | | blind | 30.56 | 35.95 | | coffee table | 62.27 | 83.09 | | toilet | 88.74 | 95.19 | | flower | 38.84 | 49.59 | | book | 48.52 | 69.72 | | hill | 6.15 | 9.98 | | bench | 51.53 | 72.91 | | countertop | 61.99 | 76.8 | | stove | 81.24 | 88.27 | | palm | 53.35 | 59.32 | | kitchen island | 39.76 | 49.54 | | computer | 69.15 | 87.46 | | swivel chair | 49.7 | 74.7 | | boat | 63.39 | 91.56 | | bar | 59.44 | 86.94 | | arcade machine | 80.24 | 99.29 | | hovel | 34.17 | 39.02 | | bus | 90.17 | 95.67 | | towel | 68.95 | 75.99 | | light | 36.57 | 38.95 | | truck | 43.61 | 57.14 | | tower | 27.61 | 46.91 | | chandelier | 67.81 | 87.06 | | awning | 39.71 | 51.34 | | streetlight | 25.05 | 31.78 | | booth | 34.95 | 90.07 | | television receiver | 73.48 | 80.46 | | airplane | 58.5 | 72.98 | | dirt track | 3.99 | 9.47 | | apparel | 46.74 | 68.83 | | pole | 25.74 | 40.39 | | land | 0.01 | 0.02 | | bannister | 5.93 | 8.15 | | escalator | 63.03 | 87.05 | | ottoman | 50.35 | 78.23 | | bottle | 39.83 | 71.07 | | buffet | 57.42 | 66.47 | | poster | 22.39 | 31.53 | | stage | 21.87 | 61.79 | | van | 39.66 | 49.11 | | ship | 60.78 | 63.46 | | fountain | 67.97 | 74.68 | | conveyer belt | 70.19 | 97.03 | | canopy | 50.51 | 80.45 | | washer | 87.76 | 97.67 | | plaything | 32.49 | 57.93 | | swimming pool | 57.01 | 83.69 | | stool | 38.58 | 59.02 | | barrel | 47.22 | 65.1 | | basket | 37.64 | 46.75 | | waterfall | 51.83 | 57.81 | | tent | 94.38 | 97.59 | | bag | 24.91 | 27.61 | | minibike | 73.07 | 85.08 | | cradle | 74.85 | 98.23 | | oven | 56.99 | 62.75 | | ball | 53.01 | 63.7 | | food | 46.16 | 52.85 | | step | 10.59 | 11.12 | | tank | 56.19 | 75.56 | | trade name | 23.56 | 26.51 | | microwave | 84.17 | 93.18 | | pot | 52.3 | 59.71 | | animal | 63.27 | 64.5 | | bicycle | 55.56 | 65.18 | | lake | 44.09 | 49.06 | | dishwasher | 67.07 | 70.19 | | screen | 56.93 | 90.94 | | blanket | 3.82 | 4.11 | | sculpture | 68.11 | 84.14 | | hood | 61.18 | 65.44 | | sconce | 49.58 | 67.52 | | vase | 37.41 | 62.76 | | traffic light | 26.5 | 30.83 | | tray | 1.3 | 1.39 | | ashcan | 45.71 | 62.6 | | fan | 56.75 | 65.08 | | pier | 44.0 | 58.26 | | crt screen | 0.0 | 0.0 | | plate | 44.1 | 84.69 | | monitor | 44.83 | 88.18 | | bulletin board | 55.1 | 73.8 | | shower | 0.81 | 7.86 | | radiator | 65.86 | 77.26 | | glass | 15.79 | 17.98 | | clock | 42.12 | 46.93 | | flag | 65.54 | 68.16 | +---------------------+-------+-------+ 2024-01-17 23:14:46,968 - mmseg - INFO - Summary: 2024-01-17 23:14:46,969 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 83.82 | 52.3 | 66.27 | +-------+------+-------+ 2024-01-17 23:14:46,970 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 23:14:46,970 - mmseg - INFO - Iter(val) [250] aAcc: 0.8382, mIoU: 0.5230, mAcc: 0.6627, IoU.wall: 0.7849, IoU.building: 0.8338, IoU.sky: 0.9412, IoU.floor: 0.8098, IoU.tree: 0.7504, IoU.ceiling: 0.8461, IoU.road: 0.8400, IoU.bed : 0.8879, IoU.windowpane: 0.6348, IoU.grass: 0.6806, IoU.cabinet: 0.6612, IoU.sidewalk: 0.6617, IoU.person: 0.8231, IoU.earth: 0.3603, IoU.door: 0.5217, IoU.table: 0.6316, IoU.mountain: 0.5909, IoU.plant: 0.5225, IoU.curtain: 0.7229, IoU.chair: 0.6100, IoU.car: 0.8400, IoU.water: 0.5309, IoU.painting: 0.6990, IoU.sofa: 0.7585, IoU.shelf: 0.3909, IoU.house: 0.5098, IoU.sea: 0.5533, IoU.mirror: 0.6941, IoU.rug: 0.6629, IoU.field: 0.3778, IoU.armchair: 0.5104, IoU.seat: 0.6503, IoU.fence: 0.4607, IoU.desk: 0.5226, IoU.rock: 0.5000, IoU.wardrobe: 0.5720, IoU.lamp: 0.6532, IoU.bathtub: 0.7894, IoU.railing: 0.3858, IoU.cushion: 0.6134, IoU.base: 0.4151, IoU.box: 0.3051, IoU.column: 0.5186, IoU.signboard: 0.3511, IoU.chest of drawers: 0.4562, IoU.counter: 0.4286, IoU.sand: 0.3814, IoU.sink: 0.7474, IoU.skyscraper: 0.5124, IoU.fireplace: 0.7152, IoU.refrigerator: 0.7889, IoU.grandstand: 0.5369, IoU.path: 0.1602, IoU.stairs: 0.1858, IoU.runway: 0.7332, IoU.case: 0.6113, IoU.pool table: 0.9201, IoU.pillow: 0.6397, IoU.screen door: 0.3158, IoU.stairway: 0.4193, IoU.river: 0.1582, IoU.bridge: 0.7023, IoU.bookcase: 0.3551, IoU.blind: 0.3056, IoU.coffee table: 0.6227, IoU.toilet: 0.8874, IoU.flower: 0.3884, IoU.book: 0.4852, IoU.hill: 0.0615, IoU.bench: 0.5153, IoU.countertop: 0.6199, IoU.stove: 0.8124, IoU.palm: 0.5335, IoU.kitchen island: 0.3976, IoU.computer: 0.6915, IoU.swivel chair: 0.4970, IoU.boat: 0.6339, IoU.bar: 0.5944, IoU.arcade machine: 0.8024, IoU.hovel: 0.3417, IoU.bus: 0.9017, IoU.towel: 0.6895, IoU.light: 0.3657, IoU.truck: 0.4361, IoU.tower: 0.2761, IoU.chandelier: 0.6781, IoU.awning: 0.3971, IoU.streetlight: 0.2505, IoU.booth: 0.3495, IoU.television receiver: 0.7348, IoU.airplane: 0.5850, IoU.dirt track: 0.0399, IoU.apparel: 0.4674, IoU.pole: 0.2574, IoU.land: 0.0001, IoU.bannister: 0.0593, IoU.escalator: 0.6303, IoU.ottoman: 0.5035, IoU.bottle: 0.3983, IoU.buffet: 0.5742, IoU.poster: 0.2239, IoU.stage: 0.2187, IoU.van: 0.3966, IoU.ship: 0.6078, IoU.fountain: 0.6797, IoU.conveyer belt: 0.7019, IoU.canopy: 0.5051, IoU.washer: 0.8776, IoU.plaything: 0.3249, IoU.swimming pool: 0.5701, IoU.stool: 0.3858, IoU.barrel: 0.4722, IoU.basket: 0.3764, IoU.waterfall: 0.5183, IoU.tent: 0.9438, IoU.bag: 0.2491, IoU.minibike: 0.7307, IoU.cradle: 0.7485, IoU.oven: 0.5699, IoU.ball: 0.5301, IoU.food: 0.4616, IoU.step: 0.1059, IoU.tank: 0.5619, IoU.trade name: 0.2356, IoU.microwave: 0.8417, IoU.pot: 0.5230, IoU.animal: 0.6327, IoU.bicycle: 0.5556, IoU.lake: 0.4409, IoU.dishwasher: 0.6707, IoU.screen: 0.5693, IoU.blanket: 0.0382, IoU.sculpture: 0.6811, IoU.hood: 0.6118, IoU.sconce: 0.4958, IoU.vase: 0.3741, IoU.traffic light: 0.2650, IoU.tray: 0.0130, IoU.ashcan: 0.4571, IoU.fan: 0.5675, IoU.pier: 0.4400, IoU.crt screen: 0.0000, IoU.plate: 0.4410, IoU.monitor: 0.4483, IoU.bulletin board: 0.5510, IoU.shower: 0.0081, IoU.radiator: 0.6586, IoU.glass: 0.1579, IoU.clock: 0.4212, IoU.flag: 0.6554, Acc.wall: 0.8692, Acc.building: 0.9150, Acc.sky: 0.9713, Acc.floor: 0.8547, Acc.tree: 0.9061, Acc.ceiling: 0.9329, Acc.road: 0.8965, Acc.bed : 0.9762, Acc.windowpane: 0.8098, Acc.grass: 0.8411, Acc.cabinet: 0.7917, Acc.sidewalk: 0.8309, Acc.person: 0.9332, Acc.earth: 0.5031, Acc.door: 0.7039, Acc.table: 0.7876, Acc.mountain: 0.7063, Acc.plant: 0.6334, Acc.curtain: 0.8634, Acc.chair: 0.7730, Acc.car: 0.9358, Acc.water: 0.6806, Acc.painting: 0.8686, Acc.sofa: 0.8787, Acc.shelf: 0.5111, Acc.house: 0.7450, Acc.sea: 0.6924, Acc.mirror: 0.8024, Acc.rug: 0.7895, Acc.field: 0.6500, Acc.armchair: 0.6125, Acc.seat: 0.8632, Acc.fence: 0.5954, Acc.desk: 0.7572, Acc.rock: 0.6961, Acc.wardrobe: 0.7208, Acc.lamp: 0.7965, Acc.bathtub: 0.8938, Acc.railing: 0.4956, Acc.cushion: 0.8323, Acc.base: 0.6847, Acc.box: 0.3622, Acc.column: 0.7095, Acc.signboard: 0.4245, Acc.chest of drawers: 0.6178, Acc.counter: 0.5106, Acc.sand: 0.5367, Acc.sink: 0.8479, Acc.skyscraper: 0.7108, Acc.fireplace: 0.8350, Acc.refrigerator: 0.8705, Acc.grandstand: 0.8657, Acc.path: 0.1958, Acc.stairs: 0.2043, Acc.runway: 0.9727, Acc.case: 0.8768, Acc.pool table: 0.9833, Acc.pillow: 0.7407, Acc.screen door: 0.3246, Acc.stairway: 0.7660, Acc.river: 0.3773, Acc.bridge: 0.8804, Acc.bookcase: 0.6484, Acc.blind: 0.3595, Acc.coffee table: 0.8309, Acc.toilet: 0.9519, Acc.flower: 0.4959, Acc.book: 0.6972, Acc.hill: 0.0998, Acc.bench: 0.7291, Acc.countertop: 0.7680, Acc.stove: 0.8827, Acc.palm: 0.5932, Acc.kitchen island: 0.4954, Acc.computer: 0.8746, Acc.swivel chair: 0.7470, Acc.boat: 0.9156, Acc.bar: 0.8694, Acc.arcade machine: 0.9929, Acc.hovel: 0.3902, Acc.bus: 0.9567, Acc.towel: 0.7599, Acc.light: 0.3895, Acc.truck: 0.5714, Acc.tower: 0.4691, Acc.chandelier: 0.8706, Acc.awning: 0.5134, Acc.streetlight: 0.3178, Acc.booth: 0.9007, Acc.television receiver: 0.8046, Acc.airplane: 0.7298, Acc.dirt track: 0.0947, Acc.apparel: 0.6883, Acc.pole: 0.4039, Acc.land: 0.0002, Acc.bannister: 0.0815, Acc.escalator: 0.8705, Acc.ottoman: 0.7823, Acc.bottle: 0.7107, Acc.buffet: 0.6647, Acc.poster: 0.3153, Acc.stage: 0.6179, Acc.van: 0.4911, Acc.ship: 0.6346, Acc.fountain: 0.7468, Acc.conveyer belt: 0.9703, Acc.canopy: 0.8045, Acc.washer: 0.9767, Acc.plaything: 0.5793, Acc.swimming pool: 0.8369, Acc.stool: 0.5902, Acc.barrel: 0.6510, Acc.basket: 0.4675, Acc.waterfall: 0.5781, Acc.tent: 0.9759, Acc.bag: 0.2761, Acc.minibike: 0.8508, Acc.cradle: 0.9823, Acc.oven: 0.6275, Acc.ball: 0.6370, Acc.food: 0.5285, Acc.step: 0.1112, Acc.tank: 0.7556, Acc.trade name: 0.2651, Acc.microwave: 0.9318, Acc.pot: 0.5971, Acc.animal: 0.6450, Acc.bicycle: 0.6518, Acc.lake: 0.4906, Acc.dishwasher: 0.7019, Acc.screen: 0.9094, Acc.blanket: 0.0411, Acc.sculpture: 0.8414, Acc.hood: 0.6544, Acc.sconce: 0.6752, Acc.vase: 0.6276, Acc.traffic light: 0.3083, Acc.tray: 0.0139, Acc.ashcan: 0.6260, Acc.fan: 0.6508, Acc.pier: 0.5826, Acc.crt screen: 0.0000, Acc.plate: 0.8469, Acc.monitor: 0.8818, Acc.bulletin board: 0.7380, Acc.shower: 0.0786, Acc.radiator: 0.7726, Acc.glass: 0.1798, Acc.clock: 0.4693, Acc.flag: 0.6816 2024-01-17 23:15:47,846 - mmseg - INFO - Iter [7050/80000] lr: 3.648e-05, eta: 1 day, 4:56:44, time: 4.410, data_time: 3.209, memory: 59004, decode.loss_ce: 0.3923, decode.acc_seg: 84.3689, aux.loss_ce: 0.1649, aux.acc_seg: 83.5820, loss: 0.5571 2024-01-17 23:16:48,465 - mmseg - INFO - Iter [7100/80000] lr: 3.645e-05, eta: 1 day, 4:53:41, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3942, decode.acc_seg: 84.4453, aux.loss_ce: 0.1666, aux.acc_seg: 83.2134, loss: 0.5608 2024-01-17 23:17:48,897 - mmseg - INFO - Iter [7150/80000] lr: 3.643e-05, eta: 1 day, 4:50:39, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3625, decode.acc_seg: 85.1551, aux.loss_ce: 0.1541, aux.acc_seg: 84.1678, loss: 0.5167 2024-01-17 23:18:49,253 - mmseg - INFO - Iter [7200/80000] lr: 3.640e-05, eta: 1 day, 4:47:37, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3444, decode.acc_seg: 85.8407, aux.loss_ce: 0.1483, aux.acc_seg: 85.0194, loss: 0.4927 2024-01-17 23:19:49,650 - mmseg - INFO - Iter [7250/80000] lr: 3.638e-05, eta: 1 day, 4:44:38, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3689, decode.acc_seg: 85.0502, aux.loss_ce: 0.1576, aux.acc_seg: 84.3522, loss: 0.5265 2024-01-17 23:20:50,214 - mmseg - INFO - Iter [7300/80000] lr: 3.635e-05, eta: 1 day, 4:41:41, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3678, decode.acc_seg: 84.8288, aux.loss_ce: 0.1559, aux.acc_seg: 83.8324, loss: 0.5237 2024-01-17 23:21:50,796 - mmseg - INFO - Iter [7350/80000] lr: 3.633e-05, eta: 1 day, 4:38:47, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3661, decode.acc_seg: 84.9502, aux.loss_ce: 0.1557, aux.acc_seg: 84.1937, loss: 0.5218 2024-01-17 23:22:51,257 - mmseg - INFO - Iter [7400/80000] lr: 3.630e-05, eta: 1 day, 4:35:53, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3867, decode.acc_seg: 84.3731, aux.loss_ce: 0.1625, aux.acc_seg: 84.0525, loss: 0.5492 2024-01-17 23:23:51,757 - mmseg - INFO - Iter [7450/80000] lr: 3.628e-05, eta: 1 day, 4:33:01, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.3736, decode.acc_seg: 84.9434, aux.loss_ce: 0.1576, aux.acc_seg: 84.0229, loss: 0.5312 2024-01-17 23:24:52,255 - mmseg - INFO - Iter [7500/80000] lr: 3.625e-05, eta: 1 day, 4:30:10, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3802, decode.acc_seg: 84.6381, aux.loss_ce: 0.1598, aux.acc_seg: 83.9168, loss: 0.5400 2024-01-17 23:25:52,698 - mmseg - INFO - Iter [7550/80000] lr: 3.623e-05, eta: 1 day, 4:27:20, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3780, decode.acc_seg: 84.8725, aux.loss_ce: 0.1612, aux.acc_seg: 84.2489, loss: 0.5393 2024-01-17 23:26:55,474 - mmseg - INFO - Iter [7600/80000] lr: 3.620e-05, eta: 1 day, 4:24:54, time: 1.255, data_time: 0.054, memory: 59004, decode.loss_ce: 0.3508, decode.acc_seg: 85.7372, aux.loss_ce: 0.1499, aux.acc_seg: 84.8162, loss: 0.5007 2024-01-17 23:27:56,064 - mmseg - INFO - Iter [7650/80000] lr: 3.618e-05, eta: 1 day, 4:22:08, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3610, decode.acc_seg: 85.1261, aux.loss_ce: 0.1581, aux.acc_seg: 84.0432, loss: 0.5191 2024-01-17 23:28:56,607 - mmseg - INFO - Iter [7700/80000] lr: 3.615e-05, eta: 1 day, 4:19:23, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3297, decode.acc_seg: 86.7800, aux.loss_ce: 0.1443, aux.acc_seg: 85.5062, loss: 0.4740 2024-01-17 23:29:57,154 - mmseg - INFO - Iter [7750/80000] lr: 3.613e-05, eta: 1 day, 4:16:40, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3316, decode.acc_seg: 86.3855, aux.loss_ce: 0.1433, aux.acc_seg: 85.4189, loss: 0.4750 2024-01-17 23:30:57,589 - mmseg - INFO - Iter [7800/80000] lr: 3.610e-05, eta: 1 day, 4:13:57, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3210, decode.acc_seg: 86.9298, aux.loss_ce: 0.1391, aux.acc_seg: 85.8987, loss: 0.4601 2024-01-17 23:31:58,163 - mmseg - INFO - Iter [7850/80000] lr: 3.608e-05, eta: 1 day, 4:11:16, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3487, decode.acc_seg: 85.1347, aux.loss_ce: 0.1504, aux.acc_seg: 84.2904, loss: 0.4991 2024-01-17 23:32:58,823 - mmseg - INFO - Iter [7900/80000] lr: 3.605e-05, eta: 1 day, 4:08:38, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3321, decode.acc_seg: 86.4316, aux.loss_ce: 0.1468, aux.acc_seg: 85.3539, loss: 0.4789 2024-01-17 23:33:59,207 - mmseg - INFO - Iter [7950/80000] lr: 3.603e-05, eta: 1 day, 4:05:58, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3473, decode.acc_seg: 85.8052, aux.loss_ce: 0.1496, aux.acc_seg: 84.7709, loss: 0.4969 2024-01-17 23:34:59,658 - mmseg - INFO - Saving checkpoint at 8000 iterations 2024-01-17 23:35:48,311 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 23:35:48,311 - mmseg - INFO - Iter [8000/80000] lr: 3.600e-05, eta: 1 day, 4:10:38, time: 2.182, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3641, decode.acc_seg: 85.1764, aux.loss_ce: 0.1564, aux.acc_seg: 84.3517, loss: 0.5205 2024-01-17 23:38:26,198 - mmseg - INFO - per class results: 2024-01-17 23:38:26,204 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.0 | 89.33 | | building | 84.39 | 93.62 | | sky | 94.1 | 96.56 | | floor | 82.6 | 90.26 | | tree | 75.4 | 89.58 | | ceiling | 83.15 | 89.28 | | road | 83.98 | 89.23 | | bed | 90.81 | 96.22 | | windowpane | 62.83 | 82.81 | | grass | 65.96 | 83.8 | | cabinet | 62.64 | 74.19 | | sidewalk | 66.59 | 84.43 | | person | 82.99 | 91.51 | | earth | 31.43 | 40.09 | | door | 50.56 | 60.39 | | table | 61.23 | 70.05 | | mountain | 58.21 | 70.46 | | plant | 53.98 | 67.73 | | curtain | 74.18 | 84.91 | | chair | 60.37 | 73.24 | | car | 83.33 | 93.22 | | water | 64.22 | 77.66 | | painting | 72.0 | 87.64 | | sofa | 76.88 | 91.96 | | shelf | 42.54 | 54.87 | | house | 56.01 | 65.31 | | sea | 68.44 | 84.07 | | mirror | 72.85 | 83.37 | | rug | 67.49 | 83.08 | | field | 28.97 | 48.97 | | armchair | 55.42 | 65.07 | | seat | 69.61 | 82.79 | | fence | 49.59 | 63.13 | | desk | 44.55 | 79.34 | | rock | 58.07 | 72.21 | | wardrobe | 51.52 | 72.02 | | lamp | 67.2 | 78.67 | | bathtub | 79.51 | 85.98 | | railing | 42.11 | 58.46 | | cushion | 63.25 | 72.67 | | base | 33.59 | 57.98 | | box | 33.79 | 43.47 | | column | 50.78 | 58.29 | | signboard | 37.05 | 49.88 | | chest of drawers | 46.23 | 74.63 | | counter | 46.53 | 56.99 | | sand | 43.96 | 65.71 | | sink | 77.26 | 84.25 | | skyscraper | 54.05 | 65.76 | | fireplace | 66.05 | 93.59 | | refrigerator | 82.12 | 90.41 | | grandstand | 56.94 | 82.79 | | path | 26.07 | 38.35 | | stairs | 32.7 | 49.08 | | runway | 73.22 | 95.21 | | case | 65.26 | 86.2 | | pool table | 92.41 | 98.14 | | pillow | 63.83 | 73.96 | | screen door | 61.3 | 71.63 | | stairway | 49.4 | 72.44 | | river | 11.24 | 20.52 | | bridge | 75.44 | 89.74 | | bookcase | 40.69 | 52.08 | | blind | 8.1 | 8.18 | | coffee table | 58.76 | 86.0 | | toilet | 89.05 | 95.01 | | flower | 42.03 | 50.45 | | book | 49.62 | 69.24 | | hill | 7.28 | 21.96 | | bench | 59.13 | 73.78 | | countertop | 61.59 | 87.0 | | stove | 79.82 | 88.28 | | palm | 52.91 | 79.27 | | kitchen island | 44.17 | 84.5 | | computer | 74.57 | 90.36 | | swivel chair | 44.73 | 61.34 | | boat | 47.08 | 58.1 | | bar | 63.02 | 80.05 | | arcade machine | 87.07 | 97.66 | | hovel | 45.03 | 51.75 | | bus | 90.39 | 96.3 | | towel | 72.83 | 80.56 | | light | 43.63 | 48.59 | | truck | 44.91 | 59.89 | | tower | 14.97 | 21.5 | | chandelier | 66.69 | 76.2 | | awning | 33.97 | 40.97 | | streetlight | 25.69 | 33.55 | | booth | 30.74 | 41.36 | | television receiver | 74.48 | 82.98 | | airplane | 60.17 | 67.42 | | dirt track | 11.07 | 21.01 | | apparel | 45.53 | 61.55 | | pole | 17.28 | 20.5 | | land | 0.0 | 0.0 | | bannister | 10.81 | 14.64 | | escalator | 63.62 | 85.89 | | ottoman | 53.16 | 72.67 | | bottle | 19.5 | 22.43 | | buffet | 57.79 | 66.45 | | poster | 18.48 | 22.12 | | stage | 27.54 | 71.87 | | van | 27.31 | 30.17 | | ship | 60.51 | 93.41 | | fountain | 67.27 | 81.54 | | conveyer belt | 73.79 | 97.43 | | canopy | 50.48 | 72.99 | | washer | 87.45 | 97.12 | | plaything | 34.48 | 53.84 | | swimming pool | 59.99 | 89.75 | | stool | 38.65 | 56.48 | | barrel | 50.23 | 65.1 | | basket | 38.9 | 47.37 | | waterfall | 60.76 | 78.48 | | tent | 48.05 | 99.16 | | bag | 24.08 | 26.29 | | minibike | 73.44 | 88.03 | | cradle | 85.28 | 96.69 | | oven | 55.02 | 73.02 | | ball | 54.71 | 67.97 | | food | 61.33 | 73.05 | | step | 8.54 | 9.1 | | tank | 76.52 | 93.21 | | trade name | 9.15 | 9.36 | | microwave | 84.56 | 94.59 | | pot | 52.8 | 59.7 | | animal | 68.0 | 69.9 | | bicycle | 59.36 | 75.38 | | lake | 40.54 | 63.76 | | dishwasher | 67.11 | 71.72 | | screen | 61.61 | 89.0 | | blanket | 14.33 | 15.88 | | sculpture | 66.86 | 77.66 | | hood | 64.23 | 70.2 | | sconce | 51.48 | 68.76 | | vase | 40.44 | 58.07 | | traffic light | 28.6 | 58.45 | | tray | 5.76 | 6.63 | | ashcan | 48.1 | 61.87 | | fan | 60.95 | 73.82 | | pier | 37.22 | 45.97 | | crt screen | 11.76 | 12.84 | | plate | 58.7 | 75.24 | | monitor | 60.23 | 81.9 | | bulletin board | 48.44 | 52.65 | | shower | 2.6 | 13.54 | | radiator | 65.54 | 70.14 | | glass | 13.49 | 14.36 | | clock | 40.03 | 44.09 | | flag | 70.19 | 77.93 | +---------------------+-------+-------+ 2024-01-17 23:38:26,204 - mmseg - INFO - Summary: 2024-01-17 23:38:26,204 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.22 | 53.36 | 66.56 | +-------+-------+-------+ 2024-01-17 23:38:26,205 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 23:38:26,205 - mmseg - INFO - Iter(val) [250] aAcc: 0.8422, mIoU: 0.5336, mAcc: 0.6656, IoU.wall: 0.7900, IoU.building: 0.8439, IoU.sky: 0.9410, IoU.floor: 0.8260, IoU.tree: 0.7540, IoU.ceiling: 0.8315, IoU.road: 0.8398, IoU.bed : 0.9081, IoU.windowpane: 0.6283, IoU.grass: 0.6596, IoU.cabinet: 0.6264, IoU.sidewalk: 0.6659, IoU.person: 0.8299, IoU.earth: 0.3143, IoU.door: 0.5056, IoU.table: 0.6123, IoU.mountain: 0.5821, IoU.plant: 0.5398, IoU.curtain: 0.7418, IoU.chair: 0.6037, IoU.car: 0.8333, IoU.water: 0.6422, IoU.painting: 0.7200, IoU.sofa: 0.7688, IoU.shelf: 0.4254, IoU.house: 0.5601, IoU.sea: 0.6844, IoU.mirror: 0.7285, IoU.rug: 0.6749, IoU.field: 0.2897, IoU.armchair: 0.5542, IoU.seat: 0.6961, IoU.fence: 0.4959, IoU.desk: 0.4455, IoU.rock: 0.5807, IoU.wardrobe: 0.5152, IoU.lamp: 0.6720, IoU.bathtub: 0.7951, IoU.railing: 0.4211, IoU.cushion: 0.6325, IoU.base: 0.3359, IoU.box: 0.3379, IoU.column: 0.5078, IoU.signboard: 0.3705, IoU.chest of drawers: 0.4623, IoU.counter: 0.4653, IoU.sand: 0.4396, IoU.sink: 0.7726, IoU.skyscraper: 0.5405, IoU.fireplace: 0.6605, IoU.refrigerator: 0.8212, IoU.grandstand: 0.5694, IoU.path: 0.2607, IoU.stairs: 0.3270, IoU.runway: 0.7322, IoU.case: 0.6526, IoU.pool table: 0.9241, IoU.pillow: 0.6383, IoU.screen door: 0.6130, IoU.stairway: 0.4940, IoU.river: 0.1124, IoU.bridge: 0.7544, IoU.bookcase: 0.4069, IoU.blind: 0.0810, IoU.coffee table: 0.5876, IoU.toilet: 0.8905, IoU.flower: 0.4203, IoU.book: 0.4962, IoU.hill: 0.0728, IoU.bench: 0.5913, IoU.countertop: 0.6159, IoU.stove: 0.7982, IoU.palm: 0.5291, IoU.kitchen island: 0.4417, IoU.computer: 0.7457, IoU.swivel chair: 0.4473, IoU.boat: 0.4708, IoU.bar: 0.6302, IoU.arcade machine: 0.8707, IoU.hovel: 0.4503, IoU.bus: 0.9039, IoU.towel: 0.7283, IoU.light: 0.4363, IoU.truck: 0.4491, IoU.tower: 0.1497, IoU.chandelier: 0.6669, IoU.awning: 0.3397, IoU.streetlight: 0.2569, IoU.booth: 0.3074, IoU.television receiver: 0.7448, IoU.airplane: 0.6017, IoU.dirt track: 0.1107, IoU.apparel: 0.4553, IoU.pole: 0.1728, IoU.land: 0.0000, IoU.bannister: 0.1081, IoU.escalator: 0.6362, IoU.ottoman: 0.5316, IoU.bottle: 0.1950, IoU.buffet: 0.5779, IoU.poster: 0.1848, IoU.stage: 0.2754, IoU.van: 0.2731, IoU.ship: 0.6051, IoU.fountain: 0.6727, IoU.conveyer belt: 0.7379, IoU.canopy: 0.5048, IoU.washer: 0.8745, IoU.plaything: 0.3448, IoU.swimming pool: 0.5999, IoU.stool: 0.3865, IoU.barrel: 0.5023, IoU.basket: 0.3890, IoU.waterfall: 0.6076, IoU.tent: 0.4805, IoU.bag: 0.2408, IoU.minibike: 0.7344, IoU.cradle: 0.8528, IoU.oven: 0.5502, IoU.ball: 0.5471, IoU.food: 0.6133, IoU.step: 0.0854, IoU.tank: 0.7652, IoU.trade name: 0.0915, IoU.microwave: 0.8456, IoU.pot: 0.5280, IoU.animal: 0.6800, IoU.bicycle: 0.5936, IoU.lake: 0.4054, IoU.dishwasher: 0.6711, IoU.screen: 0.6161, IoU.blanket: 0.1433, IoU.sculpture: 0.6686, IoU.hood: 0.6423, IoU.sconce: 0.5148, IoU.vase: 0.4044, IoU.traffic light: 0.2860, IoU.tray: 0.0576, IoU.ashcan: 0.4810, IoU.fan: 0.6095, IoU.pier: 0.3722, IoU.crt screen: 0.1176, IoU.plate: 0.5870, IoU.monitor: 0.6023, IoU.bulletin board: 0.4844, IoU.shower: 0.0260, IoU.radiator: 0.6554, IoU.glass: 0.1349, IoU.clock: 0.4003, IoU.flag: 0.7019, Acc.wall: 0.8933, Acc.building: 0.9362, Acc.sky: 0.9656, Acc.floor: 0.9026, Acc.tree: 0.8958, Acc.ceiling: 0.8928, Acc.road: 0.8923, Acc.bed : 0.9622, Acc.windowpane: 0.8281, Acc.grass: 0.8380, Acc.cabinet: 0.7419, Acc.sidewalk: 0.8443, Acc.person: 0.9151, Acc.earth: 0.4009, Acc.door: 0.6039, Acc.table: 0.7005, Acc.mountain: 0.7046, Acc.plant: 0.6773, Acc.curtain: 0.8491, Acc.chair: 0.7324, Acc.car: 0.9322, Acc.water: 0.7766, Acc.painting: 0.8764, Acc.sofa: 0.9196, Acc.shelf: 0.5487, Acc.house: 0.6531, Acc.sea: 0.8407, Acc.mirror: 0.8337, Acc.rug: 0.8308, Acc.field: 0.4897, Acc.armchair: 0.6507, Acc.seat: 0.8279, Acc.fence: 0.6313, Acc.desk: 0.7934, Acc.rock: 0.7221, Acc.wardrobe: 0.7202, Acc.lamp: 0.7867, Acc.bathtub: 0.8598, Acc.railing: 0.5846, Acc.cushion: 0.7267, Acc.base: 0.5798, Acc.box: 0.4347, Acc.column: 0.5829, Acc.signboard: 0.4988, Acc.chest of drawers: 0.7463, Acc.counter: 0.5699, Acc.sand: 0.6571, Acc.sink: 0.8425, Acc.skyscraper: 0.6576, Acc.fireplace: 0.9359, Acc.refrigerator: 0.9041, Acc.grandstand: 0.8279, Acc.path: 0.3835, Acc.stairs: 0.4908, Acc.runway: 0.9521, Acc.case: 0.8620, Acc.pool table: 0.9814, Acc.pillow: 0.7396, Acc.screen door: 0.7163, Acc.stairway: 0.7244, Acc.river: 0.2052, Acc.bridge: 0.8974, Acc.bookcase: 0.5208, Acc.blind: 0.0818, Acc.coffee table: 0.8600, Acc.toilet: 0.9501, Acc.flower: 0.5045, Acc.book: 0.6924, Acc.hill: 0.2196, Acc.bench: 0.7378, Acc.countertop: 0.8700, Acc.stove: 0.8828, Acc.palm: 0.7927, Acc.kitchen island: 0.8450, Acc.computer: 0.9036, Acc.swivel chair: 0.6134, Acc.boat: 0.5810, Acc.bar: 0.8005, Acc.arcade machine: 0.9766, Acc.hovel: 0.5175, Acc.bus: 0.9630, Acc.towel: 0.8056, Acc.light: 0.4859, Acc.truck: 0.5989, Acc.tower: 0.2150, Acc.chandelier: 0.7620, Acc.awning: 0.4097, Acc.streetlight: 0.3355, Acc.booth: 0.4136, Acc.television receiver: 0.8298, Acc.airplane: 0.6742, Acc.dirt track: 0.2101, Acc.apparel: 0.6155, Acc.pole: 0.2050, Acc.land: 0.0000, Acc.bannister: 0.1464, Acc.escalator: 0.8589, Acc.ottoman: 0.7267, Acc.bottle: 0.2243, Acc.buffet: 0.6645, Acc.poster: 0.2212, Acc.stage: 0.7187, Acc.van: 0.3017, Acc.ship: 0.9341, Acc.fountain: 0.8154, Acc.conveyer belt: 0.9743, Acc.canopy: 0.7299, Acc.washer: 0.9712, Acc.plaything: 0.5384, Acc.swimming pool: 0.8975, Acc.stool: 0.5648, Acc.barrel: 0.6510, Acc.basket: 0.4737, Acc.waterfall: 0.7848, Acc.tent: 0.9916, Acc.bag: 0.2629, Acc.minibike: 0.8803, Acc.cradle: 0.9669, Acc.oven: 0.7302, Acc.ball: 0.6797, Acc.food: 0.7305, Acc.step: 0.0910, Acc.tank: 0.9321, Acc.trade name: 0.0936, Acc.microwave: 0.9459, Acc.pot: 0.5970, Acc.animal: 0.6990, Acc.bicycle: 0.7538, Acc.lake: 0.6376, Acc.dishwasher: 0.7172, Acc.screen: 0.8900, Acc.blanket: 0.1588, Acc.sculpture: 0.7766, Acc.hood: 0.7020, Acc.sconce: 0.6876, Acc.vase: 0.5807, Acc.traffic light: 0.5845, Acc.tray: 0.0663, Acc.ashcan: 0.6187, Acc.fan: 0.7382, Acc.pier: 0.4597, Acc.crt screen: 0.1284, Acc.plate: 0.7524, Acc.monitor: 0.8190, Acc.bulletin board: 0.5265, Acc.shower: 0.1354, Acc.radiator: 0.7014, Acc.glass: 0.1436, Acc.clock: 0.4409, Acc.flag: 0.7793 2024-01-17 23:39:27,185 - mmseg - INFO - Iter [8050/80000] lr: 3.598e-05, eta: 1 day, 4:31:34, time: 4.378, data_time: 3.177, memory: 59004, decode.loss_ce: 0.3467, decode.acc_seg: 85.7971, aux.loss_ce: 0.1494, aux.acc_seg: 84.8773, loss: 0.4962 2024-01-17 23:40:27,496 - mmseg - INFO - Iter [8100/80000] lr: 3.595e-05, eta: 1 day, 4:28:44, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3576, decode.acc_seg: 85.3640, aux.loss_ce: 0.1534, aux.acc_seg: 84.2575, loss: 0.5110 2024-01-17 23:41:27,829 - mmseg - INFO - Iter [8150/80000] lr: 3.593e-05, eta: 1 day, 4:25:57, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3447, decode.acc_seg: 85.5744, aux.loss_ce: 0.1479, aux.acc_seg: 84.7709, loss: 0.4926 2024-01-17 23:42:28,149 - mmseg - INFO - Iter [8200/80000] lr: 3.590e-05, eta: 1 day, 4:23:10, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3772, decode.acc_seg: 84.9856, aux.loss_ce: 0.1607, aux.acc_seg: 83.8295, loss: 0.5379 2024-01-17 23:43:28,530 - mmseg - INFO - Iter [8250/80000] lr: 3.588e-05, eta: 1 day, 4:20:25, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3561, decode.acc_seg: 85.5688, aux.loss_ce: 0.1534, aux.acc_seg: 84.5390, loss: 0.5095 2024-01-17 23:44:29,024 - mmseg - INFO - Iter [8300/80000] lr: 3.585e-05, eta: 1 day, 4:17:42, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3519, decode.acc_seg: 85.9981, aux.loss_ce: 0.1510, aux.acc_seg: 85.0105, loss: 0.5029 2024-01-17 23:45:29,380 - mmseg - INFO - Iter [8350/80000] lr: 3.583e-05, eta: 1 day, 4:14:59, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3470, decode.acc_seg: 85.4049, aux.loss_ce: 0.1512, aux.acc_seg: 84.4044, loss: 0.4982 2024-01-17 23:46:29,913 - mmseg - INFO - Iter [8400/80000] lr: 3.580e-05, eta: 1 day, 4:12:20, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3486, decode.acc_seg: 85.7630, aux.loss_ce: 0.1511, aux.acc_seg: 84.9330, loss: 0.4998 2024-01-17 23:47:30,279 - mmseg - INFO - Iter [8450/80000] lr: 3.578e-05, eta: 1 day, 4:09:39, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3654, decode.acc_seg: 85.1363, aux.loss_ce: 0.1553, aux.acc_seg: 84.0505, loss: 0.5206 2024-01-17 23:48:30,770 - mmseg - INFO - Iter [8500/80000] lr: 3.575e-05, eta: 1 day, 4:07:01, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3543, decode.acc_seg: 85.3433, aux.loss_ce: 0.1519, aux.acc_seg: 84.3069, loss: 0.5062 2024-01-17 23:49:31,100 - mmseg - INFO - Iter [8550/80000] lr: 3.573e-05, eta: 1 day, 4:04:23, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3449, decode.acc_seg: 85.0533, aux.loss_ce: 0.1512, aux.acc_seg: 83.9291, loss: 0.4960 2024-01-17 23:50:31,409 - mmseg - INFO - Iter [8600/80000] lr: 3.570e-05, eta: 1 day, 4:01:46, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3346, decode.acc_seg: 86.2465, aux.loss_ce: 0.1437, aux.acc_seg: 85.4050, loss: 0.4782 2024-01-17 23:51:31,754 - mmseg - INFO - Iter [8650/80000] lr: 3.568e-05, eta: 1 day, 3:59:10, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3563, decode.acc_seg: 84.9887, aux.loss_ce: 0.1522, aux.acc_seg: 84.2765, loss: 0.5085 2024-01-17 23:52:32,209 - mmseg - INFO - Iter [8700/80000] lr: 3.565e-05, eta: 1 day, 3:56:36, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.3291, decode.acc_seg: 86.5121, aux.loss_ce: 0.1455, aux.acc_seg: 85.1591, loss: 0.4746 2024-01-17 23:53:32,540 - mmseg - INFO - Iter [8750/80000] lr: 3.563e-05, eta: 1 day, 3:54:03, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3577, decode.acc_seg: 85.2287, aux.loss_ce: 0.1499, aux.acc_seg: 84.6616, loss: 0.5076 2024-01-17 23:54:32,865 - mmseg - INFO - Iter [8800/80000] lr: 3.560e-05, eta: 1 day, 3:51:30, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3487, decode.acc_seg: 85.7470, aux.loss_ce: 0.1489, aux.acc_seg: 84.9218, loss: 0.4976 2024-01-17 23:55:35,615 - mmseg - INFO - Iter [8850/80000] lr: 3.558e-05, eta: 1 day, 3:49:18, time: 1.255, data_time: 0.051, memory: 59004, decode.loss_ce: 0.3577, decode.acc_seg: 85.5945, aux.loss_ce: 0.1530, aux.acc_seg: 84.7251, loss: 0.5108 2024-01-17 23:56:36,008 - mmseg - INFO - Iter [8900/80000] lr: 3.555e-05, eta: 1 day, 3:46:48, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2987, decode.acc_seg: 87.8599, aux.loss_ce: 0.1337, aux.acc_seg: 86.3368, loss: 0.4324 2024-01-17 23:57:36,491 - mmseg - INFO - Iter [8950/80000] lr: 3.553e-05, eta: 1 day, 3:44:19, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3123, decode.acc_seg: 86.9911, aux.loss_ce: 0.1387, aux.acc_seg: 85.6198, loss: 0.4509 2024-01-17 23:58:36,845 - mmseg - INFO - Saving checkpoint at 9000 iterations 2024-01-17 23:59:24,285 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-17 23:59:24,285 - mmseg - INFO - Iter [9000/80000] lr: 3.550e-05, eta: 1 day, 3:48:05, time: 2.156, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3284, decode.acc_seg: 86.4879, aux.loss_ce: 0.1450, aux.acc_seg: 85.4569, loss: 0.4735 2024-01-18 00:02:04,025 - mmseg - INFO - per class results: 2024-01-18 00:02:04,036 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.45 | 91.72 | | building | 83.91 | 91.82 | | sky | 94.22 | 97.22 | | floor | 82.0 | 91.82 | | tree | 74.87 | 87.96 | | ceiling | 82.88 | 87.56 | | road | 85.69 | 91.87 | | bed | 90.56 | 97.52 | | windowpane | 64.38 | 76.79 | | grass | 71.17 | 81.75 | | cabinet | 64.85 | 77.51 | | sidewalk | 67.77 | 82.27 | | person | 83.09 | 91.69 | | earth | 39.7 | 57.75 | | door | 53.48 | 63.46 | | table | 64.89 | 78.71 | | mountain | 53.84 | 67.67 | | plant | 50.9 | 56.52 | | curtain | 77.59 | 86.12 | | chair | 60.14 | 70.88 | | car | 84.99 | 92.48 | | water | 64.43 | 81.67 | | painting | 73.66 | 88.23 | | sofa | 76.38 | 91.87 | | shelf | 44.61 | 63.9 | | house | 51.26 | 78.23 | | sea | 77.21 | 90.86 | | mirror | 75.16 | 85.07 | | rug | 55.33 | 62.92 | | field | 36.51 | 55.27 | | armchair | 54.62 | 71.32 | | seat | 67.27 | 87.09 | | fence | 47.68 | 56.58 | | desk | 53.99 | 79.55 | | rock | 53.14 | 78.04 | | wardrobe | 55.4 | 69.88 | | lamp | 67.41 | 75.77 | | bathtub | 79.45 | 85.12 | | railing | 41.17 | 52.21 | | cushion | 64.45 | 74.08 | | base | 37.6 | 59.23 | | box | 30.54 | 36.36 | | column | 45.94 | 52.7 | | signboard | 37.03 | 49.28 | | chest of drawers | 47.4 | 60.4 | | counter | 42.82 | 47.43 | | sand | 56.61 | 81.07 | | sink | 73.71 | 81.89 | | skyscraper | 50.97 | 70.4 | | fireplace | 73.91 | 85.04 | | refrigerator | 79.22 | 85.11 | | grandstand | 58.51 | 85.79 | | path | 20.38 | 27.54 | | stairs | 25.81 | 28.56 | | runway | 69.43 | 95.61 | | case | 69.52 | 81.71 | | pool table | 93.31 | 96.2 | | pillow | 59.54 | 66.2 | | screen door | 64.95 | 75.67 | | stairway | 40.31 | 71.83 | | river | 17.09 | 27.57 | | bridge | 68.13 | 92.27 | | bookcase | 45.42 | 66.85 | | blind | 46.43 | 62.61 | | coffee table | 63.06 | 83.17 | | toilet | 87.76 | 96.2 | | flower | 38.47 | 52.09 | | book | 49.7 | 63.06 | | hill | 5.48 | 8.1 | | bench | 60.46 | 74.08 | | countertop | 63.84 | 84.08 | | stove | 74.36 | 77.18 | | palm | 56.2 | 69.53 | | kitchen island | 47.42 | 64.29 | | computer | 62.22 | 67.96 | | swivel chair | 47.89 | 71.63 | | boat | 72.6 | 86.36 | | bar | 69.35 | 83.65 | | arcade machine | 84.53 | 88.93 | | hovel | 65.41 | 79.73 | | bus | 91.54 | 95.37 | | towel | 72.59 | 79.07 | | light | 39.64 | 41.84 | | truck | 41.14 | 48.55 | | tower | 11.53 | 16.69 | | chandelier | 67.74 | 75.33 | | awning | 42.24 | 48.17 | | streetlight | 23.89 | 29.52 | | booth | 47.89 | 80.12 | | television receiver | 77.84 | 83.53 | | airplane | 60.54 | 66.62 | | dirt track | 11.57 | 20.37 | | apparel | 50.47 | 65.65 | | pole | 22.46 | 30.05 | | land | 5.96 | 10.92 | | bannister | 10.06 | 14.29 | | escalator | 60.89 | 79.36 | | ottoman | 54.72 | 69.92 | | bottle | 39.19 | 60.53 | | buffet | 48.86 | 53.38 | | poster | 21.92 | 22.72 | | stage | 24.57 | 50.68 | | van | 42.73 | 53.99 | | ship | 88.78 | 94.99 | | fountain | 57.24 | 59.8 | | conveyer belt | 78.52 | 96.47 | | canopy | 46.5 | 67.84 | | washer | 86.46 | 95.29 | | plaything | 39.12 | 52.9 | | swimming pool | 55.58 | 77.52 | | stool | 43.81 | 58.41 | | barrel | 56.07 | 64.5 | | basket | 38.56 | 51.2 | | waterfall | 52.76 | 61.61 | | tent | 95.87 | 98.17 | | bag | 11.25 | 11.7 | | minibike | 74.07 | 88.07 | | cradle | 79.31 | 98.14 | | oven | 49.04 | 77.34 | | ball | 38.61 | 68.74 | | food | 61.84 | 75.52 | | step | 8.72 | 9.09 | | tank | 64.56 | 74.88 | | trade name | 7.99 | 8.09 | | microwave | 86.26 | 92.72 | | pot | 48.76 | 56.31 | | animal | 69.06 | 71.62 | | bicycle | 57.39 | 70.85 | | lake | 53.92 | 63.54 | | dishwasher | 66.05 | 80.49 | | screen | 64.72 | 84.45 | | blanket | 11.87 | 13.24 | | sculpture | 74.66 | 82.43 | | hood | 64.94 | 70.92 | | sconce | 48.16 | 56.16 | | vase | 37.21 | 43.24 | | traffic light | 30.86 | 40.72 | | tray | 10.13 | 12.26 | | ashcan | 48.53 | 59.78 | | fan | 55.92 | 62.5 | | pier | 39.92 | 44.17 | | crt screen | 11.97 | 13.3 | | plate | 55.27 | 66.61 | | monitor | 47.01 | 85.25 | | bulletin board | 47.54 | 52.15 | | shower | 0.0 | 0.0 | | radiator | 67.66 | 74.07 | | glass | 9.12 | 9.28 | | clock | 40.63 | 44.62 | | flag | 67.18 | 70.61 | +---------------------+-------+-------+ 2024-01-18 00:02:04,036 - mmseg - INFO - Summary: 2024-01-18 00:02:04,037 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.74 | 54.48 | 65.96 | +-------+-------+-------+ 2024-01-18 00:02:04,038 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 00:02:04,038 - mmseg - INFO - Iter(val) [250] aAcc: 0.8474, mIoU: 0.5448, mAcc: 0.6596, IoU.wall: 0.7945, IoU.building: 0.8391, IoU.sky: 0.9422, IoU.floor: 0.8200, IoU.tree: 0.7487, IoU.ceiling: 0.8288, IoU.road: 0.8569, IoU.bed : 0.9056, IoU.windowpane: 0.6438, IoU.grass: 0.7117, IoU.cabinet: 0.6485, IoU.sidewalk: 0.6777, IoU.person: 0.8309, IoU.earth: 0.3970, IoU.door: 0.5348, IoU.table: 0.6489, IoU.mountain: 0.5384, IoU.plant: 0.5090, IoU.curtain: 0.7759, IoU.chair: 0.6014, IoU.car: 0.8499, IoU.water: 0.6443, IoU.painting: 0.7366, IoU.sofa: 0.7638, IoU.shelf: 0.4461, IoU.house: 0.5126, IoU.sea: 0.7721, IoU.mirror: 0.7516, IoU.rug: 0.5533, IoU.field: 0.3651, IoU.armchair: 0.5462, IoU.seat: 0.6727, IoU.fence: 0.4768, IoU.desk: 0.5399, IoU.rock: 0.5314, IoU.wardrobe: 0.5540, IoU.lamp: 0.6741, IoU.bathtub: 0.7945, IoU.railing: 0.4117, IoU.cushion: 0.6445, IoU.base: 0.3760, IoU.box: 0.3054, IoU.column: 0.4594, IoU.signboard: 0.3703, IoU.chest of drawers: 0.4740, IoU.counter: 0.4282, IoU.sand: 0.5661, IoU.sink: 0.7371, IoU.skyscraper: 0.5097, IoU.fireplace: 0.7391, IoU.refrigerator: 0.7922, IoU.grandstand: 0.5851, IoU.path: 0.2038, IoU.stairs: 0.2581, IoU.runway: 0.6943, IoU.case: 0.6952, IoU.pool table: 0.9331, IoU.pillow: 0.5954, IoU.screen door: 0.6495, IoU.stairway: 0.4031, IoU.river: 0.1709, IoU.bridge: 0.6813, IoU.bookcase: 0.4542, IoU.blind: 0.4643, IoU.coffee table: 0.6306, IoU.toilet: 0.8776, IoU.flower: 0.3847, IoU.book: 0.4970, IoU.hill: 0.0548, IoU.bench: 0.6046, IoU.countertop: 0.6384, IoU.stove: 0.7436, IoU.palm: 0.5620, IoU.kitchen island: 0.4742, IoU.computer: 0.6222, IoU.swivel chair: 0.4789, IoU.boat: 0.7260, IoU.bar: 0.6935, IoU.arcade machine: 0.8453, IoU.hovel: 0.6541, IoU.bus: 0.9154, IoU.towel: 0.7259, IoU.light: 0.3964, IoU.truck: 0.4114, IoU.tower: 0.1153, IoU.chandelier: 0.6774, IoU.awning: 0.4224, IoU.streetlight: 0.2389, IoU.booth: 0.4789, IoU.television receiver: 0.7784, IoU.airplane: 0.6054, IoU.dirt track: 0.1157, IoU.apparel: 0.5047, IoU.pole: 0.2246, IoU.land: 0.0596, IoU.bannister: 0.1006, IoU.escalator: 0.6089, IoU.ottoman: 0.5472, IoU.bottle: 0.3919, IoU.buffet: 0.4886, IoU.poster: 0.2192, IoU.stage: 0.2457, IoU.van: 0.4273, IoU.ship: 0.8878, IoU.fountain: 0.5724, IoU.conveyer belt: 0.7852, IoU.canopy: 0.4650, IoU.washer: 0.8646, IoU.plaything: 0.3912, IoU.swimming pool: 0.5558, IoU.stool: 0.4381, IoU.barrel: 0.5607, IoU.basket: 0.3856, IoU.waterfall: 0.5276, IoU.tent: 0.9587, IoU.bag: 0.1125, IoU.minibike: 0.7407, IoU.cradle: 0.7931, IoU.oven: 0.4904, IoU.ball: 0.3861, IoU.food: 0.6184, IoU.step: 0.0872, IoU.tank: 0.6456, IoU.trade name: 0.0799, IoU.microwave: 0.8626, IoU.pot: 0.4876, IoU.animal: 0.6906, IoU.bicycle: 0.5739, IoU.lake: 0.5392, IoU.dishwasher: 0.6605, IoU.screen: 0.6472, IoU.blanket: 0.1187, IoU.sculpture: 0.7466, IoU.hood: 0.6494, IoU.sconce: 0.4816, IoU.vase: 0.3721, IoU.traffic light: 0.3086, IoU.tray: 0.1013, IoU.ashcan: 0.4853, IoU.fan: 0.5592, IoU.pier: 0.3992, IoU.crt screen: 0.1197, IoU.plate: 0.5527, IoU.monitor: 0.4701, IoU.bulletin board: 0.4754, IoU.shower: 0.0000, IoU.radiator: 0.6766, IoU.glass: 0.0912, IoU.clock: 0.4063, IoU.flag: 0.6718, Acc.wall: 0.9172, Acc.building: 0.9182, Acc.sky: 0.9722, Acc.floor: 0.9182, Acc.tree: 0.8796, Acc.ceiling: 0.8756, Acc.road: 0.9187, Acc.bed : 0.9752, Acc.windowpane: 0.7679, Acc.grass: 0.8175, Acc.cabinet: 0.7751, Acc.sidewalk: 0.8227, Acc.person: 0.9169, Acc.earth: 0.5775, Acc.door: 0.6346, Acc.table: 0.7871, Acc.mountain: 0.6767, Acc.plant: 0.5652, Acc.curtain: 0.8612, Acc.chair: 0.7088, Acc.car: 0.9248, Acc.water: 0.8167, Acc.painting: 0.8823, Acc.sofa: 0.9187, Acc.shelf: 0.6390, Acc.house: 0.7823, Acc.sea: 0.9086, Acc.mirror: 0.8507, Acc.rug: 0.6292, Acc.field: 0.5527, Acc.armchair: 0.7132, Acc.seat: 0.8709, Acc.fence: 0.5658, Acc.desk: 0.7955, Acc.rock: 0.7804, Acc.wardrobe: 0.6988, Acc.lamp: 0.7577, Acc.bathtub: 0.8512, Acc.railing: 0.5221, Acc.cushion: 0.7408, Acc.base: 0.5923, Acc.box: 0.3636, Acc.column: 0.5270, Acc.signboard: 0.4928, Acc.chest of drawers: 0.6040, Acc.counter: 0.4743, Acc.sand: 0.8107, Acc.sink: 0.8189, Acc.skyscraper: 0.7040, Acc.fireplace: 0.8504, Acc.refrigerator: 0.8511, Acc.grandstand: 0.8579, Acc.path: 0.2754, Acc.stairs: 0.2856, Acc.runway: 0.9561, Acc.case: 0.8171, Acc.pool table: 0.9620, Acc.pillow: 0.6620, Acc.screen door: 0.7567, Acc.stairway: 0.7183, Acc.river: 0.2757, Acc.bridge: 0.9227, Acc.bookcase: 0.6685, Acc.blind: 0.6261, Acc.coffee table: 0.8317, Acc.toilet: 0.9620, Acc.flower: 0.5209, Acc.book: 0.6306, Acc.hill: 0.0810, Acc.bench: 0.7408, Acc.countertop: 0.8408, Acc.stove: 0.7718, Acc.palm: 0.6953, Acc.kitchen island: 0.6429, Acc.computer: 0.6796, Acc.swivel chair: 0.7163, Acc.boat: 0.8636, Acc.bar: 0.8365, Acc.arcade machine: 0.8893, Acc.hovel: 0.7973, Acc.bus: 0.9537, Acc.towel: 0.7907, Acc.light: 0.4184, Acc.truck: 0.4855, Acc.tower: 0.1669, Acc.chandelier: 0.7533, Acc.awning: 0.4817, Acc.streetlight: 0.2952, Acc.booth: 0.8012, Acc.television receiver: 0.8353, Acc.airplane: 0.6662, Acc.dirt track: 0.2037, Acc.apparel: 0.6565, Acc.pole: 0.3005, Acc.land: 0.1092, Acc.bannister: 0.1429, Acc.escalator: 0.7936, Acc.ottoman: 0.6992, Acc.bottle: 0.6053, Acc.buffet: 0.5338, Acc.poster: 0.2272, Acc.stage: 0.5068, Acc.van: 0.5399, Acc.ship: 0.9499, Acc.fountain: 0.5980, Acc.conveyer belt: 0.9647, Acc.canopy: 0.6784, Acc.washer: 0.9529, Acc.plaything: 0.5290, Acc.swimming pool: 0.7752, Acc.stool: 0.5841, Acc.barrel: 0.6450, Acc.basket: 0.5120, Acc.waterfall: 0.6161, Acc.tent: 0.9817, Acc.bag: 0.1170, Acc.minibike: 0.8807, Acc.cradle: 0.9814, Acc.oven: 0.7734, Acc.ball: 0.6874, Acc.food: 0.7552, Acc.step: 0.0909, Acc.tank: 0.7488, Acc.trade name: 0.0809, Acc.microwave: 0.9272, Acc.pot: 0.5631, Acc.animal: 0.7162, Acc.bicycle: 0.7085, Acc.lake: 0.6354, Acc.dishwasher: 0.8049, Acc.screen: 0.8445, Acc.blanket: 0.1324, Acc.sculpture: 0.8243, Acc.hood: 0.7092, Acc.sconce: 0.5616, Acc.vase: 0.4324, Acc.traffic light: 0.4072, Acc.tray: 0.1226, Acc.ashcan: 0.5978, Acc.fan: 0.6250, Acc.pier: 0.4417, Acc.crt screen: 0.1330, Acc.plate: 0.6661, Acc.monitor: 0.8525, Acc.bulletin board: 0.5215, Acc.shower: 0.0000, Acc.radiator: 0.7407, Acc.glass: 0.0928, Acc.clock: 0.4462, Acc.flag: 0.7061 2024-01-18 00:03:04,863 - mmseg - INFO - Iter [9050/80000] lr: 3.548e-05, eta: 1 day, 4:06:31, time: 4.412, data_time: 3.212, memory: 59004, decode.loss_ce: 0.3247, decode.acc_seg: 86.9112, aux.loss_ce: 0.1431, aux.acc_seg: 85.5829, loss: 0.4678 2024-01-18 00:04:05,209 - mmseg - INFO - Iter [9100/80000] lr: 3.545e-05, eta: 1 day, 4:03:54, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3192, decode.acc_seg: 87.1067, aux.loss_ce: 0.1405, aux.acc_seg: 86.0409, loss: 0.4597 2024-01-18 00:05:05,532 - mmseg - INFO - Iter [9150/80000] lr: 3.543e-05, eta: 1 day, 4:01:19, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3107, decode.acc_seg: 86.9180, aux.loss_ce: 0.1378, aux.acc_seg: 85.5650, loss: 0.4485 2024-01-18 00:06:05,925 - mmseg - INFO - Iter [9200/80000] lr: 3.540e-05, eta: 1 day, 3:58:44, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3173, decode.acc_seg: 86.0078, aux.loss_ce: 0.1390, aux.acc_seg: 85.0111, loss: 0.4563 2024-01-18 00:07:06,272 - mmseg - INFO - Iter [9250/80000] lr: 3.538e-05, eta: 1 day, 3:56:11, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3175, decode.acc_seg: 86.8639, aux.loss_ce: 0.1401, aux.acc_seg: 85.5723, loss: 0.4576 2024-01-18 00:08:06,646 - mmseg - INFO - Iter [9300/80000] lr: 3.535e-05, eta: 1 day, 3:53:38, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3323, decode.acc_seg: 86.2306, aux.loss_ce: 0.1472, aux.acc_seg: 85.0870, loss: 0.4795 2024-01-18 00:09:07,494 - mmseg - INFO - Iter [9350/80000] lr: 3.533e-05, eta: 1 day, 3:51:10, time: 1.217, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3369, decode.acc_seg: 86.5073, aux.loss_ce: 0.1485, aux.acc_seg: 85.0387, loss: 0.4854 2024-01-18 00:10:08,106 - mmseg - INFO - Iter [9400/80000] lr: 3.530e-05, eta: 1 day, 3:48:42, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3312, decode.acc_seg: 86.2180, aux.loss_ce: 0.1461, aux.acc_seg: 85.0239, loss: 0.4773 2024-01-18 00:11:08,551 - mmseg - INFO - Iter [9450/80000] lr: 3.528e-05, eta: 1 day, 3:46:13, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3461, decode.acc_seg: 85.8618, aux.loss_ce: 0.1518, aux.acc_seg: 84.8221, loss: 0.4978 2024-01-18 00:12:08,972 - mmseg - INFO - Iter [9500/80000] lr: 3.525e-05, eta: 1 day, 3:43:44, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3466, decode.acc_seg: 85.7415, aux.loss_ce: 0.1513, aux.acc_seg: 84.5751, loss: 0.4979 2024-01-18 00:13:09,398 - mmseg - INFO - Iter [9550/80000] lr: 3.523e-05, eta: 1 day, 3:41:17, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3413, decode.acc_seg: 86.2893, aux.loss_ce: 0.1509, aux.acc_seg: 84.8355, loss: 0.4922 2024-01-18 00:14:09,777 - mmseg - INFO - Iter [9600/80000] lr: 3.520e-05, eta: 1 day, 3:38:50, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3266, decode.acc_seg: 86.4516, aux.loss_ce: 0.1413, aux.acc_seg: 85.6519, loss: 0.4679 2024-01-18 00:15:10,130 - mmseg - INFO - Iter [9650/80000] lr: 3.518e-05, eta: 1 day, 3:36:24, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3412, decode.acc_seg: 85.6577, aux.loss_ce: 0.1501, aux.acc_seg: 84.3185, loss: 0.4913 2024-01-18 00:16:10,497 - mmseg - INFO - Iter [9700/80000] lr: 3.515e-05, eta: 1 day, 3:33:59, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3362, decode.acc_seg: 85.8038, aux.loss_ce: 0.1476, aux.acc_seg: 84.6004, loss: 0.4838 2024-01-18 00:17:10,836 - mmseg - INFO - Iter [9750/80000] lr: 3.513e-05, eta: 1 day, 3:31:35, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3142, decode.acc_seg: 87.0903, aux.loss_ce: 0.1370, aux.acc_seg: 86.0570, loss: 0.4512 2024-01-18 00:18:11,186 - mmseg - INFO - Iter [9800/80000] lr: 3.510e-05, eta: 1 day, 3:29:11, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3272, decode.acc_seg: 86.6515, aux.loss_ce: 0.1435, aux.acc_seg: 85.5277, loss: 0.4707 2024-01-18 00:19:11,774 - mmseg - INFO - Iter [9850/80000] lr: 3.508e-05, eta: 1 day, 3:26:50, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3221, decode.acc_seg: 86.0712, aux.loss_ce: 0.1423, aux.acc_seg: 84.8284, loss: 0.4644 2024-01-18 00:20:12,329 - mmseg - INFO - Iter [9900/80000] lr: 3.505e-05, eta: 1 day, 3:24:30, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3204, decode.acc_seg: 86.5891, aux.loss_ce: 0.1392, aux.acc_seg: 85.3919, loss: 0.4595 2024-01-18 00:21:12,860 - mmseg - INFO - Iter [9950/80000] lr: 3.503e-05, eta: 1 day, 3:22:10, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3347, decode.acc_seg: 86.1488, aux.loss_ce: 0.1465, aux.acc_seg: 84.6973, loss: 0.4812 2024-01-18 00:22:13,199 - mmseg - INFO - Saving checkpoint at 10000 iterations 2024-01-18 00:23:03,767 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 00:23:03,767 - mmseg - INFO - Iter [10000/80000] lr: 3.500e-05, eta: 1 day, 3:25:44, time: 2.218, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3470, decode.acc_seg: 85.4586, aux.loss_ce: 0.1480, aux.acc_seg: 84.6524, loss: 0.4950 2024-01-18 00:25:41,517 - mmseg - INFO - per class results: 2024-01-18 00:25:41,523 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.89 | 89.17 | | building | 84.54 | 93.48 | | sky | 94.08 | 96.76 | | floor | 82.99 | 90.37 | | tree | 75.3 | 87.59 | | ceiling | 83.91 | 92.8 | | road | 85.05 | 91.86 | | bed | 91.2 | 96.57 | | windowpane | 63.4 | 76.96 | | grass | 67.56 | 77.44 | | cabinet | 62.77 | 68.46 | | sidewalk | 67.95 | 84.08 | | person | 82.66 | 89.98 | | earth | 37.12 | 52.08 | | door | 50.41 | 66.62 | | table | 65.81 | 79.78 | | mountain | 60.46 | 77.75 | | plant | 54.9 | 71.22 | | curtain | 77.58 | 86.88 | | chair | 62.24 | 76.33 | | car | 84.74 | 91.58 | | water | 55.82 | 67.08 | | painting | 71.89 | 84.25 | | sofa | 71.9 | 90.62 | | shelf | 42.61 | 56.83 | | house | 52.53 | 69.03 | | sea | 67.83 | 89.63 | | mirror | 74.82 | 88.18 | | rug | 67.96 | 80.7 | | field | 26.98 | 42.09 | | armchair | 44.81 | 55.2 | | seat | 65.25 | 89.28 | | fence | 46.87 | 58.63 | | desk | 49.53 | 62.55 | | rock | 55.7 | 74.72 | | wardrobe | 50.3 | 70.4 | | lamp | 66.97 | 76.05 | | bathtub | 78.87 | 80.65 | | railing | 44.76 | 58.8 | | cushion | 61.85 | 69.15 | | base | 25.61 | 36.15 | | box | 32.16 | 42.81 | | column | 50.22 | 59.66 | | signboard | 34.53 | 44.65 | | chest of drawers | 37.68 | 76.26 | | counter | 34.6 | 40.25 | | sand | 57.85 | 85.94 | | sink | 72.82 | 80.13 | | skyscraper | 59.88 | 72.29 | | fireplace | 68.37 | 92.81 | | refrigerator | 79.31 | 89.72 | | grandstand | 62.4 | 86.07 | | path | 27.0 | 40.4 | | stairs | 31.55 | 35.09 | | runway | 69.43 | 97.91 | | case | 66.21 | 84.43 | | pool table | 93.95 | 97.1 | | pillow | 63.97 | 71.98 | | screen door | 65.67 | 74.41 | | stairway | 37.68 | 61.11 | | river | 16.56 | 33.93 | | bridge | 69.62 | 91.71 | | bookcase | 40.34 | 61.31 | | blind | 41.09 | 48.42 | | coffee table | 63.29 | 83.07 | | toilet | 88.59 | 93.41 | | flower | 46.28 | 53.26 | | book | 49.27 | 68.84 | | hill | 6.78 | 9.67 | | bench | 59.27 | 67.4 | | countertop | 62.05 | 78.95 | | stove | 80.42 | 91.58 | | palm | 55.3 | 67.27 | | kitchen island | 52.44 | 77.96 | | computer | 75.49 | 89.39 | | swivel chair | 48.11 | 64.35 | | boat | 50.8 | 92.57 | | bar | 66.33 | 87.97 | | arcade machine | 86.32 | 97.91 | | hovel | 50.21 | 68.62 | | bus | 91.37 | 96.01 | | towel | 74.91 | 81.92 | | light | 45.33 | 49.4 | | truck | 46.46 | 54.4 | | tower | 29.13 | 53.56 | | chandelier | 69.85 | 82.66 | | awning | 36.66 | 44.87 | | streetlight | 22.24 | 26.25 | | booth | 38.33 | 67.52 | | television receiver | 77.36 | 85.19 | | airplane | 63.92 | 77.91 | | dirt track | 5.57 | 8.92 | | apparel | 49.34 | 70.06 | | pole | 18.98 | 22.84 | | land | 1.88 | 4.11 | | bannister | 8.98 | 10.77 | | escalator | 59.28 | 87.46 | | ottoman | 54.13 | 73.41 | | bottle | 40.74 | 68.82 | | buffet | 55.67 | 67.09 | | poster | 25.23 | 40.33 | | stage | 22.51 | 64.73 | | van | 48.98 | 68.36 | | ship | 80.85 | 93.25 | | fountain | 53.46 | 55.62 | | conveyer belt | 67.66 | 97.94 | | canopy | 48.75 | 66.88 | | washer | 80.24 | 83.64 | | plaything | 27.6 | 63.07 | | swimming pool | 60.3 | 89.96 | | stool | 42.86 | 47.9 | | barrel | 58.22 | 64.54 | | basket | 37.9 | 46.35 | | waterfall | 50.57 | 57.42 | | tent | 78.81 | 98.25 | | bag | 18.17 | 19.2 | | minibike | 74.48 | 86.7 | | cradle | 75.45 | 97.38 | | oven | 65.77 | 79.18 | | ball | 49.53 | 57.28 | | food | 54.74 | 61.99 | | step | 11.74 | 13.31 | | tank | 73.61 | 94.94 | | trade name | 27.24 | 32.32 | | microwave | 86.08 | 91.62 | | pot | 49.21 | 53.47 | | animal | 72.53 | 75.71 | | bicycle | 58.92 | 79.35 | | lake | 43.77 | 63.56 | | dishwasher | 65.33 | 80.43 | | screen | 54.1 | 86.88 | | blanket | 15.1 | 16.92 | | sculpture | 56.69 | 66.43 | | hood | 66.39 | 70.91 | | sconce | 47.68 | 53.99 | | vase | 38.44 | 46.63 | | traffic light | 30.67 | 49.34 | | tray | 14.56 | 21.21 | | ashcan | 47.75 | 59.03 | | fan | 63.54 | 77.68 | | pier | 35.34 | 47.86 | | crt screen | 0.0 | 0.0 | | plate | 49.26 | 58.6 | | monitor | 69.1 | 83.08 | | bulletin board | 51.89 | 68.37 | | shower | 0.0 | 0.0 | | radiator | 64.2 | 68.36 | | glass | 12.95 | 13.61 | | clock | 41.43 | 46.89 | | flag | 66.38 | 69.89 | +---------------------+-------+-------+ 2024-01-18 00:25:41,523 - mmseg - INFO - Summary: 2024-01-18 00:25:41,523 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.49 | 54.11 | 67.08 | +-------+-------+-------+ 2024-01-18 00:25:41,524 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 00:25:41,524 - mmseg - INFO - Iter(val) [250] aAcc: 0.8449, mIoU: 0.5411, mAcc: 0.6708, IoU.wall: 0.7889, IoU.building: 0.8454, IoU.sky: 0.9408, IoU.floor: 0.8299, IoU.tree: 0.7530, IoU.ceiling: 0.8391, IoU.road: 0.8505, IoU.bed : 0.9120, IoU.windowpane: 0.6340, IoU.grass: 0.6756, IoU.cabinet: 0.6277, IoU.sidewalk: 0.6795, IoU.person: 0.8266, IoU.earth: 0.3712, IoU.door: 0.5041, IoU.table: 0.6581, IoU.mountain: 0.6046, IoU.plant: 0.5490, IoU.curtain: 0.7758, IoU.chair: 0.6224, IoU.car: 0.8474, IoU.water: 0.5582, IoU.painting: 0.7189, IoU.sofa: 0.7190, IoU.shelf: 0.4261, IoU.house: 0.5253, IoU.sea: 0.6783, IoU.mirror: 0.7482, IoU.rug: 0.6796, IoU.field: 0.2698, IoU.armchair: 0.4481, IoU.seat: 0.6525, IoU.fence: 0.4687, IoU.desk: 0.4953, IoU.rock: 0.5570, IoU.wardrobe: 0.5030, IoU.lamp: 0.6697, IoU.bathtub: 0.7887, IoU.railing: 0.4476, IoU.cushion: 0.6185, IoU.base: 0.2561, IoU.box: 0.3216, IoU.column: 0.5022, IoU.signboard: 0.3453, IoU.chest of drawers: 0.3768, IoU.counter: 0.3460, IoU.sand: 0.5785, IoU.sink: 0.7282, IoU.skyscraper: 0.5988, IoU.fireplace: 0.6837, IoU.refrigerator: 0.7931, IoU.grandstand: 0.6240, IoU.path: 0.2700, IoU.stairs: 0.3155, IoU.runway: 0.6943, IoU.case: 0.6621, IoU.pool table: 0.9395, IoU.pillow: 0.6397, IoU.screen door: 0.6567, IoU.stairway: 0.3768, IoU.river: 0.1656, IoU.bridge: 0.6962, IoU.bookcase: 0.4034, IoU.blind: 0.4109, IoU.coffee table: 0.6329, IoU.toilet: 0.8859, IoU.flower: 0.4628, IoU.book: 0.4927, IoU.hill: 0.0678, IoU.bench: 0.5927, IoU.countertop: 0.6205, IoU.stove: 0.8042, IoU.palm: 0.5530, IoU.kitchen island: 0.5244, IoU.computer: 0.7549, IoU.swivel chair: 0.4811, IoU.boat: 0.5080, IoU.bar: 0.6633, IoU.arcade machine: 0.8632, IoU.hovel: 0.5021, IoU.bus: 0.9137, IoU.towel: 0.7491, IoU.light: 0.4533, IoU.truck: 0.4646, IoU.tower: 0.2913, IoU.chandelier: 0.6985, IoU.awning: 0.3666, IoU.streetlight: 0.2224, IoU.booth: 0.3833, IoU.television receiver: 0.7736, IoU.airplane: 0.6392, IoU.dirt track: 0.0557, IoU.apparel: 0.4934, IoU.pole: 0.1898, IoU.land: 0.0188, IoU.bannister: 0.0898, IoU.escalator: 0.5928, IoU.ottoman: 0.5413, IoU.bottle: 0.4074, IoU.buffet: 0.5567, IoU.poster: 0.2523, IoU.stage: 0.2251, IoU.van: 0.4898, IoU.ship: 0.8085, IoU.fountain: 0.5346, IoU.conveyer belt: 0.6766, IoU.canopy: 0.4875, IoU.washer: 0.8024, IoU.plaything: 0.2760, IoU.swimming pool: 0.6030, IoU.stool: 0.4286, IoU.barrel: 0.5822, IoU.basket: 0.3790, IoU.waterfall: 0.5057, IoU.tent: 0.7881, IoU.bag: 0.1817, IoU.minibike: 0.7448, IoU.cradle: 0.7545, IoU.oven: 0.6577, IoU.ball: 0.4953, IoU.food: 0.5474, IoU.step: 0.1174, IoU.tank: 0.7361, IoU.trade name: 0.2724, IoU.microwave: 0.8608, IoU.pot: 0.4921, IoU.animal: 0.7253, IoU.bicycle: 0.5892, IoU.lake: 0.4377, IoU.dishwasher: 0.6533, IoU.screen: 0.5410, IoU.blanket: 0.1510, IoU.sculpture: 0.5669, IoU.hood: 0.6639, IoU.sconce: 0.4768, IoU.vase: 0.3844, IoU.traffic light: 0.3067, IoU.tray: 0.1456, IoU.ashcan: 0.4775, IoU.fan: 0.6354, IoU.pier: 0.3534, IoU.crt screen: 0.0000, IoU.plate: 0.4926, IoU.monitor: 0.6910, IoU.bulletin board: 0.5189, IoU.shower: 0.0000, IoU.radiator: 0.6420, IoU.glass: 0.1295, IoU.clock: 0.4143, IoU.flag: 0.6638, Acc.wall: 0.8917, Acc.building: 0.9348, Acc.sky: 0.9676, Acc.floor: 0.9037, Acc.tree: 0.8759, Acc.ceiling: 0.9280, Acc.road: 0.9186, Acc.bed : 0.9657, Acc.windowpane: 0.7696, Acc.grass: 0.7744, Acc.cabinet: 0.6846, Acc.sidewalk: 0.8408, Acc.person: 0.8998, Acc.earth: 0.5208, Acc.door: 0.6662, Acc.table: 0.7978, Acc.mountain: 0.7775, Acc.plant: 0.7122, Acc.curtain: 0.8688, Acc.chair: 0.7633, Acc.car: 0.9158, Acc.water: 0.6708, Acc.painting: 0.8425, Acc.sofa: 0.9062, Acc.shelf: 0.5683, Acc.house: 0.6903, Acc.sea: 0.8963, Acc.mirror: 0.8818, Acc.rug: 0.8070, Acc.field: 0.4209, Acc.armchair: 0.5520, Acc.seat: 0.8928, Acc.fence: 0.5863, Acc.desk: 0.6255, Acc.rock: 0.7472, Acc.wardrobe: 0.7040, Acc.lamp: 0.7605, Acc.bathtub: 0.8065, Acc.railing: 0.5880, Acc.cushion: 0.6915, Acc.base: 0.3615, Acc.box: 0.4281, Acc.column: 0.5966, Acc.signboard: 0.4465, Acc.chest of drawers: 0.7626, Acc.counter: 0.4025, Acc.sand: 0.8594, Acc.sink: 0.8013, Acc.skyscraper: 0.7229, Acc.fireplace: 0.9281, Acc.refrigerator: 0.8972, Acc.grandstand: 0.8607, Acc.path: 0.4040, Acc.stairs: 0.3509, Acc.runway: 0.9791, Acc.case: 0.8443, Acc.pool table: 0.9710, Acc.pillow: 0.7198, Acc.screen door: 0.7441, Acc.stairway: 0.6111, Acc.river: 0.3393, Acc.bridge: 0.9171, Acc.bookcase: 0.6131, Acc.blind: 0.4842, Acc.coffee table: 0.8307, Acc.toilet: 0.9341, Acc.flower: 0.5326, Acc.book: 0.6884, Acc.hill: 0.0967, Acc.bench: 0.6740, Acc.countertop: 0.7895, Acc.stove: 0.9158, Acc.palm: 0.6727, Acc.kitchen island: 0.7796, Acc.computer: 0.8939, Acc.swivel chair: 0.6435, Acc.boat: 0.9257, Acc.bar: 0.8797, Acc.arcade machine: 0.9791, Acc.hovel: 0.6862, Acc.bus: 0.9601, Acc.towel: 0.8192, Acc.light: 0.4940, Acc.truck: 0.5440, Acc.tower: 0.5356, Acc.chandelier: 0.8266, Acc.awning: 0.4487, Acc.streetlight: 0.2625, Acc.booth: 0.6752, Acc.television receiver: 0.8519, Acc.airplane: 0.7791, Acc.dirt track: 0.0892, Acc.apparel: 0.7006, Acc.pole: 0.2284, Acc.land: 0.0411, Acc.bannister: 0.1077, Acc.escalator: 0.8746, Acc.ottoman: 0.7341, Acc.bottle: 0.6882, Acc.buffet: 0.6709, Acc.poster: 0.4033, Acc.stage: 0.6473, Acc.van: 0.6836, Acc.ship: 0.9325, Acc.fountain: 0.5562, Acc.conveyer belt: 0.9794, Acc.canopy: 0.6688, Acc.washer: 0.8364, Acc.plaything: 0.6307, Acc.swimming pool: 0.8996, Acc.stool: 0.4790, Acc.barrel: 0.6454, Acc.basket: 0.4635, Acc.waterfall: 0.5742, Acc.tent: 0.9825, Acc.bag: 0.1920, Acc.minibike: 0.8670, Acc.cradle: 0.9738, Acc.oven: 0.7918, Acc.ball: 0.5728, Acc.food: 0.6199, Acc.step: 0.1331, Acc.tank: 0.9494, Acc.trade name: 0.3232, Acc.microwave: 0.9162, Acc.pot: 0.5347, Acc.animal: 0.7571, Acc.bicycle: 0.7935, Acc.lake: 0.6356, Acc.dishwasher: 0.8043, Acc.screen: 0.8688, Acc.blanket: 0.1692, Acc.sculpture: 0.6643, Acc.hood: 0.7091, Acc.sconce: 0.5399, Acc.vase: 0.4663, Acc.traffic light: 0.4934, Acc.tray: 0.2121, Acc.ashcan: 0.5903, Acc.fan: 0.7768, Acc.pier: 0.4786, Acc.crt screen: 0.0000, Acc.plate: 0.5860, Acc.monitor: 0.8308, Acc.bulletin board: 0.6837, Acc.shower: 0.0000, Acc.radiator: 0.6836, Acc.glass: 0.1361, Acc.clock: 0.4689, Acc.flag: 0.6989 2024-01-18 00:26:42,328 - mmseg - INFO - Iter [10050/80000] lr: 3.498e-05, eta: 1 day, 3:41:44, time: 4.371, data_time: 3.172, memory: 59004, decode.loss_ce: 0.3330, decode.acc_seg: 86.4046, aux.loss_ce: 0.1426, aux.acc_seg: 85.4831, loss: 0.4756 2024-01-18 00:27:42,924 - mmseg - INFO - Iter [10100/80000] lr: 3.495e-05, eta: 1 day, 3:39:19, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3379, decode.acc_seg: 86.3119, aux.loss_ce: 0.1460, aux.acc_seg: 85.2760, loss: 0.4839 2024-01-18 00:28:45,615 - mmseg - INFO - Iter [10150/80000] lr: 3.493e-05, eta: 1 day, 3:37:09, time: 1.254, data_time: 0.052, memory: 59004, decode.loss_ce: 0.3069, decode.acc_seg: 87.4790, aux.loss_ce: 0.1369, aux.acc_seg: 86.0018, loss: 0.4439 2024-01-18 00:29:45,952 - mmseg - INFO - Iter [10200/80000] lr: 3.490e-05, eta: 1 day, 3:34:43, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3254, decode.acc_seg: 87.0876, aux.loss_ce: 0.1438, aux.acc_seg: 85.7878, loss: 0.4693 2024-01-18 00:30:46,289 - mmseg - INFO - Iter [10250/80000] lr: 3.488e-05, eta: 1 day, 3:32:19, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3145, decode.acc_seg: 86.5142, aux.loss_ce: 0.1417, aux.acc_seg: 84.7909, loss: 0.4562 2024-01-18 00:31:46,757 - mmseg - INFO - Iter [10300/80000] lr: 3.485e-05, eta: 1 day, 3:29:56, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.3028, decode.acc_seg: 87.0588, aux.loss_ce: 0.1339, aux.acc_seg: 85.9412, loss: 0.4367 2024-01-18 00:32:47,247 - mmseg - INFO - Iter [10350/80000] lr: 3.483e-05, eta: 1 day, 3:27:34, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3098, decode.acc_seg: 87.0282, aux.loss_ce: 0.1369, aux.acc_seg: 85.4631, loss: 0.4467 2024-01-18 00:33:47,708 - mmseg - INFO - Iter [10400/80000] lr: 3.480e-05, eta: 1 day, 3:25:13, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2885, decode.acc_seg: 87.8311, aux.loss_ce: 0.1303, aux.acc_seg: 86.5361, loss: 0.4188 2024-01-18 00:34:48,226 - mmseg - INFO - Iter [10450/80000] lr: 3.478e-05, eta: 1 day, 3:22:53, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2937, decode.acc_seg: 87.4939, aux.loss_ce: 0.1333, aux.acc_seg: 86.0872, loss: 0.4269 2024-01-18 00:35:48,524 - mmseg - INFO - Iter [10500/80000] lr: 3.475e-05, eta: 1 day, 3:20:32, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3281, decode.acc_seg: 86.5516, aux.loss_ce: 0.1441, aux.acc_seg: 85.3407, loss: 0.4722 2024-01-18 00:36:48,901 - mmseg - INFO - Iter [10550/80000] lr: 3.473e-05, eta: 1 day, 3:18:13, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2954, decode.acc_seg: 87.8610, aux.loss_ce: 0.1333, aux.acc_seg: 86.2824, loss: 0.4287 2024-01-18 00:37:49,226 - mmseg - INFO - Iter [10600/80000] lr: 3.470e-05, eta: 1 day, 3:15:53, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3256, decode.acc_seg: 86.6861, aux.loss_ce: 0.1438, aux.acc_seg: 85.2671, loss: 0.4693 2024-01-18 00:38:49,642 - mmseg - INFO - Iter [10650/80000] lr: 3.468e-05, eta: 1 day, 3:13:36, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2916, decode.acc_seg: 87.3160, aux.loss_ce: 0.1297, aux.acc_seg: 86.2300, loss: 0.4213 2024-01-18 00:39:49,977 - mmseg - INFO - Iter [10700/80000] lr: 3.465e-05, eta: 1 day, 3:11:18, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3238, decode.acc_seg: 86.4085, aux.loss_ce: 0.1410, aux.acc_seg: 85.3454, loss: 0.4648 2024-01-18 00:40:50,404 - mmseg - INFO - Iter [10750/80000] lr: 3.463e-05, eta: 1 day, 3:09:02, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3156, decode.acc_seg: 87.0758, aux.loss_ce: 0.1371, aux.acc_seg: 85.8678, loss: 0.4527 2024-01-18 00:41:50,900 - mmseg - INFO - Iter [10800/80000] lr: 3.460e-05, eta: 1 day, 3:06:47, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3046, decode.acc_seg: 87.5273, aux.loss_ce: 0.1307, aux.acc_seg: 86.6923, loss: 0.4352 2024-01-18 00:42:51,590 - mmseg - INFO - Iter [10850/80000] lr: 3.458e-05, eta: 1 day, 3:04:33, time: 1.214, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3244, decode.acc_seg: 86.7085, aux.loss_ce: 0.1412, aux.acc_seg: 85.5988, loss: 0.4656 2024-01-18 00:43:52,151 - mmseg - INFO - Iter [10900/80000] lr: 3.455e-05, eta: 1 day, 3:02:20, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3430, decode.acc_seg: 85.7059, aux.loss_ce: 0.1461, aux.acc_seg: 84.7925, loss: 0.4891 2024-01-18 00:44:52,665 - mmseg - INFO - Iter [10950/80000] lr: 3.453e-05, eta: 1 day, 3:00:07, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3230, decode.acc_seg: 86.9322, aux.loss_ce: 0.1415, aux.acc_seg: 85.7953, loss: 0.4645 2024-01-18 00:45:53,058 - mmseg - INFO - Saving checkpoint at 11000 iterations 2024-01-18 00:46:37,022 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 00:46:37,022 - mmseg - INFO - Iter [11000/80000] lr: 3.450e-05, eta: 1 day, 3:02:30, time: 2.087, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3290, decode.acc_seg: 86.7470, aux.loss_ce: 0.1467, aux.acc_seg: 85.4520, loss: 0.4757 2024-01-18 00:49:14,110 - mmseg - INFO - per class results: 2024-01-18 00:49:14,117 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.47 | 88.29 | | building | 83.98 | 94.42 | | sky | 94.33 | 96.79 | | floor | 82.94 | 89.7 | | tree | 75.48 | 87.86 | | ceiling | 85.55 | 91.71 | | road | 84.42 | 93.76 | | bed | 91.14 | 97.7 | | windowpane | 64.23 | 77.56 | | grass | 67.38 | 80.28 | | cabinet | 62.92 | 75.3 | | sidewalk | 66.27 | 77.52 | | person | 82.74 | 90.93 | | earth | 33.3 | 44.92 | | door | 54.7 | 71.79 | | table | 65.29 | 80.37 | | mountain | 58.63 | 72.93 | | plant | 53.72 | 66.86 | | curtain | 77.23 | 88.89 | | chair | 60.73 | 72.8 | | car | 83.96 | 88.94 | | water | 55.37 | 68.5 | | painting | 69.7 | 89.1 | | sofa | 74.59 | 84.84 | | shelf | 43.13 | 55.65 | | house | 56.98 | 74.25 | | sea | 62.9 | 72.62 | | mirror | 77.12 | 89.76 | | rug | 66.09 | 77.21 | | field | 26.5 | 49.82 | | armchair | 52.36 | 80.09 | | seat | 64.38 | 82.08 | | fence | 44.46 | 56.13 | | desk | 50.71 | 78.88 | | rock | 53.96 | 75.51 | | wardrobe | 53.7 | 78.4 | | lamp | 67.81 | 81.77 | | bathtub | 83.28 | 89.68 | | railing | 39.31 | 48.94 | | cushion | 60.79 | 66.78 | | base | 30.64 | 36.65 | | box | 33.06 | 44.94 | | column | 49.96 | 79.92 | | signboard | 35.94 | 47.67 | | chest of drawers | 49.09 | 66.81 | | counter | 39.75 | 47.15 | | sand | 48.5 | 71.54 | | sink | 73.62 | 83.24 | | skyscraper | 51.93 | 67.78 | | fireplace | 69.2 | 89.95 | | refrigerator | 82.22 | 91.68 | | grandstand | 52.84 | 84.79 | | path | 21.63 | 27.84 | | stairs | 38.0 | 45.44 | | runway | 72.8 | 97.0 | | case | 62.99 | 78.14 | | pool table | 93.32 | 97.94 | | pillow | 66.25 | 79.9 | | screen door | 66.97 | 73.26 | | stairway | 44.63 | 52.09 | | river | 19.9 | 65.55 | | bridge | 61.55 | 92.5 | | bookcase | 44.51 | 70.0 | | blind | 30.11 | 32.76 | | coffee table | 62.14 | 89.35 | | toilet | 89.42 | 94.19 | | flower | 41.99 | 52.53 | | book | 46.19 | 56.08 | | hill | 5.29 | 9.61 | | bench | 61.38 | 69.06 | | countertop | 61.06 | 84.08 | | stove | 81.51 | 91.3 | | palm | 52.71 | 73.65 | | kitchen island | 38.52 | 78.07 | | computer | 77.06 | 89.09 | | swivel chair | 48.18 | 62.85 | | boat | 56.9 | 88.66 | | bar | 62.87 | 85.94 | | arcade machine | 86.9 | 97.64 | | hovel | 45.74 | 54.87 | | bus | 91.51 | 96.19 | | towel | 71.44 | 77.74 | | light | 49.82 | 58.27 | | truck | 36.86 | 46.43 | | tower | 15.28 | 20.07 | | chandelier | 69.2 | 80.28 | | awning | 40.82 | 51.08 | | streetlight | 24.96 | 33.57 | | booth | 39.66 | 50.04 | | television receiver | 77.84 | 87.27 | | airplane | 76.94 | 89.52 | | dirt track | 15.87 | 28.34 | | apparel | 50.51 | 62.6 | | pole | 12.64 | 14.59 | | land | 11.27 | 15.48 | | bannister | 9.91 | 13.09 | | escalator | 61.78 | 85.57 | | ottoman | 50.21 | 65.34 | | bottle | 41.82 | 63.84 | | buffet | 59.4 | 68.83 | | poster | 24.24 | 27.15 | | stage | 26.7 | 66.75 | | van | 40.81 | 75.28 | | ship | 85.95 | 94.11 | | fountain | 57.8 | 61.32 | | conveyer belt | 67.79 | 97.53 | | canopy | 40.29 | 58.44 | | washer | 88.7 | 98.04 | | plaything | 23.43 | 37.01 | | swimming pool | 58.66 | 86.15 | | stool | 42.67 | 51.46 | | barrel | 54.26 | 65.01 | | basket | 40.45 | 49.41 | | waterfall | 49.99 | 58.3 | | tent | 87.69 | 97.45 | | bag | 19.12 | 20.43 | | minibike | 74.32 | 85.5 | | cradle | 82.58 | 98.13 | | oven | 65.0 | 74.63 | | ball | 10.96 | 11.07 | | food | 54.45 | 65.87 | | step | 16.53 | 20.76 | | tank | 68.3 | 79.63 | | trade name | 13.78 | 14.15 | | microwave | 87.17 | 93.48 | | pot | 52.92 | 62.31 | | animal | 69.2 | 71.18 | | bicycle | 52.72 | 61.97 | | lake | 58.87 | 63.61 | | dishwasher | 66.84 | 75.37 | | screen | 59.26 | 80.33 | | blanket | 15.41 | 17.64 | | sculpture | 74.78 | 82.43 | | hood | 63.09 | 74.64 | | sconce | 53.15 | 63.63 | | vase | 40.75 | 58.67 | | traffic light | 31.47 | 52.43 | | tray | 7.65 | 9.82 | | ashcan | 48.97 | 58.56 | | fan | 63.29 | 75.36 | | pier | 44.58 | 53.44 | | crt screen | 1.26 | 1.43 | | plate | 55.11 | 72.33 | | monitor | 56.21 | 87.29 | | bulletin board | 60.85 | 73.51 | | shower | 0.07 | 0.08 | | radiator | 62.2 | 65.61 | | glass | 10.09 | 10.27 | | clock | 44.54 | 52.49 | | flag | 66.97 | 72.68 | +---------------------+-------+-------+ 2024-01-18 00:49:14,117 - mmseg - INFO - Summary: 2024-01-18 00:49:14,117 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.48 | 54.12 | 66.82 | +-------+-------+-------+ 2024-01-18 00:49:14,118 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 00:49:14,118 - mmseg - INFO - Iter(val) [250] aAcc: 0.8448, mIoU: 0.5412, mAcc: 0.6682, IoU.wall: 0.7947, IoU.building: 0.8398, IoU.sky: 0.9433, IoU.floor: 0.8294, IoU.tree: 0.7548, IoU.ceiling: 0.8555, IoU.road: 0.8442, IoU.bed : 0.9114, IoU.windowpane: 0.6423, IoU.grass: 0.6738, IoU.cabinet: 0.6292, IoU.sidewalk: 0.6627, IoU.person: 0.8274, IoU.earth: 0.3330, IoU.door: 0.5470, IoU.table: 0.6529, IoU.mountain: 0.5863, IoU.plant: 0.5372, IoU.curtain: 0.7723, IoU.chair: 0.6073, IoU.car: 0.8396, IoU.water: 0.5537, IoU.painting: 0.6970, IoU.sofa: 0.7459, IoU.shelf: 0.4313, IoU.house: 0.5698, IoU.sea: 0.6290, IoU.mirror: 0.7712, IoU.rug: 0.6609, IoU.field: 0.2650, IoU.armchair: 0.5236, IoU.seat: 0.6438, IoU.fence: 0.4446, IoU.desk: 0.5071, IoU.rock: 0.5396, IoU.wardrobe: 0.5370, IoU.lamp: 0.6781, IoU.bathtub: 0.8328, IoU.railing: 0.3931, IoU.cushion: 0.6079, IoU.base: 0.3064, IoU.box: 0.3306, IoU.column: 0.4996, IoU.signboard: 0.3594, IoU.chest of drawers: 0.4909, IoU.counter: 0.3975, IoU.sand: 0.4850, IoU.sink: 0.7362, IoU.skyscraper: 0.5193, IoU.fireplace: 0.6920, IoU.refrigerator: 0.8222, IoU.grandstand: 0.5284, IoU.path: 0.2163, IoU.stairs: 0.3800, IoU.runway: 0.7280, IoU.case: 0.6299, IoU.pool table: 0.9332, IoU.pillow: 0.6625, IoU.screen door: 0.6697, IoU.stairway: 0.4463, IoU.river: 0.1990, IoU.bridge: 0.6155, IoU.bookcase: 0.4451, IoU.blind: 0.3011, IoU.coffee table: 0.6214, IoU.toilet: 0.8942, IoU.flower: 0.4199, IoU.book: 0.4619, IoU.hill: 0.0529, IoU.bench: 0.6138, IoU.countertop: 0.6106, IoU.stove: 0.8151, IoU.palm: 0.5271, IoU.kitchen island: 0.3852, IoU.computer: 0.7706, IoU.swivel chair: 0.4818, IoU.boat: 0.5690, IoU.bar: 0.6287, IoU.arcade machine: 0.8690, IoU.hovel: 0.4574, IoU.bus: 0.9151, IoU.towel: 0.7144, IoU.light: 0.4982, IoU.truck: 0.3686, IoU.tower: 0.1528, IoU.chandelier: 0.6920, IoU.awning: 0.4082, IoU.streetlight: 0.2496, IoU.booth: 0.3966, IoU.television receiver: 0.7784, IoU.airplane: 0.7694, IoU.dirt track: 0.1587, IoU.apparel: 0.5051, IoU.pole: 0.1264, IoU.land: 0.1127, IoU.bannister: 0.0991, IoU.escalator: 0.6178, IoU.ottoman: 0.5021, IoU.bottle: 0.4182, IoU.buffet: 0.5940, IoU.poster: 0.2424, IoU.stage: 0.2670, IoU.van: 0.4081, IoU.ship: 0.8595, IoU.fountain: 0.5780, IoU.conveyer belt: 0.6779, IoU.canopy: 0.4029, IoU.washer: 0.8870, IoU.plaything: 0.2343, IoU.swimming pool: 0.5866, IoU.stool: 0.4267, IoU.barrel: 0.5426, IoU.basket: 0.4045, IoU.waterfall: 0.4999, IoU.tent: 0.8769, IoU.bag: 0.1912, IoU.minibike: 0.7432, IoU.cradle: 0.8258, IoU.oven: 0.6500, IoU.ball: 0.1096, IoU.food: 0.5445, IoU.step: 0.1653, IoU.tank: 0.6830, IoU.trade name: 0.1378, IoU.microwave: 0.8717, IoU.pot: 0.5292, IoU.animal: 0.6920, IoU.bicycle: 0.5272, IoU.lake: 0.5887, IoU.dishwasher: 0.6684, IoU.screen: 0.5926, IoU.blanket: 0.1541, IoU.sculpture: 0.7478, IoU.hood: 0.6309, IoU.sconce: 0.5315, IoU.vase: 0.4075, IoU.traffic light: 0.3147, IoU.tray: 0.0765, IoU.ashcan: 0.4897, IoU.fan: 0.6329, IoU.pier: 0.4458, IoU.crt screen: 0.0126, IoU.plate: 0.5511, IoU.monitor: 0.5621, IoU.bulletin board: 0.6085, IoU.shower: 0.0007, IoU.radiator: 0.6220, IoU.glass: 0.1009, IoU.clock: 0.4454, IoU.flag: 0.6697, Acc.wall: 0.8829, Acc.building: 0.9442, Acc.sky: 0.9679, Acc.floor: 0.8970, Acc.tree: 0.8786, Acc.ceiling: 0.9171, Acc.road: 0.9376, Acc.bed : 0.9770, Acc.windowpane: 0.7756, Acc.grass: 0.8028, Acc.cabinet: 0.7530, Acc.sidewalk: 0.7752, Acc.person: 0.9093, Acc.earth: 0.4492, Acc.door: 0.7179, Acc.table: 0.8037, Acc.mountain: 0.7293, Acc.plant: 0.6686, Acc.curtain: 0.8889, Acc.chair: 0.7280, Acc.car: 0.8894, Acc.water: 0.6850, Acc.painting: 0.8910, Acc.sofa: 0.8484, Acc.shelf: 0.5565, Acc.house: 0.7425, Acc.sea: 0.7262, Acc.mirror: 0.8976, Acc.rug: 0.7721, Acc.field: 0.4982, Acc.armchair: 0.8009, Acc.seat: 0.8208, Acc.fence: 0.5613, Acc.desk: 0.7888, Acc.rock: 0.7551, Acc.wardrobe: 0.7840, Acc.lamp: 0.8177, Acc.bathtub: 0.8968, Acc.railing: 0.4894, Acc.cushion: 0.6678, Acc.base: 0.3665, Acc.box: 0.4494, Acc.column: 0.7992, Acc.signboard: 0.4767, Acc.chest of drawers: 0.6681, Acc.counter: 0.4715, Acc.sand: 0.7154, Acc.sink: 0.8324, Acc.skyscraper: 0.6778, Acc.fireplace: 0.8995, Acc.refrigerator: 0.9168, Acc.grandstand: 0.8479, Acc.path: 0.2784, Acc.stairs: 0.4544, Acc.runway: 0.9700, Acc.case: 0.7814, Acc.pool table: 0.9794, Acc.pillow: 0.7990, Acc.screen door: 0.7326, Acc.stairway: 0.5209, Acc.river: 0.6555, Acc.bridge: 0.9250, Acc.bookcase: 0.7000, Acc.blind: 0.3276, Acc.coffee table: 0.8935, Acc.toilet: 0.9419, Acc.flower: 0.5253, Acc.book: 0.5608, Acc.hill: 0.0961, Acc.bench: 0.6906, Acc.countertop: 0.8408, Acc.stove: 0.9130, Acc.palm: 0.7365, Acc.kitchen island: 0.7807, Acc.computer: 0.8909, Acc.swivel chair: 0.6285, Acc.boat: 0.8866, Acc.bar: 0.8594, Acc.arcade machine: 0.9764, Acc.hovel: 0.5487, Acc.bus: 0.9619, Acc.towel: 0.7774, Acc.light: 0.5827, Acc.truck: 0.4643, Acc.tower: 0.2007, Acc.chandelier: 0.8028, Acc.awning: 0.5108, Acc.streetlight: 0.3357, Acc.booth: 0.5004, Acc.television receiver: 0.8727, Acc.airplane: 0.8952, Acc.dirt track: 0.2834, Acc.apparel: 0.6260, Acc.pole: 0.1459, Acc.land: 0.1548, Acc.bannister: 0.1309, Acc.escalator: 0.8557, Acc.ottoman: 0.6534, Acc.bottle: 0.6384, Acc.buffet: 0.6883, Acc.poster: 0.2715, Acc.stage: 0.6675, Acc.van: 0.7528, Acc.ship: 0.9411, Acc.fountain: 0.6132, Acc.conveyer belt: 0.9753, Acc.canopy: 0.5844, Acc.washer: 0.9804, Acc.plaything: 0.3701, Acc.swimming pool: 0.8615, Acc.stool: 0.5146, Acc.barrel: 0.6501, Acc.basket: 0.4941, Acc.waterfall: 0.5830, Acc.tent: 0.9745, Acc.bag: 0.2043, Acc.minibike: 0.8550, Acc.cradle: 0.9813, Acc.oven: 0.7463, Acc.ball: 0.1107, Acc.food: 0.6587, Acc.step: 0.2076, Acc.tank: 0.7963, Acc.trade name: 0.1415, Acc.microwave: 0.9348, Acc.pot: 0.6231, Acc.animal: 0.7118, Acc.bicycle: 0.6197, Acc.lake: 0.6361, Acc.dishwasher: 0.7537, Acc.screen: 0.8033, Acc.blanket: 0.1764, Acc.sculpture: 0.8243, Acc.hood: 0.7464, Acc.sconce: 0.6363, Acc.vase: 0.5867, Acc.traffic light: 0.5243, Acc.tray: 0.0982, Acc.ashcan: 0.5856, Acc.fan: 0.7536, Acc.pier: 0.5344, Acc.crt screen: 0.0143, Acc.plate: 0.7233, Acc.monitor: 0.8729, Acc.bulletin board: 0.7351, Acc.shower: 0.0008, Acc.radiator: 0.6561, Acc.glass: 0.1027, Acc.clock: 0.5249, Acc.flag: 0.7268 2024-01-18 00:50:14,935 - mmseg - INFO - Iter [11050/80000] lr: 3.448e-05, eta: 1 day, 3:16:39, time: 4.358, data_time: 3.159, memory: 59004, decode.loss_ce: 0.3200, decode.acc_seg: 87.4687, aux.loss_ce: 0.1423, aux.acc_seg: 85.9322, loss: 0.4624 2024-01-18 00:51:15,302 - mmseg - INFO - Iter [11100/80000] lr: 3.445e-05, eta: 1 day, 3:14:20, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2928, decode.acc_seg: 87.9122, aux.loss_ce: 0.1314, aux.acc_seg: 86.5296, loss: 0.4242 2024-01-18 00:52:15,723 - mmseg - INFO - Iter [11150/80000] lr: 3.443e-05, eta: 1 day, 3:12:03, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3002, decode.acc_seg: 87.6064, aux.loss_ce: 0.1311, aux.acc_seg: 86.6253, loss: 0.4313 2024-01-18 00:53:16,102 - mmseg - INFO - Iter [11200/80000] lr: 3.440e-05, eta: 1 day, 3:09:46, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3022, decode.acc_seg: 87.1616, aux.loss_ce: 0.1349, aux.acc_seg: 85.7869, loss: 0.4370 2024-01-18 00:54:16,488 - mmseg - INFO - Iter [11250/80000] lr: 3.438e-05, eta: 1 day, 3:07:29, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3312, decode.acc_seg: 86.2253, aux.loss_ce: 0.1478, aux.acc_seg: 84.8818, loss: 0.4791 2024-01-18 00:55:16,863 - mmseg - INFO - Iter [11300/80000] lr: 3.435e-05, eta: 1 day, 3:05:14, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3329, decode.acc_seg: 86.3380, aux.loss_ce: 0.1472, aux.acc_seg: 84.9753, loss: 0.4800 2024-01-18 00:56:17,359 - mmseg - INFO - Iter [11350/80000] lr: 3.433e-05, eta: 1 day, 3:02:59, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3090, decode.acc_seg: 87.4862, aux.loss_ce: 0.1355, aux.acc_seg: 86.3251, loss: 0.4444 2024-01-18 00:57:20,044 - mmseg - INFO - Iter [11400/80000] lr: 3.430e-05, eta: 1 day, 3:00:59, time: 1.254, data_time: 0.051, memory: 59004, decode.loss_ce: 0.2934, decode.acc_seg: 87.6780, aux.loss_ce: 0.1317, aux.acc_seg: 86.5543, loss: 0.4251 2024-01-18 00:58:20,712 - mmseg - INFO - Iter [11450/80000] lr: 3.428e-05, eta: 1 day, 2:58:47, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3074, decode.acc_seg: 87.0861, aux.loss_ce: 0.1398, aux.acc_seg: 85.5642, loss: 0.4472 2024-01-18 00:59:21,027 - mmseg - INFO - Iter [11500/80000] lr: 3.425e-05, eta: 1 day, 2:56:33, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2743, decode.acc_seg: 88.5155, aux.loss_ce: 0.1251, aux.acc_seg: 86.9876, loss: 0.3994 2024-01-18 01:00:21,390 - mmseg - INFO - Iter [11550/80000] lr: 3.423e-05, eta: 1 day, 2:54:20, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2723, decode.acc_seg: 88.3500, aux.loss_ce: 0.1227, aux.acc_seg: 86.9767, loss: 0.3950 2024-01-18 01:01:21,770 - mmseg - INFO - Iter [11600/80000] lr: 3.420e-05, eta: 1 day, 2:52:09, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2875, decode.acc_seg: 88.4888, aux.loss_ce: 0.1318, aux.acc_seg: 86.8618, loss: 0.4193 2024-01-18 01:02:22,171 - mmseg - INFO - Iter [11650/80000] lr: 3.418e-05, eta: 1 day, 2:49:57, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2859, decode.acc_seg: 88.0257, aux.loss_ce: 0.1285, aux.acc_seg: 86.6658, loss: 0.4144 2024-01-18 01:03:22,510 - mmseg - INFO - Iter [11700/80000] lr: 3.415e-05, eta: 1 day, 2:47:46, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2804, decode.acc_seg: 88.2595, aux.loss_ce: 0.1267, aux.acc_seg: 86.8559, loss: 0.4071 2024-01-18 01:04:22,979 - mmseg - INFO - Iter [11750/80000] lr: 3.413e-05, eta: 1 day, 2:45:37, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2953, decode.acc_seg: 87.6992, aux.loss_ce: 0.1337, aux.acc_seg: 86.1629, loss: 0.4289 2024-01-18 01:05:23,418 - mmseg - INFO - Iter [11800/80000] lr: 3.410e-05, eta: 1 day, 2:43:28, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2901, decode.acc_seg: 88.1377, aux.loss_ce: 0.1320, aux.acc_seg: 86.7478, loss: 0.4222 2024-01-18 01:06:23,885 - mmseg - INFO - Iter [11850/80000] lr: 3.408e-05, eta: 1 day, 2:41:19, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2913, decode.acc_seg: 87.7180, aux.loss_ce: 0.1316, aux.acc_seg: 86.2736, loss: 0.4229 2024-01-18 01:07:24,465 - mmseg - INFO - Iter [11900/80000] lr: 3.405e-05, eta: 1 day, 2:39:12, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2799, decode.acc_seg: 88.4054, aux.loss_ce: 0.1283, aux.acc_seg: 86.7885, loss: 0.4082 2024-01-18 01:08:25,156 - mmseg - INFO - Iter [11950/80000] lr: 3.403e-05, eta: 1 day, 2:37:06, time: 1.214, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2827, decode.acc_seg: 87.8919, aux.loss_ce: 0.1273, aux.acc_seg: 86.3915, loss: 0.4099 2024-01-18 01:09:25,733 - mmseg - INFO - Saving checkpoint at 12000 iterations 2024-01-18 01:10:12,813 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 01:10:12,813 - mmseg - INFO - Iter [12000/80000] lr: 3.400e-05, eta: 1 day, 2:39:27, time: 2.153, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2986, decode.acc_seg: 87.7021, aux.loss_ce: 0.1364, aux.acc_seg: 85.9631, loss: 0.4350 2024-01-18 01:12:50,068 - mmseg - INFO - per class results: 2024-01-18 01:12:50,075 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.56 | 88.88 | | building | 84.3 | 92.83 | | sky | 94.3 | 97.59 | | floor | 82.78 | 90.22 | | tree | 75.42 | 89.32 | | ceiling | 85.33 | 91.88 | | road | 83.59 | 91.4 | | bed | 91.66 | 96.18 | | windowpane | 64.61 | 78.66 | | grass | 69.35 | 81.09 | | cabinet | 62.82 | 80.06 | | sidewalk | 67.2 | 79.56 | | person | 83.14 | 93.47 | | earth | 35.42 | 47.32 | | door | 54.09 | 68.24 | | table | 64.3 | 72.77 | | mountain | 62.21 | 73.29 | | plant | 54.81 | 69.59 | | curtain | 75.69 | 89.78 | | chair | 61.26 | 74.2 | | car | 85.09 | 93.66 | | water | 54.31 | 61.92 | | painting | 73.1 | 91.0 | | sofa | 77.66 | 86.29 | | shelf | 43.94 | 60.22 | | house | 49.32 | 68.82 | | sea | 75.98 | 89.77 | | mirror | 73.29 | 84.65 | | rug | 71.17 | 80.9 | | field | 30.95 | 55.09 | | armchair | 54.48 | 75.08 | | seat | 62.61 | 88.91 | | fence | 43.0 | 52.06 | | desk | 52.84 | 82.49 | | rock | 56.49 | 74.09 | | wardrobe | 54.48 | 80.14 | | lamp | 67.99 | 82.9 | | bathtub | 80.0 | 85.4 | | railing | 41.04 | 53.57 | | cushion | 62.52 | 71.59 | | base | 40.77 | 54.59 | | box | 32.51 | 46.23 | | column | 52.27 | 69.18 | | signboard | 36.27 | 46.93 | | chest of drawers | 48.64 | 65.42 | | counter | 47.51 | 54.18 | | sand | 56.94 | 84.56 | | sink | 76.93 | 83.19 | | skyscraper | 52.8 | 65.93 | | fireplace | 68.96 | 92.68 | | refrigerator | 74.17 | 78.42 | | grandstand | 51.6 | 86.48 | | path | 26.04 | 34.54 | | stairs | 33.14 | 40.99 | | runway | 68.46 | 87.52 | | case | 65.62 | 78.74 | | pool table | 92.89 | 98.67 | | pillow | 64.8 | 87.1 | | screen door | 59.43 | 65.4 | | stairway | 40.46 | 58.1 | | river | 17.93 | 48.44 | | bridge | 53.25 | 88.18 | | bookcase | 42.81 | 58.93 | | blind | 37.88 | 44.19 | | coffee table | 60.94 | 87.97 | | toilet | 89.2 | 95.5 | | flower | 40.75 | 44.88 | | book | 51.05 | 73.03 | | hill | 5.67 | 9.47 | | bench | 50.62 | 62.07 | | countertop | 67.09 | 84.26 | | stove | 79.23 | 91.15 | | palm | 55.51 | 64.15 | | kitchen island | 31.21 | 43.88 | | computer | 75.89 | 91.76 | | swivel chair | 45.3 | 62.22 | | boat | 63.12 | 88.52 | | bar | 64.18 | 86.64 | | arcade machine | 89.22 | 97.01 | | hovel | 43.19 | 50.0 | | bus | 91.72 | 96.46 | | towel | 74.91 | 85.65 | | light | 49.45 | 55.79 | | truck | 41.53 | 52.92 | | tower | 33.32 | 59.17 | | chandelier | 66.82 | 75.76 | | awning | 40.96 | 48.68 | | streetlight | 26.3 | 33.25 | | booth | 42.42 | 51.39 | | television receiver | 76.62 | 88.04 | | airplane | 65.74 | 74.53 | | dirt track | 4.03 | 7.31 | | apparel | 52.69 | 73.81 | | pole | 21.5 | 28.08 | | land | 0.31 | 0.49 | | bannister | 7.32 | 9.01 | | escalator | 60.68 | 87.03 | | ottoman | 46.2 | 60.3 | | bottle | 40.25 | 64.95 | | buffet | 52.99 | 71.76 | | poster | 22.16 | 28.51 | | stage | 24.86 | 61.22 | | van | 39.77 | 53.53 | | ship | 88.9 | 90.75 | | fountain | 60.87 | 64.83 | | conveyer belt | 71.7 | 96.3 | | canopy | 52.69 | 73.16 | | washer | 87.29 | 95.13 | | plaything | 27.19 | 51.25 | | swimming pool | 59.53 | 82.99 | | stool | 44.17 | 53.94 | | barrel | 52.82 | 64.91 | | basket | 41.79 | 48.98 | | waterfall | 50.04 | 59.84 | | tent | 82.91 | 97.94 | | bag | 21.79 | 24.35 | | minibike | 74.19 | 88.91 | | cradle | 78.8 | 96.62 | | oven | 49.59 | 52.39 | | ball | 49.41 | 54.99 | | food | 61.52 | 81.87 | | step | 18.36 | 21.41 | | tank | 78.12 | 96.47 | | trade name | 21.77 | 23.6 | | microwave | 85.54 | 90.87 | | pot | 54.44 | 63.42 | | animal | 69.76 | 72.38 | | bicycle | 59.84 | 73.47 | | lake | 47.23 | 79.2 | | dishwasher | 61.51 | 62.79 | | screen | 65.62 | 89.86 | | blanket | 13.75 | 15.79 | | sculpture | 69.62 | 81.66 | | hood | 58.39 | 62.76 | | sconce | 53.72 | 64.03 | | vase | 39.66 | 57.22 | | traffic light | 31.62 | 56.93 | | tray | 10.4 | 13.58 | | ashcan | 48.16 | 58.68 | | fan | 64.28 | 79.32 | | pier | 42.92 | 48.72 | | crt screen | 10.43 | 11.94 | | plate | 57.14 | 77.59 | | monitor | 56.0 | 72.62 | | bulletin board | 54.86 | 67.32 | | shower | 0.0 | 0.0 | | radiator | 64.92 | 71.15 | | glass | 11.96 | 12.34 | | clock | 41.37 | 52.55 | | flag | 66.59 | 71.14 | +---------------------+-------+-------+ 2024-01-18 01:12:50,075 - mmseg - INFO - Summary: 2024-01-18 01:12:50,075 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.81 | 54.62 | 67.41 | +-------+-------+-------+ 2024-01-18 01:12:50,076 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 01:12:50,076 - mmseg - INFO - Iter(val) [250] aAcc: 0.8481, mIoU: 0.5462, mAcc: 0.6741, IoU.wall: 0.8056, IoU.building: 0.8430, IoU.sky: 0.9430, IoU.floor: 0.8278, IoU.tree: 0.7542, IoU.ceiling: 0.8533, IoU.road: 0.8359, IoU.bed : 0.9166, IoU.windowpane: 0.6461, IoU.grass: 0.6935, IoU.cabinet: 0.6282, IoU.sidewalk: 0.6720, IoU.person: 0.8314, IoU.earth: 0.3542, IoU.door: 0.5409, IoU.table: 0.6430, IoU.mountain: 0.6221, IoU.plant: 0.5481, IoU.curtain: 0.7569, IoU.chair: 0.6126, IoU.car: 0.8509, IoU.water: 0.5431, IoU.painting: 0.7310, IoU.sofa: 0.7766, IoU.shelf: 0.4394, IoU.house: 0.4932, IoU.sea: 0.7598, IoU.mirror: 0.7329, IoU.rug: 0.7117, IoU.field: 0.3095, IoU.armchair: 0.5448, IoU.seat: 0.6261, IoU.fence: 0.4300, IoU.desk: 0.5284, IoU.rock: 0.5649, IoU.wardrobe: 0.5448, IoU.lamp: 0.6799, IoU.bathtub: 0.8000, IoU.railing: 0.4104, IoU.cushion: 0.6252, IoU.base: 0.4077, IoU.box: 0.3251, IoU.column: 0.5227, IoU.signboard: 0.3627, IoU.chest of drawers: 0.4864, IoU.counter: 0.4751, IoU.sand: 0.5694, IoU.sink: 0.7693, IoU.skyscraper: 0.5280, IoU.fireplace: 0.6896, IoU.refrigerator: 0.7417, IoU.grandstand: 0.5160, IoU.path: 0.2604, IoU.stairs: 0.3314, IoU.runway: 0.6846, IoU.case: 0.6562, IoU.pool table: 0.9289, IoU.pillow: 0.6480, IoU.screen door: 0.5943, IoU.stairway: 0.4046, IoU.river: 0.1793, IoU.bridge: 0.5325, IoU.bookcase: 0.4281, IoU.blind: 0.3788, IoU.coffee table: 0.6094, IoU.toilet: 0.8920, IoU.flower: 0.4075, IoU.book: 0.5105, IoU.hill: 0.0567, IoU.bench: 0.5062, IoU.countertop: 0.6709, IoU.stove: 0.7923, IoU.palm: 0.5551, IoU.kitchen island: 0.3121, IoU.computer: 0.7589, IoU.swivel chair: 0.4530, IoU.boat: 0.6312, IoU.bar: 0.6418, IoU.arcade machine: 0.8922, IoU.hovel: 0.4319, IoU.bus: 0.9172, IoU.towel: 0.7491, IoU.light: 0.4945, IoU.truck: 0.4153, IoU.tower: 0.3332, IoU.chandelier: 0.6682, IoU.awning: 0.4096, IoU.streetlight: 0.2630, IoU.booth: 0.4242, IoU.television receiver: 0.7662, IoU.airplane: 0.6574, IoU.dirt track: 0.0403, IoU.apparel: 0.5269, IoU.pole: 0.2150, IoU.land: 0.0031, IoU.bannister: 0.0732, IoU.escalator: 0.6068, IoU.ottoman: 0.4620, IoU.bottle: 0.4025, IoU.buffet: 0.5299, IoU.poster: 0.2216, IoU.stage: 0.2486, IoU.van: 0.3977, IoU.ship: 0.8890, IoU.fountain: 0.6087, IoU.conveyer belt: 0.7170, IoU.canopy: 0.5269, IoU.washer: 0.8729, IoU.plaything: 0.2719, IoU.swimming pool: 0.5953, IoU.stool: 0.4417, IoU.barrel: 0.5282, IoU.basket: 0.4179, IoU.waterfall: 0.5004, IoU.tent: 0.8291, IoU.bag: 0.2179, IoU.minibike: 0.7419, IoU.cradle: 0.7880, IoU.oven: 0.4959, IoU.ball: 0.4941, IoU.food: 0.6152, IoU.step: 0.1836, IoU.tank: 0.7812, IoU.trade name: 0.2177, IoU.microwave: 0.8554, IoU.pot: 0.5444, IoU.animal: 0.6976, IoU.bicycle: 0.5984, IoU.lake: 0.4723, IoU.dishwasher: 0.6151, IoU.screen: 0.6562, IoU.blanket: 0.1375, IoU.sculpture: 0.6962, IoU.hood: 0.5839, IoU.sconce: 0.5372, IoU.vase: 0.3966, IoU.traffic light: 0.3162, IoU.tray: 0.1040, IoU.ashcan: 0.4816, IoU.fan: 0.6428, IoU.pier: 0.4292, IoU.crt screen: 0.1043, IoU.plate: 0.5714, IoU.monitor: 0.5600, IoU.bulletin board: 0.5486, IoU.shower: 0.0000, IoU.radiator: 0.6492, IoU.glass: 0.1196, IoU.clock: 0.4137, IoU.flag: 0.6659, Acc.wall: 0.8888, Acc.building: 0.9283, Acc.sky: 0.9759, Acc.floor: 0.9022, Acc.tree: 0.8932, Acc.ceiling: 0.9188, Acc.road: 0.9140, Acc.bed : 0.9618, Acc.windowpane: 0.7866, Acc.grass: 0.8109, Acc.cabinet: 0.8006, Acc.sidewalk: 0.7956, Acc.person: 0.9347, Acc.earth: 0.4732, Acc.door: 0.6824, Acc.table: 0.7277, Acc.mountain: 0.7329, Acc.plant: 0.6959, Acc.curtain: 0.8978, Acc.chair: 0.7420, Acc.car: 0.9366, Acc.water: 0.6192, Acc.painting: 0.9100, Acc.sofa: 0.8629, Acc.shelf: 0.6022, Acc.house: 0.6882, Acc.sea: 0.8977, Acc.mirror: 0.8465, Acc.rug: 0.8090, Acc.field: 0.5509, Acc.armchair: 0.7508, Acc.seat: 0.8891, Acc.fence: 0.5206, Acc.desk: 0.8249, Acc.rock: 0.7409, Acc.wardrobe: 0.8014, Acc.lamp: 0.8290, Acc.bathtub: 0.8540, Acc.railing: 0.5357, Acc.cushion: 0.7159, Acc.base: 0.5459, Acc.box: 0.4623, Acc.column: 0.6918, Acc.signboard: 0.4693, Acc.chest of drawers: 0.6542, Acc.counter: 0.5418, Acc.sand: 0.8456, Acc.sink: 0.8319, Acc.skyscraper: 0.6593, Acc.fireplace: 0.9268, Acc.refrigerator: 0.7842, Acc.grandstand: 0.8648, Acc.path: 0.3454, Acc.stairs: 0.4099, Acc.runway: 0.8752, Acc.case: 0.7874, Acc.pool table: 0.9867, Acc.pillow: 0.8710, Acc.screen door: 0.6540, Acc.stairway: 0.5810, Acc.river: 0.4844, Acc.bridge: 0.8818, Acc.bookcase: 0.5893, Acc.blind: 0.4419, Acc.coffee table: 0.8797, Acc.toilet: 0.9550, Acc.flower: 0.4488, Acc.book: 0.7303, Acc.hill: 0.0947, Acc.bench: 0.6207, Acc.countertop: 0.8426, Acc.stove: 0.9115, Acc.palm: 0.6415, Acc.kitchen island: 0.4388, Acc.computer: 0.9176, Acc.swivel chair: 0.6222, Acc.boat: 0.8852, Acc.bar: 0.8664, Acc.arcade machine: 0.9701, Acc.hovel: 0.5000, Acc.bus: 0.9646, Acc.towel: 0.8565, Acc.light: 0.5579, Acc.truck: 0.5292, Acc.tower: 0.5917, Acc.chandelier: 0.7576, Acc.awning: 0.4868, Acc.streetlight: 0.3325, Acc.booth: 0.5139, Acc.television receiver: 0.8804, Acc.airplane: 0.7453, Acc.dirt track: 0.0731, Acc.apparel: 0.7381, Acc.pole: 0.2808, Acc.land: 0.0049, Acc.bannister: 0.0901, Acc.escalator: 0.8703, Acc.ottoman: 0.6030, Acc.bottle: 0.6495, Acc.buffet: 0.7176, Acc.poster: 0.2851, Acc.stage: 0.6122, Acc.van: 0.5353, Acc.ship: 0.9075, Acc.fountain: 0.6483, Acc.conveyer belt: 0.9630, Acc.canopy: 0.7316, Acc.washer: 0.9513, Acc.plaything: 0.5125, Acc.swimming pool: 0.8299, Acc.stool: 0.5394, Acc.barrel: 0.6491, Acc.basket: 0.4898, Acc.waterfall: 0.5984, Acc.tent: 0.9794, Acc.bag: 0.2435, Acc.minibike: 0.8891, Acc.cradle: 0.9662, Acc.oven: 0.5239, Acc.ball: 0.5499, Acc.food: 0.8187, Acc.step: 0.2141, Acc.tank: 0.9647, Acc.trade name: 0.2360, Acc.microwave: 0.9087, Acc.pot: 0.6342, Acc.animal: 0.7238, Acc.bicycle: 0.7347, Acc.lake: 0.7920, Acc.dishwasher: 0.6279, Acc.screen: 0.8986, Acc.blanket: 0.1579, Acc.sculpture: 0.8166, Acc.hood: 0.6276, Acc.sconce: 0.6403, Acc.vase: 0.5722, Acc.traffic light: 0.5693, Acc.tray: 0.1358, Acc.ashcan: 0.5868, Acc.fan: 0.7932, Acc.pier: 0.4872, Acc.crt screen: 0.1194, Acc.plate: 0.7759, Acc.monitor: 0.7262, Acc.bulletin board: 0.6732, Acc.shower: 0.0000, Acc.radiator: 0.7115, Acc.glass: 0.1234, Acc.clock: 0.5255, Acc.flag: 0.7114 2024-01-18 01:13:50,984 - mmseg - INFO - Iter [12050/80000] lr: 3.398e-05, eta: 1 day, 2:52:08, time: 4.363, data_time: 3.162, memory: 59004, decode.loss_ce: 0.2842, decode.acc_seg: 87.7464, aux.loss_ce: 0.1307, aux.acc_seg: 86.2167, loss: 0.4149 2024-01-18 01:14:51,356 - mmseg - INFO - Iter [12100/80000] lr: 3.395e-05, eta: 1 day, 2:49:57, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2913, decode.acc_seg: 87.9113, aux.loss_ce: 0.1318, aux.acc_seg: 86.4349, loss: 0.4231 2024-01-18 01:15:51,625 - mmseg - INFO - Iter [12150/80000] lr: 3.393e-05, eta: 1 day, 2:47:45, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3012, decode.acc_seg: 87.4589, aux.loss_ce: 0.1371, aux.acc_seg: 85.8257, loss: 0.4383 2024-01-18 01:16:52,138 - mmseg - INFO - Iter [12200/80000] lr: 3.390e-05, eta: 1 day, 2:45:35, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2846, decode.acc_seg: 88.2341, aux.loss_ce: 0.1261, aux.acc_seg: 86.9491, loss: 0.4107 2024-01-18 01:17:52,495 - mmseg - INFO - Iter [12250/80000] lr: 3.388e-05, eta: 1 day, 2:43:25, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.3169, decode.acc_seg: 86.6133, aux.loss_ce: 0.1407, aux.acc_seg: 85.1413, loss: 0.4576 2024-01-18 01:18:52,807 - mmseg - INFO - Iter [12300/80000] lr: 3.385e-05, eta: 1 day, 2:41:15, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2839, decode.acc_seg: 88.1462, aux.loss_ce: 0.1299, aux.acc_seg: 86.5181, loss: 0.4138 2024-01-18 01:19:53,158 - mmseg - INFO - Iter [12350/80000] lr: 3.383e-05, eta: 1 day, 2:39:06, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2860, decode.acc_seg: 87.9682, aux.loss_ce: 0.1322, aux.acc_seg: 86.3102, loss: 0.4181 2024-01-18 01:20:53,798 - mmseg - INFO - Iter [12400/80000] lr: 3.380e-05, eta: 1 day, 2:36:59, time: 1.213, data_time: 0.010, memory: 59004, decode.loss_ce: 0.2922, decode.acc_seg: 87.7796, aux.loss_ce: 0.1332, aux.acc_seg: 86.2908, loss: 0.4254 2024-01-18 01:21:54,465 - mmseg - INFO - Iter [12450/80000] lr: 3.378e-05, eta: 1 day, 2:34:53, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2975, decode.acc_seg: 87.3750, aux.loss_ce: 0.1323, aux.acc_seg: 85.9225, loss: 0.4299 2024-01-18 01:22:54,843 - mmseg - INFO - Iter [12500/80000] lr: 3.375e-05, eta: 1 day, 2:32:46, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2986, decode.acc_seg: 87.5107, aux.loss_ce: 0.1355, aux.acc_seg: 86.0141, loss: 0.4342 2024-01-18 01:23:55,189 - mmseg - INFO - Iter [12550/80000] lr: 3.373e-05, eta: 1 day, 2:30:39, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2951, decode.acc_seg: 87.8845, aux.loss_ce: 0.1333, aux.acc_seg: 86.6175, loss: 0.4284 2024-01-18 01:24:55,610 - mmseg - INFO - Iter [12600/80000] lr: 3.370e-05, eta: 1 day, 2:28:33, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.3110, decode.acc_seg: 86.8589, aux.loss_ce: 0.1388, aux.acc_seg: 85.7870, loss: 0.4499 2024-01-18 01:25:58,247 - mmseg - INFO - Iter [12650/80000] lr: 3.368e-05, eta: 1 day, 2:26:39, time: 1.253, data_time: 0.052, memory: 59004, decode.loss_ce: 0.2780, decode.acc_seg: 88.2697, aux.loss_ce: 0.1254, aux.acc_seg: 86.9176, loss: 0.4034 2024-01-18 01:26:58,568 - mmseg - INFO - Iter [12700/80000] lr: 3.365e-05, eta: 1 day, 2:24:33, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2784, decode.acc_seg: 88.3844, aux.loss_ce: 0.1275, aux.acc_seg: 86.8361, loss: 0.4059 2024-01-18 01:27:58,946 - mmseg - INFO - Iter [12750/80000] lr: 3.363e-05, eta: 1 day, 2:22:29, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2693, decode.acc_seg: 88.4570, aux.loss_ce: 0.1216, aux.acc_seg: 87.1973, loss: 0.3909 2024-01-18 01:28:59,386 - mmseg - INFO - Iter [12800/80000] lr: 3.360e-05, eta: 1 day, 2:20:25, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2648, decode.acc_seg: 89.0768, aux.loss_ce: 0.1222, aux.acc_seg: 87.5426, loss: 0.3870 2024-01-18 01:29:59,769 - mmseg - INFO - Iter [12850/80000] lr: 3.358e-05, eta: 1 day, 2:18:21, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2573, decode.acc_seg: 88.9686, aux.loss_ce: 0.1177, aux.acc_seg: 87.3861, loss: 0.3751 2024-01-18 01:31:00,409 - mmseg - INFO - Iter [12900/80000] lr: 3.355e-05, eta: 1 day, 2:16:19, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2810, decode.acc_seg: 88.1276, aux.loss_ce: 0.1287, aux.acc_seg: 86.5529, loss: 0.4097 2024-01-18 01:32:00,911 - mmseg - INFO - Iter [12950/80000] lr: 3.353e-05, eta: 1 day, 2:14:17, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2818, decode.acc_seg: 88.0246, aux.loss_ce: 0.1274, aux.acc_seg: 86.9887, loss: 0.4092 2024-01-18 01:33:01,457 - mmseg - INFO - Saving checkpoint at 13000 iterations 2024-01-18 01:33:49,804 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 01:33:49,804 - mmseg - INFO - Iter [13000/80000] lr: 3.350e-05, eta: 1 day, 2:16:25, time: 2.178, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2796, decode.acc_seg: 88.4064, aux.loss_ce: 0.1279, aux.acc_seg: 86.8709, loss: 0.4075 2024-01-18 01:36:27,537 - mmseg - INFO - per class results: 2024-01-18 01:36:27,543 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.44 | 90.39 | | building | 83.36 | 93.09 | | sky | 94.4 | 96.89 | | floor | 82.65 | 92.59 | | tree | 74.59 | 87.54 | | ceiling | 83.8 | 89.58 | | road | 84.79 | 91.77 | | bed | 91.6 | 97.07 | | windowpane | 64.06 | 80.2 | | grass | 69.49 | 79.52 | | cabinet | 63.74 | 71.44 | | sidewalk | 67.17 | 81.68 | | person | 82.52 | 89.16 | | earth | 35.84 | 48.15 | | door | 53.6 | 63.56 | | table | 62.85 | 79.34 | | mountain | 54.24 | 64.48 | | plant | 54.97 | 67.0 | | curtain | 74.09 | 79.08 | | chair | 58.35 | 68.39 | | car | 84.38 | 91.91 | | water | 61.65 | 78.11 | | painting | 73.55 | 87.98 | | sofa | 77.57 | 89.21 | | shelf | 46.3 | 62.87 | | house | 43.64 | 72.84 | | sea | 70.78 | 84.01 | | mirror | 75.24 | 84.61 | | rug | 68.94 | 80.39 | | field | 28.94 | 45.33 | | armchair | 55.84 | 71.85 | | seat | 64.57 | 87.2 | | fence | 43.95 | 50.77 | | desk | 49.26 | 77.34 | | rock | 54.53 | 83.38 | | wardrobe | 59.0 | 80.97 | | lamp | 67.47 | 75.42 | | bathtub | 79.06 | 85.25 | | railing | 32.53 | 37.36 | | cushion | 65.36 | 74.71 | | base | 34.99 | 62.72 | | box | 31.6 | 39.71 | | column | 51.54 | 61.96 | | signboard | 35.96 | 48.18 | | chest of drawers | 51.01 | 58.4 | | counter | 41.09 | 52.47 | | sand | 50.81 | 76.84 | | sink | 75.18 | 84.9 | | skyscraper | 50.33 | 54.33 | | fireplace | 73.62 | 90.14 | | refrigerator | 80.1 | 86.09 | | grandstand | 60.66 | 87.49 | | path | 26.14 | 47.6 | | stairs | 44.51 | 57.52 | | runway | 75.02 | 97.12 | | case | 62.85 | 86.26 | | pool table | 94.14 | 97.45 | | pillow | 66.53 | 78.67 | | screen door | 68.49 | 95.37 | | stairway | 38.05 | 45.25 | | river | 15.68 | 31.87 | | bridge | 62.63 | 86.22 | | bookcase | 40.8 | 52.33 | | blind | 40.93 | 48.44 | | coffee table | 61.49 | 88.45 | | toilet | 89.68 | 94.97 | | flower | 43.06 | 53.32 | | book | 51.4 | 71.28 | | hill | 7.44 | 16.42 | | bench | 62.47 | 68.92 | | countertop | 60.78 | 83.42 | | stove | 79.72 | 90.84 | | palm | 55.05 | 72.28 | | kitchen island | 39.31 | 70.67 | | computer | 74.74 | 90.28 | | swivel chair | 44.9 | 60.52 | | boat | 62.16 | 85.54 | | bar | 64.86 | 84.16 | | arcade machine | 87.7 | 98.09 | | hovel | 29.95 | 32.97 | | bus | 91.86 | 96.0 | | towel | 73.35 | 83.17 | | light | 49.89 | 55.71 | | truck | 34.44 | 40.99 | | tower | 36.91 | 55.13 | | chandelier | 67.25 | 82.5 | | awning | 41.31 | 56.79 | | streetlight | 23.39 | 28.49 | | booth | 45.63 | 54.58 | | television receiver | 81.11 | 85.49 | | airplane | 74.45 | 81.48 | | dirt track | 8.61 | 19.16 | | apparel | 57.09 | 69.63 | | pole | 13.01 | 15.22 | | land | 5.39 | 8.99 | | bannister | 16.58 | 19.49 | | escalator | 61.46 | 85.62 | | ottoman | 50.64 | 73.54 | | bottle | 41.97 | 64.86 | | buffet | 53.21 | 58.89 | | poster | 22.13 | 26.47 | | stage | 24.06 | 64.26 | | van | 39.41 | 58.48 | | ship | 85.35 | 92.26 | | fountain | 50.93 | 52.99 | | conveyer belt | 64.56 | 97.95 | | canopy | 47.76 | 65.59 | | washer | 87.67 | 94.46 | | plaything | 29.06 | 43.92 | | swimming pool | 59.87 | 89.21 | | stool | 40.21 | 59.18 | | barrel | 60.44 | 62.99 | | basket | 38.87 | 50.38 | | waterfall | 50.32 | 56.36 | | tent | 90.11 | 98.52 | | bag | 20.67 | 22.6 | | minibike | 73.56 | 84.26 | | cradle | 76.51 | 97.59 | | oven | 64.55 | 78.33 | | ball | 55.28 | 62.84 | | food | 49.4 | 53.16 | | step | 13.08 | 13.77 | | tank | 82.47 | 93.8 | | trade name | 19.93 | 21.57 | | microwave | 88.18 | 92.18 | | pot | 50.46 | 57.41 | | animal | 61.39 | 63.38 | | bicycle | 47.42 | 55.68 | | lake | 61.07 | 63.76 | | dishwasher | 64.64 | 73.97 | | screen | 52.14 | 74.41 | | blanket | 5.76 | 6.26 | | sculpture | 69.09 | 78.73 | | hood | 66.73 | 77.05 | | sconce | 50.94 | 60.01 | | vase | 39.57 | 51.91 | | traffic light | 32.51 | 49.0 | | tray | 7.44 | 8.84 | | ashcan | 47.02 | 54.07 | | fan | 55.14 | 60.97 | | pier | 36.7 | 47.72 | | crt screen | 6.0 | 6.83 | | plate | 53.17 | 79.77 | | monitor | 63.01 | 84.69 | | bulletin board | 58.18 | 73.5 | | shower | 8.28 | 9.47 | | radiator | 65.46 | 75.0 | | glass | 14.06 | 14.76 | | clock | 40.93 | 45.46 | | flag | 65.83 | 69.68 | +---------------------+-------+-------+ 2024-01-18 01:36:27,543 - mmseg - INFO - Summary: 2024-01-18 01:36:27,544 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.54 | 54.6 | 66.75 | +-------+------+-------+ 2024-01-18 01:36:27,544 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 01:36:27,545 - mmseg - INFO - Iter(val) [250] aAcc: 0.8454, mIoU: 0.5460, mAcc: 0.6675, IoU.wall: 0.7944, IoU.building: 0.8336, IoU.sky: 0.9440, IoU.floor: 0.8265, IoU.tree: 0.7459, IoU.ceiling: 0.8380, IoU.road: 0.8479, IoU.bed : 0.9160, IoU.windowpane: 0.6406, IoU.grass: 0.6949, IoU.cabinet: 0.6374, IoU.sidewalk: 0.6717, IoU.person: 0.8252, IoU.earth: 0.3584, IoU.door: 0.5360, IoU.table: 0.6285, IoU.mountain: 0.5424, IoU.plant: 0.5497, IoU.curtain: 0.7409, IoU.chair: 0.5835, IoU.car: 0.8438, IoU.water: 0.6165, IoU.painting: 0.7355, IoU.sofa: 0.7757, IoU.shelf: 0.4630, IoU.house: 0.4364, IoU.sea: 0.7078, IoU.mirror: 0.7524, IoU.rug: 0.6894, IoU.field: 0.2894, IoU.armchair: 0.5584, IoU.seat: 0.6457, IoU.fence: 0.4395, IoU.desk: 0.4926, IoU.rock: 0.5453, IoU.wardrobe: 0.5900, IoU.lamp: 0.6747, IoU.bathtub: 0.7906, IoU.railing: 0.3253, IoU.cushion: 0.6536, IoU.base: 0.3499, IoU.box: 0.3160, IoU.column: 0.5154, IoU.signboard: 0.3596, IoU.chest of drawers: 0.5101, IoU.counter: 0.4109, IoU.sand: 0.5081, IoU.sink: 0.7518, IoU.skyscraper: 0.5033, IoU.fireplace: 0.7362, IoU.refrigerator: 0.8010, IoU.grandstand: 0.6066, IoU.path: 0.2614, IoU.stairs: 0.4451, IoU.runway: 0.7502, IoU.case: 0.6285, IoU.pool table: 0.9414, IoU.pillow: 0.6653, IoU.screen door: 0.6849, IoU.stairway: 0.3805, IoU.river: 0.1568, IoU.bridge: 0.6263, IoU.bookcase: 0.4080, IoU.blind: 0.4093, IoU.coffee table: 0.6149, IoU.toilet: 0.8968, IoU.flower: 0.4306, IoU.book: 0.5140, IoU.hill: 0.0744, IoU.bench: 0.6247, IoU.countertop: 0.6078, IoU.stove: 0.7972, IoU.palm: 0.5505, IoU.kitchen island: 0.3931, IoU.computer: 0.7474, IoU.swivel chair: 0.4490, IoU.boat: 0.6216, IoU.bar: 0.6486, IoU.arcade machine: 0.8770, IoU.hovel: 0.2995, IoU.bus: 0.9186, IoU.towel: 0.7335, IoU.light: 0.4989, IoU.truck: 0.3444, IoU.tower: 0.3691, IoU.chandelier: 0.6725, IoU.awning: 0.4131, IoU.streetlight: 0.2339, IoU.booth: 0.4563, IoU.television receiver: 0.8111, IoU.airplane: 0.7445, IoU.dirt track: 0.0861, IoU.apparel: 0.5709, IoU.pole: 0.1301, IoU.land: 0.0539, IoU.bannister: 0.1658, IoU.escalator: 0.6146, IoU.ottoman: 0.5064, IoU.bottle: 0.4197, IoU.buffet: 0.5321, IoU.poster: 0.2213, IoU.stage: 0.2406, IoU.van: 0.3941, IoU.ship: 0.8535, IoU.fountain: 0.5093, IoU.conveyer belt: 0.6456, IoU.canopy: 0.4776, IoU.washer: 0.8767, IoU.plaything: 0.2906, IoU.swimming pool: 0.5987, IoU.stool: 0.4021, IoU.barrel: 0.6044, IoU.basket: 0.3887, IoU.waterfall: 0.5032, IoU.tent: 0.9011, IoU.bag: 0.2067, IoU.minibike: 0.7356, IoU.cradle: 0.7651, IoU.oven: 0.6455, IoU.ball: 0.5528, IoU.food: 0.4940, IoU.step: 0.1308, IoU.tank: 0.8247, IoU.trade name: 0.1993, IoU.microwave: 0.8818, IoU.pot: 0.5046, IoU.animal: 0.6139, IoU.bicycle: 0.4742, IoU.lake: 0.6107, IoU.dishwasher: 0.6464, IoU.screen: 0.5214, IoU.blanket: 0.0576, IoU.sculpture: 0.6909, IoU.hood: 0.6673, IoU.sconce: 0.5094, IoU.vase: 0.3957, IoU.traffic light: 0.3251, IoU.tray: 0.0744, IoU.ashcan: 0.4702, IoU.fan: 0.5514, IoU.pier: 0.3670, IoU.crt screen: 0.0600, IoU.plate: 0.5317, IoU.monitor: 0.6301, IoU.bulletin board: 0.5818, IoU.shower: 0.0828, IoU.radiator: 0.6546, IoU.glass: 0.1406, IoU.clock: 0.4093, IoU.flag: 0.6583, Acc.wall: 0.9039, Acc.building: 0.9309, Acc.sky: 0.9689, Acc.floor: 0.9259, Acc.tree: 0.8754, Acc.ceiling: 0.8958, Acc.road: 0.9177, Acc.bed : 0.9707, Acc.windowpane: 0.8020, Acc.grass: 0.7952, Acc.cabinet: 0.7144, Acc.sidewalk: 0.8168, Acc.person: 0.8916, Acc.earth: 0.4815, Acc.door: 0.6356, Acc.table: 0.7934, Acc.mountain: 0.6448, Acc.plant: 0.6700, Acc.curtain: 0.7908, Acc.chair: 0.6839, Acc.car: 0.9191, Acc.water: 0.7811, Acc.painting: 0.8798, Acc.sofa: 0.8921, Acc.shelf: 0.6287, Acc.house: 0.7284, Acc.sea: 0.8401, Acc.mirror: 0.8461, Acc.rug: 0.8039, Acc.field: 0.4533, Acc.armchair: 0.7185, Acc.seat: 0.8720, Acc.fence: 0.5077, Acc.desk: 0.7734, Acc.rock: 0.8338, Acc.wardrobe: 0.8097, Acc.lamp: 0.7542, Acc.bathtub: 0.8525, Acc.railing: 0.3736, Acc.cushion: 0.7471, Acc.base: 0.6272, Acc.box: 0.3971, Acc.column: 0.6196, Acc.signboard: 0.4818, Acc.chest of drawers: 0.5840, Acc.counter: 0.5247, Acc.sand: 0.7684, Acc.sink: 0.8490, Acc.skyscraper: 0.5433, Acc.fireplace: 0.9014, Acc.refrigerator: 0.8609, Acc.grandstand: 0.8749, Acc.path: 0.4760, Acc.stairs: 0.5752, Acc.runway: 0.9712, Acc.case: 0.8626, Acc.pool table: 0.9745, Acc.pillow: 0.7867, Acc.screen door: 0.9537, Acc.stairway: 0.4525, Acc.river: 0.3187, Acc.bridge: 0.8622, Acc.bookcase: 0.5233, Acc.blind: 0.4844, Acc.coffee table: 0.8845, Acc.toilet: 0.9497, Acc.flower: 0.5332, Acc.book: 0.7128, Acc.hill: 0.1642, Acc.bench: 0.6892, Acc.countertop: 0.8342, Acc.stove: 0.9084, Acc.palm: 0.7228, Acc.kitchen island: 0.7067, Acc.computer: 0.9028, Acc.swivel chair: 0.6052, Acc.boat: 0.8554, Acc.bar: 0.8416, Acc.arcade machine: 0.9809, Acc.hovel: 0.3297, Acc.bus: 0.9600, Acc.towel: 0.8317, Acc.light: 0.5571, Acc.truck: 0.4099, Acc.tower: 0.5513, Acc.chandelier: 0.8250, Acc.awning: 0.5679, Acc.streetlight: 0.2849, Acc.booth: 0.5458, Acc.television receiver: 0.8549, Acc.airplane: 0.8148, Acc.dirt track: 0.1916, Acc.apparel: 0.6963, Acc.pole: 0.1522, Acc.land: 0.0899, Acc.bannister: 0.1949, Acc.escalator: 0.8562, Acc.ottoman: 0.7354, Acc.bottle: 0.6486, Acc.buffet: 0.5889, Acc.poster: 0.2647, Acc.stage: 0.6426, Acc.van: 0.5848, Acc.ship: 0.9226, Acc.fountain: 0.5299, Acc.conveyer belt: 0.9795, Acc.canopy: 0.6559, Acc.washer: 0.9446, Acc.plaything: 0.4392, Acc.swimming pool: 0.8921, Acc.stool: 0.5918, Acc.barrel: 0.6299, Acc.basket: 0.5038, Acc.waterfall: 0.5636, Acc.tent: 0.9852, Acc.bag: 0.2260, Acc.minibike: 0.8426, Acc.cradle: 0.9759, Acc.oven: 0.7833, Acc.ball: 0.6284, Acc.food: 0.5316, Acc.step: 0.1377, Acc.tank: 0.9380, Acc.trade name: 0.2157, Acc.microwave: 0.9218, Acc.pot: 0.5741, Acc.animal: 0.6338, Acc.bicycle: 0.5568, Acc.lake: 0.6376, Acc.dishwasher: 0.7397, Acc.screen: 0.7441, Acc.blanket: 0.0626, Acc.sculpture: 0.7873, Acc.hood: 0.7705, Acc.sconce: 0.6001, Acc.vase: 0.5191, Acc.traffic light: 0.4900, Acc.tray: 0.0884, Acc.ashcan: 0.5407, Acc.fan: 0.6097, Acc.pier: 0.4772, Acc.crt screen: 0.0683, Acc.plate: 0.7977, Acc.monitor: 0.8469, Acc.bulletin board: 0.7350, Acc.shower: 0.0947, Acc.radiator: 0.7500, Acc.glass: 0.1476, Acc.clock: 0.4546, Acc.flag: 0.6968 2024-01-18 01:37:28,318 - mmseg - INFO - Iter [13050/80000] lr: 3.348e-05, eta: 1 day, 2:27:53, time: 4.370, data_time: 3.170, memory: 59004, decode.loss_ce: 0.2672, decode.acc_seg: 88.5970, aux.loss_ce: 0.1252, aux.acc_seg: 86.8127, loss: 0.3925 2024-01-18 01:38:28,625 - mmseg - INFO - Iter [13100/80000] lr: 3.345e-05, eta: 1 day, 2:25:47, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2914, decode.acc_seg: 87.5460, aux.loss_ce: 0.1300, aux.acc_seg: 86.3570, loss: 0.4215 2024-01-18 01:39:28,973 - mmseg - INFO - Iter [13150/80000] lr: 3.343e-05, eta: 1 day, 2:23:41, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2970, decode.acc_seg: 87.6702, aux.loss_ce: 0.1343, aux.acc_seg: 86.1769, loss: 0.4313 2024-01-18 01:40:29,286 - mmseg - INFO - Iter [13200/80000] lr: 3.340e-05, eta: 1 day, 2:21:35, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2683, decode.acc_seg: 88.6817, aux.loss_ce: 0.1227, aux.acc_seg: 87.2169, loss: 0.3910 2024-01-18 01:41:29,588 - mmseg - INFO - Iter [13250/80000] lr: 3.338e-05, eta: 1 day, 2:19:30, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2613, decode.acc_seg: 89.1149, aux.loss_ce: 0.1211, aux.acc_seg: 87.5848, loss: 0.3825 2024-01-18 01:42:29,887 - mmseg - INFO - Iter [13300/80000] lr: 3.335e-05, eta: 1 day, 2:17:26, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2956, decode.acc_seg: 87.5700, aux.loss_ce: 0.1329, aux.acc_seg: 86.0646, loss: 0.4284 2024-01-18 01:43:30,329 - mmseg - INFO - Iter [13350/80000] lr: 3.333e-05, eta: 1 day, 2:15:22, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2748, decode.acc_seg: 88.3184, aux.loss_ce: 0.1264, aux.acc_seg: 86.8629, loss: 0.4012 2024-01-18 01:44:30,897 - mmseg - INFO - Iter [13400/80000] lr: 3.330e-05, eta: 1 day, 2:13:20, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2844, decode.acc_seg: 88.3375, aux.loss_ce: 0.1285, aux.acc_seg: 87.0188, loss: 0.4129 2024-01-18 01:45:31,575 - mmseg - INFO - Iter [13450/80000] lr: 3.328e-05, eta: 1 day, 2:11:19, time: 1.214, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2942, decode.acc_seg: 87.6638, aux.loss_ce: 0.1339, aux.acc_seg: 85.8400, loss: 0.4281 2024-01-18 01:46:32,110 - mmseg - INFO - Iter [13500/80000] lr: 3.325e-05, eta: 1 day, 2:09:17, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2953, decode.acc_seg: 87.3653, aux.loss_ce: 0.1333, aux.acc_seg: 85.6720, loss: 0.4286 2024-01-18 01:47:32,526 - mmseg - INFO - Iter [13550/80000] lr: 3.323e-05, eta: 1 day, 2:07:15, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2857, decode.acc_seg: 87.8030, aux.loss_ce: 0.1308, aux.acc_seg: 86.3336, loss: 0.4164 2024-01-18 01:48:32,954 - mmseg - INFO - Iter [13600/80000] lr: 3.320e-05, eta: 1 day, 2:05:14, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2770, decode.acc_seg: 88.4548, aux.loss_ce: 0.1256, aux.acc_seg: 87.0698, loss: 0.4026 2024-01-18 01:49:33,406 - mmseg - INFO - Iter [13650/80000] lr: 3.318e-05, eta: 1 day, 2:03:13, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2835, decode.acc_seg: 87.9448, aux.loss_ce: 0.1286, aux.acc_seg: 86.5880, loss: 0.4121 2024-01-18 01:50:33,732 - mmseg - INFO - Iter [13700/80000] lr: 3.315e-05, eta: 1 day, 2:01:13, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2946, decode.acc_seg: 87.6467, aux.loss_ce: 0.1313, aux.acc_seg: 86.3941, loss: 0.4259 2024-01-18 01:51:34,084 - mmseg - INFO - Iter [13750/80000] lr: 3.313e-05, eta: 1 day, 1:59:12, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2867, decode.acc_seg: 88.1125, aux.loss_ce: 0.1319, aux.acc_seg: 86.7491, loss: 0.4187 2024-01-18 01:52:34,453 - mmseg - INFO - Iter [13800/80000] lr: 3.310e-05, eta: 1 day, 1:57:13, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2831, decode.acc_seg: 88.0271, aux.loss_ce: 0.1277, aux.acc_seg: 86.6532, loss: 0.4108 2024-01-18 01:53:34,838 - mmseg - INFO - Iter [13850/80000] lr: 3.308e-05, eta: 1 day, 1:55:13, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2835, decode.acc_seg: 88.2000, aux.loss_ce: 0.1303, aux.acc_seg: 86.4879, loss: 0.4138 2024-01-18 01:54:37,396 - mmseg - INFO - Iter [13900/80000] lr: 3.305e-05, eta: 1 day, 1:53:25, time: 1.251, data_time: 0.051, memory: 59004, decode.loss_ce: 0.2719, decode.acc_seg: 88.4403, aux.loss_ce: 0.1249, aux.acc_seg: 86.8373, loss: 0.3968 2024-01-18 01:55:38,103 - mmseg - INFO - Iter [13950/80000] lr: 3.303e-05, eta: 1 day, 1:51:28, time: 1.214, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2559, decode.acc_seg: 89.2769, aux.loss_ce: 0.1210, aux.acc_seg: 87.5893, loss: 0.3769 2024-01-18 01:56:38,735 - mmseg - INFO - Saving checkpoint at 14000 iterations 2024-01-18 01:57:28,424 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 01:57:28,425 - mmseg - INFO - Iter [14000/80000] lr: 3.300e-05, eta: 1 day, 1:53:26, time: 2.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2508, decode.acc_seg: 89.5784, aux.loss_ce: 0.1189, aux.acc_seg: 87.5669, loss: 0.3698 2024-01-18 02:00:07,916 - mmseg - INFO - per class results: 2024-01-18 02:00:07,922 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.25 | 89.54 | | building | 83.72 | 92.58 | | sky | 94.35 | 97.52 | | floor | 83.26 | 90.13 | | tree | 76.17 | 88.5 | | ceiling | 85.16 | 93.25 | | road | 84.87 | 90.36 | | bed | 91.06 | 96.8 | | windowpane | 63.86 | 79.73 | | grass | 68.3 | 77.01 | | cabinet | 65.6 | 76.81 | | sidewalk | 68.76 | 87.22 | | person | 82.81 | 93.47 | | earth | 35.93 | 51.97 | | door | 56.24 | 70.44 | | table | 66.38 | 81.2 | | mountain | 55.36 | 63.28 | | plant | 53.83 | 69.35 | | curtain | 76.42 | 85.95 | | chair | 63.21 | 80.27 | | car | 84.16 | 91.89 | | water | 62.06 | 79.54 | | painting | 73.48 | 86.94 | | sofa | 78.7 | 89.45 | | shelf | 43.18 | 64.59 | | house | 43.22 | 61.12 | | sea | 61.42 | 67.87 | | mirror | 76.2 | 91.47 | | rug | 69.55 | 80.88 | | field | 24.66 | 38.66 | | armchair | 56.51 | 70.49 | | seat | 65.39 | 87.34 | | fence | 45.57 | 56.19 | | desk | 53.55 | 70.64 | | rock | 49.83 | 63.36 | | wardrobe | 53.77 | 69.27 | | lamp | 68.71 | 78.79 | | bathtub | 69.23 | 70.87 | | railing | 40.21 | 52.14 | | cushion | 64.92 | 77.34 | | base | 39.28 | 46.88 | | box | 32.69 | 43.27 | | column | 52.8 | 62.97 | | signboard | 35.79 | 51.9 | | chest of drawers | 46.72 | 66.81 | | counter | 50.33 | 66.15 | | sand | 57.05 | 84.57 | | sink | 73.59 | 78.65 | | skyscraper | 51.33 | 56.48 | | fireplace | 69.77 | 94.57 | | refrigerator | 78.49 | 84.42 | | grandstand | 59.46 | 83.64 | | path | 22.63 | 29.7 | | stairs | 41.71 | 50.23 | | runway | 72.58 | 97.3 | | case | 49.73 | 54.03 | | pool table | 93.79 | 96.87 | | pillow | 60.83 | 65.92 | | screen door | 64.61 | 94.78 | | stairway | 46.85 | 66.75 | | river | 15.59 | 31.87 | | bridge | 54.51 | 62.89 | | bookcase | 43.86 | 63.0 | | blind | 39.29 | 50.51 | | coffee table | 67.37 | 84.91 | | toilet | 89.72 | 95.4 | | flower | 43.94 | 63.22 | | book | 50.24 | 79.35 | | hill | 5.19 | 14.84 | | bench | 59.95 | 68.24 | | countertop | 65.49 | 82.32 | | stove | 83.12 | 88.99 | | palm | 51.89 | 75.22 | | kitchen island | 53.32 | 62.53 | | computer | 72.5 | 91.57 | | swivel chair | 42.9 | 53.35 | | boat | 55.83 | 86.55 | | bar | 65.59 | 80.87 | | arcade machine | 88.05 | 97.62 | | hovel | 43.09 | 50.59 | | bus | 91.01 | 96.72 | | towel | 74.94 | 84.75 | | light | 51.32 | 57.68 | | truck | 47.45 | 55.48 | | tower | 24.11 | 39.93 | | chandelier | 68.97 | 78.53 | | awning | 44.33 | 64.1 | | streetlight | 24.44 | 29.0 | | booth | 43.92 | 61.98 | | television receiver | 80.13 | 86.53 | | airplane | 61.9 | 67.67 | | dirt track | 18.34 | 33.74 | | apparel | 60.04 | 68.99 | | pole | 14.04 | 20.52 | | land | 7.08 | 12.51 | | bannister | 12.07 | 15.21 | | escalator | 61.65 | 87.57 | | ottoman | 51.55 | 67.72 | | bottle | 42.38 | 63.84 | | buffet | 59.47 | 66.37 | | poster | 21.77 | 24.57 | | stage | 22.24 | 72.84 | | van | 40.14 | 49.56 | | ship | 88.98 | 97.05 | | fountain | 50.51 | 53.34 | | conveyer belt | 69.64 | 96.46 | | canopy | 40.26 | 58.71 | | washer | 86.1 | 93.78 | | plaything | 22.19 | 40.93 | | swimming pool | 54.84 | 79.36 | | stool | 47.17 | 61.12 | | barrel | 54.52 | 64.91 | | basket | 42.2 | 55.34 | | waterfall | 51.68 | 91.43 | | tent | 92.96 | 98.38 | | bag | 28.24 | 33.63 | | minibike | 74.61 | 86.13 | | cradle | 87.55 | 96.02 | | oven | 58.65 | 67.53 | | ball | 4.82 | 4.83 | | food | 54.37 | 57.97 | | step | 16.32 | 18.12 | | tank | 79.99 | 91.09 | | trade name | 22.33 | 28.51 | | microwave | 86.46 | 93.4 | | pot | 50.59 | 55.86 | | animal | 65.74 | 67.33 | | bicycle | 59.07 | 76.48 | | lake | 52.61 | 62.46 | | dishwasher | 61.56 | 68.31 | | screen | 60.54 | 72.07 | | blanket | 22.72 | 25.42 | | sculpture | 73.87 | 82.88 | | hood | 60.76 | 66.04 | | sconce | 52.55 | 62.4 | | vase | 39.98 | 49.07 | | traffic light | 30.4 | 58.14 | | tray | 13.13 | 22.45 | | ashcan | 50.3 | 60.08 | | fan | 58.55 | 65.92 | | pier | 35.64 | 46.81 | | crt screen | 12.47 | 15.18 | | plate | 52.64 | 67.54 | | monitor | 59.71 | 83.45 | | bulletin board | 43.07 | 53.89 | | shower | 5.42 | 5.85 | | radiator | 67.91 | 76.46 | | glass | 13.52 | 14.1 | | clock | 45.47 | 49.75 | | flag | 69.68 | 78.4 | +---------------------+-------+-------+ 2024-01-18 02:00:07,922 - mmseg - INFO - Summary: 2024-01-18 02:00:07,922 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.76 | 54.71 | 66.83 | +-------+-------+-------+ 2024-01-18 02:00:07,923 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 02:00:07,923 - mmseg - INFO - Iter(val) [250] aAcc: 0.8476, mIoU: 0.5471, mAcc: 0.6683, IoU.wall: 0.8025, IoU.building: 0.8372, IoU.sky: 0.9435, IoU.floor: 0.8326, IoU.tree: 0.7617, IoU.ceiling: 0.8516, IoU.road: 0.8487, IoU.bed : 0.9106, IoU.windowpane: 0.6386, IoU.grass: 0.6830, IoU.cabinet: 0.6560, IoU.sidewalk: 0.6876, IoU.person: 0.8281, IoU.earth: 0.3593, IoU.door: 0.5624, IoU.table: 0.6638, IoU.mountain: 0.5536, IoU.plant: 0.5383, IoU.curtain: 0.7642, IoU.chair: 0.6321, IoU.car: 0.8416, IoU.water: 0.6206, IoU.painting: 0.7348, IoU.sofa: 0.7870, IoU.shelf: 0.4318, IoU.house: 0.4322, IoU.sea: 0.6142, IoU.mirror: 0.7620, IoU.rug: 0.6955, IoU.field: 0.2466, IoU.armchair: 0.5651, IoU.seat: 0.6539, IoU.fence: 0.4557, IoU.desk: 0.5355, IoU.rock: 0.4983, IoU.wardrobe: 0.5377, IoU.lamp: 0.6871, IoU.bathtub: 0.6923, IoU.railing: 0.4021, IoU.cushion: 0.6492, IoU.base: 0.3928, IoU.box: 0.3269, IoU.column: 0.5280, IoU.signboard: 0.3579, IoU.chest of drawers: 0.4672, IoU.counter: 0.5033, IoU.sand: 0.5705, IoU.sink: 0.7359, IoU.skyscraper: 0.5133, IoU.fireplace: 0.6977, IoU.refrigerator: 0.7849, IoU.grandstand: 0.5946, IoU.path: 0.2263, IoU.stairs: 0.4171, IoU.runway: 0.7258, IoU.case: 0.4973, IoU.pool table: 0.9379, IoU.pillow: 0.6083, IoU.screen door: 0.6461, IoU.stairway: 0.4685, IoU.river: 0.1559, IoU.bridge: 0.5451, IoU.bookcase: 0.4386, IoU.blind: 0.3929, IoU.coffee table: 0.6737, IoU.toilet: 0.8972, IoU.flower: 0.4394, IoU.book: 0.5024, IoU.hill: 0.0519, IoU.bench: 0.5995, IoU.countertop: 0.6549, IoU.stove: 0.8312, IoU.palm: 0.5189, IoU.kitchen island: 0.5332, IoU.computer: 0.7250, IoU.swivel chair: 0.4290, IoU.boat: 0.5583, IoU.bar: 0.6559, IoU.arcade machine: 0.8805, IoU.hovel: 0.4309, IoU.bus: 0.9101, IoU.towel: 0.7494, IoU.light: 0.5132, IoU.truck: 0.4745, IoU.tower: 0.2411, IoU.chandelier: 0.6897, IoU.awning: 0.4433, IoU.streetlight: 0.2444, IoU.booth: 0.4392, IoU.television receiver: 0.8013, IoU.airplane: 0.6190, IoU.dirt track: 0.1834, IoU.apparel: 0.6004, IoU.pole: 0.1404, IoU.land: 0.0708, IoU.bannister: 0.1207, IoU.escalator: 0.6165, IoU.ottoman: 0.5155, IoU.bottle: 0.4238, IoU.buffet: 0.5947, IoU.poster: 0.2177, IoU.stage: 0.2224, IoU.van: 0.4014, IoU.ship: 0.8898, IoU.fountain: 0.5051, IoU.conveyer belt: 0.6964, IoU.canopy: 0.4026, IoU.washer: 0.8610, IoU.plaything: 0.2219, IoU.swimming pool: 0.5484, IoU.stool: 0.4717, IoU.barrel: 0.5452, IoU.basket: 0.4220, IoU.waterfall: 0.5168, IoU.tent: 0.9296, IoU.bag: 0.2824, IoU.minibike: 0.7461, IoU.cradle: 0.8755, IoU.oven: 0.5865, IoU.ball: 0.0482, IoU.food: 0.5437, IoU.step: 0.1632, IoU.tank: 0.7999, IoU.trade name: 0.2233, IoU.microwave: 0.8646, IoU.pot: 0.5059, IoU.animal: 0.6574, IoU.bicycle: 0.5907, IoU.lake: 0.5261, IoU.dishwasher: 0.6156, IoU.screen: 0.6054, IoU.blanket: 0.2272, IoU.sculpture: 0.7387, IoU.hood: 0.6076, IoU.sconce: 0.5255, IoU.vase: 0.3998, IoU.traffic light: 0.3040, IoU.tray: 0.1313, IoU.ashcan: 0.5030, IoU.fan: 0.5855, IoU.pier: 0.3564, IoU.crt screen: 0.1247, IoU.plate: 0.5264, IoU.monitor: 0.5971, IoU.bulletin board: 0.4307, IoU.shower: 0.0542, IoU.radiator: 0.6791, IoU.glass: 0.1352, IoU.clock: 0.4547, IoU.flag: 0.6968, Acc.wall: 0.8954, Acc.building: 0.9258, Acc.sky: 0.9752, Acc.floor: 0.9013, Acc.tree: 0.8850, Acc.ceiling: 0.9325, Acc.road: 0.9036, Acc.bed : 0.9680, Acc.windowpane: 0.7973, Acc.grass: 0.7701, Acc.cabinet: 0.7681, Acc.sidewalk: 0.8722, Acc.person: 0.9347, Acc.earth: 0.5197, Acc.door: 0.7044, Acc.table: 0.8120, Acc.mountain: 0.6328, Acc.plant: 0.6935, Acc.curtain: 0.8595, Acc.chair: 0.8027, Acc.car: 0.9189, Acc.water: 0.7954, Acc.painting: 0.8694, Acc.sofa: 0.8945, Acc.shelf: 0.6459, Acc.house: 0.6112, Acc.sea: 0.6787, Acc.mirror: 0.9147, Acc.rug: 0.8088, Acc.field: 0.3866, Acc.armchair: 0.7049, Acc.seat: 0.8734, Acc.fence: 0.5619, Acc.desk: 0.7064, Acc.rock: 0.6336, Acc.wardrobe: 0.6927, Acc.lamp: 0.7879, Acc.bathtub: 0.7087, Acc.railing: 0.5214, Acc.cushion: 0.7734, Acc.base: 0.4688, Acc.box: 0.4327, Acc.column: 0.6297, Acc.signboard: 0.5190, Acc.chest of drawers: 0.6681, Acc.counter: 0.6615, Acc.sand: 0.8457, Acc.sink: 0.7865, Acc.skyscraper: 0.5648, Acc.fireplace: 0.9457, Acc.refrigerator: 0.8442, Acc.grandstand: 0.8364, Acc.path: 0.2970, Acc.stairs: 0.5023, Acc.runway: 0.9730, Acc.case: 0.5403, Acc.pool table: 0.9687, Acc.pillow: 0.6592, Acc.screen door: 0.9478, Acc.stairway: 0.6675, Acc.river: 0.3187, Acc.bridge: 0.6289, Acc.bookcase: 0.6300, Acc.blind: 0.5051, Acc.coffee table: 0.8491, Acc.toilet: 0.9540, Acc.flower: 0.6322, Acc.book: 0.7935, Acc.hill: 0.1484, Acc.bench: 0.6824, Acc.countertop: 0.8232, Acc.stove: 0.8899, Acc.palm: 0.7522, Acc.kitchen island: 0.6253, Acc.computer: 0.9157, Acc.swivel chair: 0.5335, Acc.boat: 0.8655, Acc.bar: 0.8087, Acc.arcade machine: 0.9762, Acc.hovel: 0.5059, Acc.bus: 0.9672, Acc.towel: 0.8475, Acc.light: 0.5768, Acc.truck: 0.5548, Acc.tower: 0.3993, Acc.chandelier: 0.7853, Acc.awning: 0.6410, Acc.streetlight: 0.2900, Acc.booth: 0.6198, Acc.television receiver: 0.8653, Acc.airplane: 0.6767, Acc.dirt track: 0.3374, Acc.apparel: 0.6899, Acc.pole: 0.2052, Acc.land: 0.1251, Acc.bannister: 0.1521, Acc.escalator: 0.8757, Acc.ottoman: 0.6772, Acc.bottle: 0.6384, Acc.buffet: 0.6637, Acc.poster: 0.2457, Acc.stage: 0.7284, Acc.van: 0.4956, Acc.ship: 0.9705, Acc.fountain: 0.5334, Acc.conveyer belt: 0.9646, Acc.canopy: 0.5871, Acc.washer: 0.9378, Acc.plaything: 0.4093, Acc.swimming pool: 0.7936, Acc.stool: 0.6112, Acc.barrel: 0.6491, Acc.basket: 0.5534, Acc.waterfall: 0.9143, Acc.tent: 0.9838, Acc.bag: 0.3363, Acc.minibike: 0.8613, Acc.cradle: 0.9602, Acc.oven: 0.6753, Acc.ball: 0.0483, Acc.food: 0.5797, Acc.step: 0.1812, Acc.tank: 0.9109, Acc.trade name: 0.2851, Acc.microwave: 0.9340, Acc.pot: 0.5586, Acc.animal: 0.6733, Acc.bicycle: 0.7648, Acc.lake: 0.6246, Acc.dishwasher: 0.6831, Acc.screen: 0.7207, Acc.blanket: 0.2542, Acc.sculpture: 0.8288, Acc.hood: 0.6604, Acc.sconce: 0.6240, Acc.vase: 0.4907, Acc.traffic light: 0.5814, Acc.tray: 0.2245, Acc.ashcan: 0.6008, Acc.fan: 0.6592, Acc.pier: 0.4681, Acc.crt screen: 0.1518, Acc.plate: 0.6754, Acc.monitor: 0.8345, Acc.bulletin board: 0.5389, Acc.shower: 0.0585, Acc.radiator: 0.7646, Acc.glass: 0.1410, Acc.clock: 0.4975, Acc.flag: 0.7840 2024-01-18 02:01:08,884 - mmseg - INFO - Iter [14050/80000] lr: 3.298e-05, eta: 1 day, 2:03:58, time: 4.409, data_time: 3.209, memory: 59004, decode.loss_ce: 0.2581, decode.acc_seg: 88.9634, aux.loss_ce: 0.1194, aux.acc_seg: 87.5167, loss: 0.3775 2024-01-18 02:02:09,260 - mmseg - INFO - Iter [14100/80000] lr: 3.295e-05, eta: 1 day, 2:01:57, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2506, decode.acc_seg: 89.5428, aux.loss_ce: 0.1180, aux.acc_seg: 87.7659, loss: 0.3685 2024-01-18 02:03:09,566 - mmseg - INFO - Iter [14150/80000] lr: 3.293e-05, eta: 1 day, 1:59:55, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2546, decode.acc_seg: 89.3416, aux.loss_ce: 0.1193, aux.acc_seg: 87.8017, loss: 0.3739 2024-01-18 02:04:09,917 - mmseg - INFO - Iter [14200/80000] lr: 3.290e-05, eta: 1 day, 1:57:55, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2612, decode.acc_seg: 88.7897, aux.loss_ce: 0.1228, aux.acc_seg: 86.7203, loss: 0.3839 2024-01-18 02:05:10,303 - mmseg - INFO - Iter [14250/80000] lr: 3.288e-05, eta: 1 day, 1:55:55, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2770, decode.acc_seg: 87.9452, aux.loss_ce: 0.1259, aux.acc_seg: 86.2026, loss: 0.4029 2024-01-18 02:06:10,652 - mmseg - INFO - Iter [14300/80000] lr: 3.285e-05, eta: 1 day, 1:53:55, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2663, decode.acc_seg: 88.5059, aux.loss_ce: 0.1229, aux.acc_seg: 86.9931, loss: 0.3893 2024-01-18 02:07:11,049 - mmseg - INFO - Iter [14350/80000] lr: 3.283e-05, eta: 1 day, 1:51:55, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2662, decode.acc_seg: 88.6913, aux.loss_ce: 0.1231, aux.acc_seg: 87.1698, loss: 0.3892 2024-01-18 02:08:11,789 - mmseg - INFO - Iter [14400/80000] lr: 3.280e-05, eta: 1 day, 1:49:58, time: 1.215, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2515, decode.acc_seg: 89.1762, aux.loss_ce: 0.1178, aux.acc_seg: 87.6284, loss: 0.3693 2024-01-18 02:09:12,336 - mmseg - INFO - Iter [14450/80000] lr: 3.278e-05, eta: 1 day, 1:48:00, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2651, decode.acc_seg: 88.9729, aux.loss_ce: 0.1245, aux.acc_seg: 87.2265, loss: 0.3896 2024-01-18 02:10:13,084 - mmseg - INFO - Iter [14500/80000] lr: 3.275e-05, eta: 1 day, 1:46:04, time: 1.215, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2576, decode.acc_seg: 89.2783, aux.loss_ce: 0.1220, aux.acc_seg: 87.3628, loss: 0.3795 2024-01-18 02:11:13,623 - mmseg - INFO - Iter [14550/80000] lr: 3.273e-05, eta: 1 day, 1:44:07, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2612, decode.acc_seg: 88.7506, aux.loss_ce: 0.1224, aux.acc_seg: 86.9872, loss: 0.3836 2024-01-18 02:12:14,076 - mmseg - INFO - Iter [14600/80000] lr: 3.270e-05, eta: 1 day, 1:42:10, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2695, decode.acc_seg: 88.6088, aux.loss_ce: 0.1257, aux.acc_seg: 86.8536, loss: 0.3952 2024-01-18 02:13:14,574 - mmseg - INFO - Iter [14650/80000] lr: 3.268e-05, eta: 1 day, 1:40:13, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2482, decode.acc_seg: 89.4063, aux.loss_ce: 0.1171, aux.acc_seg: 87.7620, loss: 0.3653 2024-01-18 02:14:15,064 - mmseg - INFO - Iter [14700/80000] lr: 3.265e-05, eta: 1 day, 1:38:17, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2631, decode.acc_seg: 89.1602, aux.loss_ce: 0.1228, aux.acc_seg: 87.4400, loss: 0.3859 2024-01-18 02:15:15,517 - mmseg - INFO - Iter [14750/80000] lr: 3.263e-05, eta: 1 day, 1:36:21, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2673, decode.acc_seg: 88.6152, aux.loss_ce: 0.1208, aux.acc_seg: 87.2746, loss: 0.3882 2024-01-18 02:16:15,923 - mmseg - INFO - Iter [14800/80000] lr: 3.260e-05, eta: 1 day, 1:34:26, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2643, decode.acc_seg: 88.5567, aux.loss_ce: 0.1239, aux.acc_seg: 86.9060, loss: 0.3882 2024-01-18 02:17:16,314 - mmseg - INFO - Iter [14850/80000] lr: 3.258e-05, eta: 1 day, 1:32:30, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2865, decode.acc_seg: 87.9335, aux.loss_ce: 0.1305, aux.acc_seg: 86.2295, loss: 0.4170 2024-01-18 02:18:16,648 - mmseg - INFO - Iter [14900/80000] lr: 3.255e-05, eta: 1 day, 1:30:35, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2610, decode.acc_seg: 89.0005, aux.loss_ce: 0.1210, aux.acc_seg: 87.2727, loss: 0.3820 2024-01-18 02:19:17,302 - mmseg - INFO - Iter [14950/80000] lr: 3.253e-05, eta: 1 day, 1:28:42, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2746, decode.acc_seg: 88.4232, aux.loss_ce: 0.1253, aux.acc_seg: 87.1433, loss: 0.3999 2024-01-18 02:20:17,985 - mmseg - INFO - Saving checkpoint at 15000 iterations 2024-01-18 02:21:05,927 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 02:21:05,927 - mmseg - INFO - Iter [15000/80000] lr: 3.250e-05, eta: 1 day, 1:30:16, time: 2.172, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2484, decode.acc_seg: 89.6841, aux.loss_ce: 0.1163, aux.acc_seg: 87.8458, loss: 0.3646 2024-01-18 02:23:43,173 - mmseg - INFO - per class results: 2024-01-18 02:23:43,180 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.19 | 88.55 | | building | 84.84 | 92.9 | | sky | 94.39 | 97.65 | | floor | 82.92 | 89.39 | | tree | 75.98 | 89.61 | | ceiling | 85.44 | 93.85 | | road | 86.36 | 91.78 | | bed | 91.16 | 97.51 | | windowpane | 63.87 | 80.53 | | grass | 60.95 | 69.83 | | cabinet | 66.2 | 80.73 | | sidewalk | 68.95 | 79.46 | | person | 83.07 | 93.57 | | earth | 35.58 | 53.36 | | door | 52.48 | 64.63 | | table | 67.09 | 78.16 | | mountain | 60.32 | 67.08 | | plant | 52.23 | 62.9 | | curtain | 75.81 | 90.25 | | chair | 62.46 | 76.15 | | car | 84.58 | 93.16 | | water | 55.87 | 67.43 | | painting | 71.8 | 90.56 | | sofa | 76.76 | 90.89 | | shelf | 41.97 | 52.54 | | house | 56.15 | 69.19 | | sea | 66.54 | 79.06 | | mirror | 75.66 | 86.85 | | rug | 67.08 | 79.49 | | field | 27.01 | 58.95 | | armchair | 56.6 | 73.57 | | seat | 66.97 | 89.76 | | fence | 48.7 | 62.27 | | desk | 54.31 | 79.85 | | rock | 59.06 | 80.04 | | wardrobe | 58.83 | 76.54 | | lamp | 68.63 | 80.98 | | bathtub | 79.59 | 88.25 | | railing | 42.95 | 60.46 | | cushion | 56.61 | 58.88 | | base | 42.5 | 60.84 | | box | 33.28 | 43.27 | | column | 49.08 | 62.91 | | signboard | 36.65 | 48.2 | | chest of drawers | 51.93 | 63.78 | | counter | 45.11 | 57.95 | | sand | 54.92 | 80.86 | | sink | 77.15 | 83.04 | | skyscraper | 50.6 | 59.87 | | fireplace | 74.16 | 89.08 | | refrigerator | 76.37 | 83.11 | | grandstand | 57.45 | 87.66 | | path | 24.58 | 34.54 | | stairs | 47.33 | 59.19 | | runway | 72.49 | 98.27 | | case | 58.44 | 77.29 | | pool table | 93.07 | 98.65 | | pillow | 64.47 | 79.18 | | screen door | 66.77 | 74.13 | | stairway | 44.32 | 59.74 | | river | 12.66 | 34.02 | | bridge | 75.12 | 88.41 | | bookcase | 44.14 | 57.09 | | blind | 38.0 | 43.24 | | coffee table | 62.57 | 88.64 | | toilet | 90.18 | 94.57 | | flower | 42.85 | 55.1 | | book | 53.06 | 77.83 | | hill | 5.52 | 14.51 | | bench | 61.71 | 74.43 | | countertop | 61.14 | 79.35 | | stove | 81.49 | 90.47 | | palm | 55.53 | 69.49 | | kitchen island | 46.37 | 78.97 | | computer | 76.69 | 94.07 | | swivel chair | 50.48 | 79.56 | | boat | 67.45 | 90.24 | | bar | 66.2 | 85.46 | | arcade machine | 87.58 | 97.21 | | hovel | 47.17 | 52.2 | | bus | 90.96 | 96.92 | | towel | 73.6 | 85.09 | | light | 48.69 | 52.51 | | truck | 46.88 | 59.68 | | tower | 30.37 | 53.61 | | chandelier | 68.26 | 83.79 | | awning | 41.34 | 57.1 | | streetlight | 27.6 | 32.29 | | booth | 34.68 | 45.36 | | television receiver | 79.8 | 88.75 | | airplane | 63.18 | 68.6 | | dirt track | 5.11 | 12.52 | | apparel | 53.1 | 80.73 | | pole | 24.12 | 39.89 | | land | 2.02 | 2.58 | | bannister | 6.76 | 8.26 | | escalator | 61.24 | 85.0 | | ottoman | 45.48 | 64.02 | | bottle | 41.84 | 73.73 | | buffet | 57.61 | 65.82 | | poster | 20.42 | 21.43 | | stage | 23.38 | 73.49 | | van | 39.24 | 57.19 | | ship | 92.38 | 98.05 | | fountain | 58.91 | 61.33 | | conveyer belt | 62.95 | 98.73 | | canopy | 50.83 | 70.28 | | washer | 87.87 | 94.99 | | plaything | 18.91 | 37.2 | | swimming pool | 58.02 | 85.65 | | stool | 42.29 | 56.55 | | barrel | 47.56 | 65.09 | | basket | 41.26 | 48.67 | | waterfall | 51.15 | 61.88 | | tent | 89.55 | 97.58 | | bag | 28.97 | 33.27 | | minibike | 73.09 | 89.96 | | cradle | 79.5 | 98.24 | | oven | 61.67 | 72.12 | | ball | 54.12 | 60.25 | | food | 52.13 | 60.22 | | step | 23.14 | 24.57 | | tank | 75.41 | 96.83 | | trade name | 27.95 | 34.55 | | microwave | 85.89 | 94.53 | | pot | 53.08 | 59.24 | | animal | 66.08 | 67.76 | | bicycle | 60.21 | 83.83 | | lake | 51.15 | 69.0 | | dishwasher | 61.77 | 73.94 | | screen | 54.11 | 67.73 | | blanket | 20.3 | 23.19 | | sculpture | 68.95 | 86.44 | | hood | 67.39 | 80.55 | | sconce | 53.13 | 66.78 | | vase | 42.35 | 59.21 | | traffic light | 32.18 | 51.55 | | tray | 9.22 | 11.12 | | ashcan | 49.54 | 61.49 | | fan | 61.25 | 69.95 | | pier | 35.88 | 46.9 | | crt screen | 25.2 | 34.01 | | plate | 56.5 | 82.15 | | monitor | 61.08 | 84.32 | | bulletin board | 50.86 | 61.88 | | shower | 1.04 | 1.54 | | radiator | 66.29 | 72.86 | | glass | 17.24 | 18.57 | | clock | 46.54 | 52.17 | | flag | 71.34 | 79.05 | +---------------------+-------+-------+ 2024-01-18 02:23:43,180 - mmseg - INFO - Summary: 2024-01-18 02:23:43,180 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.82 | 55.5 | 68.78 | +-------+------+-------+ 2024-01-18 02:23:43,181 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 02:23:43,182 - mmseg - INFO - Iter(val) [250] aAcc: 0.8482, mIoU: 0.5550, mAcc: 0.6878, IoU.wall: 0.8019, IoU.building: 0.8484, IoU.sky: 0.9439, IoU.floor: 0.8292, IoU.tree: 0.7598, IoU.ceiling: 0.8544, IoU.road: 0.8636, IoU.bed : 0.9116, IoU.windowpane: 0.6387, IoU.grass: 0.6095, IoU.cabinet: 0.6620, IoU.sidewalk: 0.6895, IoU.person: 0.8307, IoU.earth: 0.3558, IoU.door: 0.5248, IoU.table: 0.6709, IoU.mountain: 0.6032, IoU.plant: 0.5223, IoU.curtain: 0.7581, IoU.chair: 0.6246, IoU.car: 0.8458, IoU.water: 0.5587, IoU.painting: 0.7180, IoU.sofa: 0.7676, IoU.shelf: 0.4197, IoU.house: 0.5615, IoU.sea: 0.6654, IoU.mirror: 0.7566, IoU.rug: 0.6708, IoU.field: 0.2701, IoU.armchair: 0.5660, IoU.seat: 0.6697, IoU.fence: 0.4870, IoU.desk: 0.5431, IoU.rock: 0.5906, IoU.wardrobe: 0.5883, IoU.lamp: 0.6863, IoU.bathtub: 0.7959, IoU.railing: 0.4295, IoU.cushion: 0.5661, IoU.base: 0.4250, IoU.box: 0.3328, IoU.column: 0.4908, IoU.signboard: 0.3665, IoU.chest of drawers: 0.5193, IoU.counter: 0.4511, IoU.sand: 0.5492, IoU.sink: 0.7715, IoU.skyscraper: 0.5060, IoU.fireplace: 0.7416, IoU.refrigerator: 0.7637, IoU.grandstand: 0.5745, IoU.path: 0.2458, IoU.stairs: 0.4733, IoU.runway: 0.7249, IoU.case: 0.5844, IoU.pool table: 0.9307, IoU.pillow: 0.6447, IoU.screen door: 0.6677, IoU.stairway: 0.4432, IoU.river: 0.1266, IoU.bridge: 0.7512, IoU.bookcase: 0.4414, IoU.blind: 0.3800, IoU.coffee table: 0.6257, IoU.toilet: 0.9018, IoU.flower: 0.4285, IoU.book: 0.5306, IoU.hill: 0.0552, IoU.bench: 0.6171, IoU.countertop: 0.6114, IoU.stove: 0.8149, IoU.palm: 0.5553, IoU.kitchen island: 0.4637, IoU.computer: 0.7669, IoU.swivel chair: 0.5048, IoU.boat: 0.6745, IoU.bar: 0.6620, IoU.arcade machine: 0.8758, IoU.hovel: 0.4717, IoU.bus: 0.9096, IoU.towel: 0.7360, IoU.light: 0.4869, IoU.truck: 0.4688, IoU.tower: 0.3037, IoU.chandelier: 0.6826, IoU.awning: 0.4134, IoU.streetlight: 0.2760, IoU.booth: 0.3468, IoU.television receiver: 0.7980, IoU.airplane: 0.6318, IoU.dirt track: 0.0511, IoU.apparel: 0.5310, IoU.pole: 0.2412, IoU.land: 0.0202, IoU.bannister: 0.0676, IoU.escalator: 0.6124, IoU.ottoman: 0.4548, IoU.bottle: 0.4184, IoU.buffet: 0.5761, IoU.poster: 0.2042, IoU.stage: 0.2338, IoU.van: 0.3924, IoU.ship: 0.9238, IoU.fountain: 0.5891, IoU.conveyer belt: 0.6295, IoU.canopy: 0.5083, IoU.washer: 0.8787, IoU.plaything: 0.1891, IoU.swimming pool: 0.5802, IoU.stool: 0.4229, IoU.barrel: 0.4756, IoU.basket: 0.4126, IoU.waterfall: 0.5115, IoU.tent: 0.8955, IoU.bag: 0.2897, IoU.minibike: 0.7309, IoU.cradle: 0.7950, IoU.oven: 0.6167, IoU.ball: 0.5412, IoU.food: 0.5213, IoU.step: 0.2314, IoU.tank: 0.7541, IoU.trade name: 0.2795, IoU.microwave: 0.8589, IoU.pot: 0.5308, IoU.animal: 0.6608, IoU.bicycle: 0.6021, IoU.lake: 0.5115, IoU.dishwasher: 0.6177, IoU.screen: 0.5411, IoU.blanket: 0.2030, IoU.sculpture: 0.6895, IoU.hood: 0.6739, IoU.sconce: 0.5313, IoU.vase: 0.4235, IoU.traffic light: 0.3218, IoU.tray: 0.0922, IoU.ashcan: 0.4954, IoU.fan: 0.6125, IoU.pier: 0.3588, IoU.crt screen: 0.2520, IoU.plate: 0.5650, IoU.monitor: 0.6108, IoU.bulletin board: 0.5086, IoU.shower: 0.0104, IoU.radiator: 0.6629, IoU.glass: 0.1724, IoU.clock: 0.4654, IoU.flag: 0.7134, Acc.wall: 0.8855, Acc.building: 0.9290, Acc.sky: 0.9765, Acc.floor: 0.8939, Acc.tree: 0.8961, Acc.ceiling: 0.9385, Acc.road: 0.9178, Acc.bed : 0.9751, Acc.windowpane: 0.8053, Acc.grass: 0.6983, Acc.cabinet: 0.8073, Acc.sidewalk: 0.7946, Acc.person: 0.9357, Acc.earth: 0.5336, Acc.door: 0.6463, Acc.table: 0.7816, Acc.mountain: 0.6708, Acc.plant: 0.6290, Acc.curtain: 0.9025, Acc.chair: 0.7615, Acc.car: 0.9316, Acc.water: 0.6743, Acc.painting: 0.9056, Acc.sofa: 0.9089, Acc.shelf: 0.5254, Acc.house: 0.6919, Acc.sea: 0.7906, Acc.mirror: 0.8685, Acc.rug: 0.7949, Acc.field: 0.5895, Acc.armchair: 0.7357, Acc.seat: 0.8976, Acc.fence: 0.6227, Acc.desk: 0.7985, Acc.rock: 0.8004, Acc.wardrobe: 0.7654, Acc.lamp: 0.8098, Acc.bathtub: 0.8825, Acc.railing: 0.6046, Acc.cushion: 0.5888, Acc.base: 0.6084, Acc.box: 0.4327, Acc.column: 0.6291, Acc.signboard: 0.4820, Acc.chest of drawers: 0.6378, Acc.counter: 0.5795, Acc.sand: 0.8086, Acc.sink: 0.8304, Acc.skyscraper: 0.5987, Acc.fireplace: 0.8908, Acc.refrigerator: 0.8311, Acc.grandstand: 0.8766, Acc.path: 0.3454, Acc.stairs: 0.5919, Acc.runway: 0.9827, Acc.case: 0.7729, Acc.pool table: 0.9865, Acc.pillow: 0.7918, Acc.screen door: 0.7413, Acc.stairway: 0.5974, Acc.river: 0.3402, Acc.bridge: 0.8841, Acc.bookcase: 0.5709, Acc.blind: 0.4324, Acc.coffee table: 0.8864, Acc.toilet: 0.9457, Acc.flower: 0.5510, Acc.book: 0.7783, Acc.hill: 0.1451, Acc.bench: 0.7443, Acc.countertop: 0.7935, Acc.stove: 0.9047, Acc.palm: 0.6949, Acc.kitchen island: 0.7897, Acc.computer: 0.9407, Acc.swivel chair: 0.7956, Acc.boat: 0.9024, Acc.bar: 0.8546, Acc.arcade machine: 0.9721, Acc.hovel: 0.5220, Acc.bus: 0.9692, Acc.towel: 0.8509, Acc.light: 0.5251, Acc.truck: 0.5968, Acc.tower: 0.5361, Acc.chandelier: 0.8379, Acc.awning: 0.5710, Acc.streetlight: 0.3229, Acc.booth: 0.4536, Acc.television receiver: 0.8875, Acc.airplane: 0.6860, Acc.dirt track: 0.1252, Acc.apparel: 0.8073, Acc.pole: 0.3989, Acc.land: 0.0258, Acc.bannister: 0.0826, Acc.escalator: 0.8500, Acc.ottoman: 0.6402, Acc.bottle: 0.7373, Acc.buffet: 0.6582, Acc.poster: 0.2143, Acc.stage: 0.7349, Acc.van: 0.5719, Acc.ship: 0.9805, Acc.fountain: 0.6133, Acc.conveyer belt: 0.9873, Acc.canopy: 0.7028, Acc.washer: 0.9499, Acc.plaything: 0.3720, Acc.swimming pool: 0.8565, Acc.stool: 0.5655, Acc.barrel: 0.6509, Acc.basket: 0.4867, Acc.waterfall: 0.6188, Acc.tent: 0.9758, Acc.bag: 0.3327, Acc.minibike: 0.8996, Acc.cradle: 0.9824, Acc.oven: 0.7212, Acc.ball: 0.6025, Acc.food: 0.6022, Acc.step: 0.2457, Acc.tank: 0.9683, Acc.trade name: 0.3455, Acc.microwave: 0.9453, Acc.pot: 0.5924, Acc.animal: 0.6776, Acc.bicycle: 0.8383, Acc.lake: 0.6900, Acc.dishwasher: 0.7394, Acc.screen: 0.6773, Acc.blanket: 0.2319, Acc.sculpture: 0.8644, Acc.hood: 0.8055, Acc.sconce: 0.6678, Acc.vase: 0.5921, Acc.traffic light: 0.5155, Acc.tray: 0.1112, Acc.ashcan: 0.6149, Acc.fan: 0.6995, Acc.pier: 0.4690, Acc.crt screen: 0.3401, Acc.plate: 0.8215, Acc.monitor: 0.8432, Acc.bulletin board: 0.6188, Acc.shower: 0.0154, Acc.radiator: 0.7286, Acc.glass: 0.1857, Acc.clock: 0.5217, Acc.flag: 0.7905 2024-01-18 02:24:44,195 - mmseg - INFO - Iter [15050/80000] lr: 3.248e-05, eta: 1 day, 1:39:43, time: 4.365, data_time: 3.165, memory: 59004, decode.loss_ce: 0.2762, decode.acc_seg: 88.2032, aux.loss_ce: 0.1271, aux.acc_seg: 86.5724, loss: 0.4033 2024-01-18 02:25:44,584 - mmseg - INFO - Iter [15100/80000] lr: 3.245e-05, eta: 1 day, 1:37:46, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2652, decode.acc_seg: 88.8099, aux.loss_ce: 0.1241, aux.acc_seg: 87.1359, loss: 0.3893 2024-01-18 02:26:44,975 - mmseg - INFO - Iter [15150/80000] lr: 3.243e-05, eta: 1 day, 1:35:49, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2506, decode.acc_seg: 89.7395, aux.loss_ce: 0.1157, aux.acc_seg: 88.4342, loss: 0.3663 2024-01-18 02:27:47,770 - mmseg - INFO - Iter [15200/80000] lr: 3.240e-05, eta: 1 day, 1:34:02, time: 1.256, data_time: 0.052, memory: 59004, decode.loss_ce: 0.2373, decode.acc_seg: 90.1459, aux.loss_ce: 0.1111, aux.acc_seg: 88.3402, loss: 0.3484 2024-01-18 02:28:48,264 - mmseg - INFO - Iter [15250/80000] lr: 3.238e-05, eta: 1 day, 1:32:07, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2451, decode.acc_seg: 89.6428, aux.loss_ce: 0.1148, aux.acc_seg: 87.9269, loss: 0.3599 2024-01-18 02:29:48,726 - mmseg - INFO - Iter [15300/80000] lr: 3.235e-05, eta: 1 day, 1:30:11, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2465, decode.acc_seg: 89.9266, aux.loss_ce: 0.1156, aux.acc_seg: 88.1779, loss: 0.3621 2024-01-18 02:30:49,091 - mmseg - INFO - Iter [15350/80000] lr: 3.233e-05, eta: 1 day, 1:28:16, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2401, decode.acc_seg: 89.7651, aux.loss_ce: 0.1150, aux.acc_seg: 87.8947, loss: 0.3550 2024-01-18 02:31:49,610 - mmseg - INFO - Iter [15400/80000] lr: 3.230e-05, eta: 1 day, 1:26:21, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2485, decode.acc_seg: 89.5481, aux.loss_ce: 0.1191, aux.acc_seg: 87.5499, loss: 0.3675 2024-01-18 02:32:50,228 - mmseg - INFO - Iter [15450/80000] lr: 3.228e-05, eta: 1 day, 1:24:27, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2589, decode.acc_seg: 88.9373, aux.loss_ce: 0.1194, aux.acc_seg: 87.4085, loss: 0.3783 2024-01-18 02:33:50,895 - mmseg - INFO - Iter [15500/80000] lr: 3.225e-05, eta: 1 day, 1:22:34, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2408, decode.acc_seg: 90.0258, aux.loss_ce: 0.1121, aux.acc_seg: 88.1791, loss: 0.3529 2024-01-18 02:34:51,464 - mmseg - INFO - Iter [15550/80000] lr: 3.223e-05, eta: 1 day, 1:20:41, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2486, decode.acc_seg: 89.6688, aux.loss_ce: 0.1175, aux.acc_seg: 87.8123, loss: 0.3660 2024-01-18 02:35:51,934 - mmseg - INFO - Iter [15600/80000] lr: 3.220e-05, eta: 1 day, 1:18:47, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2408, decode.acc_seg: 89.7879, aux.loss_ce: 0.1133, aux.acc_seg: 88.0971, loss: 0.3540 2024-01-18 02:36:52,403 - mmseg - INFO - Iter [15650/80000] lr: 3.218e-05, eta: 1 day, 1:16:54, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2557, decode.acc_seg: 88.9469, aux.loss_ce: 0.1172, aux.acc_seg: 87.5315, loss: 0.3729 2024-01-18 02:37:52,787 - mmseg - INFO - Iter [15700/80000] lr: 3.215e-05, eta: 1 day, 1:15:01, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2275, decode.acc_seg: 90.2831, aux.loss_ce: 0.1092, aux.acc_seg: 88.3380, loss: 0.3367 2024-01-18 02:38:53,381 - mmseg - INFO - Iter [15750/80000] lr: 3.213e-05, eta: 1 day, 1:13:10, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2509, decode.acc_seg: 89.3569, aux.loss_ce: 0.1183, aux.acc_seg: 87.9530, loss: 0.3692 2024-01-18 02:39:53,868 - mmseg - INFO - Iter [15800/80000] lr: 3.210e-05, eta: 1 day, 1:11:18, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2394, decode.acc_seg: 89.8202, aux.loss_ce: 0.1120, aux.acc_seg: 88.3997, loss: 0.3515 2024-01-18 02:40:54,406 - mmseg - INFO - Iter [15850/80000] lr: 3.208e-05, eta: 1 day, 1:09:26, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2436, decode.acc_seg: 89.2964, aux.loss_ce: 0.1158, aux.acc_seg: 87.5601, loss: 0.3594 2024-01-18 02:41:54,921 - mmseg - INFO - Iter [15900/80000] lr: 3.205e-05, eta: 1 day, 1:07:35, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2513, decode.acc_seg: 89.1341, aux.loss_ce: 0.1184, aux.acc_seg: 87.2150, loss: 0.3697 2024-01-18 02:42:55,518 - mmseg - INFO - Iter [15950/80000] lr: 3.203e-05, eta: 1 day, 1:05:44, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2536, decode.acc_seg: 89.3871, aux.loss_ce: 0.1181, aux.acc_seg: 87.8371, loss: 0.3717 2024-01-18 02:43:56,099 - mmseg - INFO - Saving checkpoint at 16000 iterations 2024-01-18 02:44:41,248 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 02:44:41,248 - mmseg - INFO - Iter [16000/80000] lr: 3.200e-05, eta: 1 day, 1:06:55, time: 2.115, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2594, decode.acc_seg: 89.3006, aux.loss_ce: 0.1218, aux.acc_seg: 87.6849, loss: 0.3812 2024-01-18 02:47:19,026 - mmseg - INFO - per class results: 2024-01-18 02:47:19,032 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.88 | 90.52 | | building | 84.52 | 92.16 | | sky | 94.31 | 96.91 | | floor | 82.95 | 90.61 | | tree | 75.0 | 89.48 | | ceiling | 84.9 | 89.83 | | road | 85.6 | 90.02 | | bed | 90.78 | 97.43 | | windowpane | 64.0 | 78.26 | | grass | 62.12 | 70.21 | | cabinet | 64.2 | 78.45 | | sidewalk | 68.32 | 80.82 | | person | 82.86 | 93.48 | | earth | 38.95 | 57.71 | | door | 53.77 | 64.29 | | table | 66.24 | 81.17 | | mountain | 58.47 | 69.3 | | plant | 51.94 | 62.55 | | curtain | 78.89 | 87.76 | | chair | 62.53 | 76.77 | | car | 85.96 | 93.76 | | water | 58.87 | 71.43 | | painting | 72.39 | 87.84 | | sofa | 75.03 | 92.62 | | shelf | 43.78 | 69.39 | | house | 55.68 | 72.85 | | sea | 68.83 | 82.22 | | mirror | 73.16 | 81.17 | | rug | 64.93 | 74.85 | | field | 23.17 | 42.56 | | armchair | 54.28 | 64.06 | | seat | 66.98 | 85.4 | | fence | 45.96 | 53.43 | | desk | 49.35 | 83.47 | | rock | 55.94 | 78.81 | | wardrobe | 50.47 | 68.19 | | lamp | 69.78 | 80.27 | | bathtub | 79.31 | 86.1 | | railing | 38.45 | 48.8 | | cushion | 65.04 | 72.91 | | base | 38.19 | 50.06 | | box | 28.77 | 32.5 | | column | 52.66 | 64.75 | | signboard | 36.57 | 51.06 | | chest of drawers | 42.65 | 51.75 | | counter | 34.99 | 38.06 | | sand | 51.5 | 84.94 | | sink | 74.9 | 80.47 | | skyscraper | 49.39 | 67.73 | | fireplace | 71.37 | 89.59 | | refrigerator | 75.4 | 79.34 | | grandstand | 56.69 | 77.34 | | path | 30.98 | 48.5 | | stairs | 35.36 | 39.38 | | runway | 72.76 | 97.14 | | case | 62.32 | 81.82 | | pool table | 93.51 | 98.13 | | pillow | 56.39 | 61.6 | | screen door | 68.53 | 72.5 | | stairway | 40.7 | 69.22 | | river | 12.17 | 28.72 | | bridge | 60.58 | 78.51 | | bookcase | 45.95 | 64.88 | | blind | 39.58 | 48.38 | | coffee table | 61.19 | 89.1 | | toilet | 89.16 | 96.47 | | flower | 46.51 | 59.31 | | book | 53.29 | 66.63 | | hill | 6.21 | 15.4 | | bench | 60.9 | 69.6 | | countertop | 63.63 | 86.16 | | stove | 81.06 | 91.73 | | palm | 54.47 | 71.18 | | kitchen island | 38.22 | 67.64 | | computer | 76.75 | 86.12 | | swivel chair | 35.7 | 41.44 | | boat | 43.47 | 87.57 | | bar | 72.61 | 78.03 | | arcade machine | 88.66 | 97.04 | | hovel | 46.57 | 53.71 | | bus | 90.29 | 97.03 | | towel | 74.73 | 83.52 | | light | 53.34 | 69.24 | | truck | 48.13 | 54.41 | | tower | 35.13 | 49.44 | | chandelier | 69.82 | 79.84 | | awning | 36.92 | 55.75 | | streetlight | 28.01 | 32.35 | | booth | 30.52 | 78.41 | | television receiver | 79.63 | 86.83 | | airplane | 77.7 | 90.73 | | dirt track | 8.31 | 14.47 | | apparel | 55.29 | 77.51 | | pole | 20.34 | 36.58 | | land | 1.1 | 2.03 | | bannister | 11.02 | 14.82 | | escalator | 64.26 | 81.93 | | ottoman | 51.01 | 71.05 | | bottle | 40.97 | 70.34 | | buffet | 60.29 | 69.52 | | poster | 18.64 | 23.23 | | stage | 22.12 | 59.56 | | van | 49.72 | 65.4 | | ship | 39.73 | 40.77 | | fountain | 56.78 | 59.53 | | conveyer belt | 70.15 | 98.21 | | canopy | 50.98 | 80.0 | | washer | 89.25 | 95.95 | | plaything | 24.79 | 41.4 | | swimming pool | 55.24 | 83.2 | | stool | 45.38 | 58.82 | | barrel | 50.02 | 65.07 | | basket | 40.4 | 49.86 | | waterfall | 49.88 | 57.59 | | tent | 93.83 | 98.83 | | bag | 22.35 | 25.77 | | minibike | 74.47 | 89.31 | | cradle | 84.93 | 97.44 | | oven | 64.91 | 72.67 | | ball | 58.36 | 67.21 | | food | 59.94 | 71.18 | | step | 14.01 | 14.72 | | tank | 77.36 | 96.34 | | trade name | 20.11 | 22.15 | | microwave | 87.67 | 93.27 | | pot | 52.54 | 59.33 | | animal | 66.54 | 68.01 | | bicycle | 61.09 | 81.24 | | lake | 44.3 | 63.41 | | dishwasher | 62.23 | 66.47 | | screen | 56.04 | 84.44 | | blanket | 15.48 | 16.96 | | sculpture | 73.48 | 84.89 | | hood | 55.01 | 61.8 | | sconce | 50.38 | 57.6 | | vase | 41.33 | 49.84 | | traffic light | 31.69 | 58.23 | | tray | 10.86 | 14.73 | | ashcan | 50.39 | 63.05 | | fan | 66.4 | 80.87 | | pier | 35.08 | 38.19 | | crt screen | 13.36 | 17.59 | | plate | 57.22 | 77.18 | | monitor | 67.53 | 77.25 | | bulletin board | 48.72 | 58.23 | | shower | 0.0 | 0.0 | | radiator | 68.82 | 76.32 | | glass | 17.71 | 19.36 | | clock | 45.4 | 51.42 | | flag | 69.73 | 75.7 | +---------------------+-------+-------+ 2024-01-18 02:47:19,033 - mmseg - INFO - Summary: 2024-01-18 02:47:19,033 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.57 | 54.65 | 67.24 | +-------+-------+-------+ 2024-01-18 02:47:19,033 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 02:47:19,034 - mmseg - INFO - Iter(val) [250] aAcc: 0.8457, mIoU: 0.5465, mAcc: 0.6724, IoU.wall: 0.7988, IoU.building: 0.8452, IoU.sky: 0.9431, IoU.floor: 0.8295, IoU.tree: 0.7500, IoU.ceiling: 0.8490, IoU.road: 0.8560, IoU.bed : 0.9078, IoU.windowpane: 0.6400, IoU.grass: 0.6212, IoU.cabinet: 0.6420, IoU.sidewalk: 0.6832, IoU.person: 0.8286, IoU.earth: 0.3895, IoU.door: 0.5377, IoU.table: 0.6624, IoU.mountain: 0.5847, IoU.plant: 0.5194, IoU.curtain: 0.7889, IoU.chair: 0.6253, IoU.car: 0.8596, IoU.water: 0.5887, IoU.painting: 0.7239, IoU.sofa: 0.7503, IoU.shelf: 0.4378, IoU.house: 0.5568, IoU.sea: 0.6883, IoU.mirror: 0.7316, IoU.rug: 0.6493, IoU.field: 0.2317, IoU.armchair: 0.5428, IoU.seat: 0.6698, IoU.fence: 0.4596, IoU.desk: 0.4935, IoU.rock: 0.5594, IoU.wardrobe: 0.5047, IoU.lamp: 0.6978, IoU.bathtub: 0.7931, IoU.railing: 0.3845, IoU.cushion: 0.6504, IoU.base: 0.3819, IoU.box: 0.2877, IoU.column: 0.5266, IoU.signboard: 0.3657, IoU.chest of drawers: 0.4265, IoU.counter: 0.3499, IoU.sand: 0.5150, IoU.sink: 0.7490, IoU.skyscraper: 0.4939, IoU.fireplace: 0.7137, IoU.refrigerator: 0.7540, IoU.grandstand: 0.5669, IoU.path: 0.3098, IoU.stairs: 0.3536, IoU.runway: 0.7276, IoU.case: 0.6232, IoU.pool table: 0.9351, IoU.pillow: 0.5639, IoU.screen door: 0.6853, IoU.stairway: 0.4070, IoU.river: 0.1217, IoU.bridge: 0.6058, IoU.bookcase: 0.4595, IoU.blind: 0.3958, IoU.coffee table: 0.6119, IoU.toilet: 0.8916, IoU.flower: 0.4651, IoU.book: 0.5329, IoU.hill: 0.0621, IoU.bench: 0.6090, IoU.countertop: 0.6363, IoU.stove: 0.8106, IoU.palm: 0.5447, IoU.kitchen island: 0.3822, IoU.computer: 0.7675, IoU.swivel chair: 0.3570, IoU.boat: 0.4347, IoU.bar: 0.7261, IoU.arcade machine: 0.8866, IoU.hovel: 0.4657, IoU.bus: 0.9029, IoU.towel: 0.7473, IoU.light: 0.5334, IoU.truck: 0.4813, IoU.tower: 0.3513, IoU.chandelier: 0.6982, IoU.awning: 0.3692, IoU.streetlight: 0.2801, IoU.booth: 0.3052, IoU.television receiver: 0.7963, IoU.airplane: 0.7770, IoU.dirt track: 0.0831, IoU.apparel: 0.5529, IoU.pole: 0.2034, IoU.land: 0.0110, IoU.bannister: 0.1102, IoU.escalator: 0.6426, IoU.ottoman: 0.5101, IoU.bottle: 0.4097, IoU.buffet: 0.6029, IoU.poster: 0.1864, IoU.stage: 0.2212, IoU.van: 0.4972, IoU.ship: 0.3973, IoU.fountain: 0.5678, IoU.conveyer belt: 0.7015, IoU.canopy: 0.5098, IoU.washer: 0.8925, IoU.plaything: 0.2479, IoU.swimming pool: 0.5524, IoU.stool: 0.4538, IoU.barrel: 0.5002, IoU.basket: 0.4040, IoU.waterfall: 0.4988, IoU.tent: 0.9383, IoU.bag: 0.2235, IoU.minibike: 0.7447, IoU.cradle: 0.8493, IoU.oven: 0.6491, IoU.ball: 0.5836, IoU.food: 0.5994, IoU.step: 0.1401, IoU.tank: 0.7736, IoU.trade name: 0.2011, IoU.microwave: 0.8767, IoU.pot: 0.5254, IoU.animal: 0.6654, IoU.bicycle: 0.6109, IoU.lake: 0.4430, IoU.dishwasher: 0.6223, IoU.screen: 0.5604, IoU.blanket: 0.1548, IoU.sculpture: 0.7348, IoU.hood: 0.5501, IoU.sconce: 0.5038, IoU.vase: 0.4133, IoU.traffic light: 0.3169, IoU.tray: 0.1086, IoU.ashcan: 0.5039, IoU.fan: 0.6640, IoU.pier: 0.3508, IoU.crt screen: 0.1336, IoU.plate: 0.5722, IoU.monitor: 0.6753, IoU.bulletin board: 0.4872, IoU.shower: 0.0000, IoU.radiator: 0.6882, IoU.glass: 0.1771, IoU.clock: 0.4540, IoU.flag: 0.6973, Acc.wall: 0.9052, Acc.building: 0.9216, Acc.sky: 0.9691, Acc.floor: 0.9061, Acc.tree: 0.8948, Acc.ceiling: 0.8983, Acc.road: 0.9002, Acc.bed : 0.9743, Acc.windowpane: 0.7826, Acc.grass: 0.7021, Acc.cabinet: 0.7845, Acc.sidewalk: 0.8082, Acc.person: 0.9348, Acc.earth: 0.5771, Acc.door: 0.6429, Acc.table: 0.8117, Acc.mountain: 0.6930, Acc.plant: 0.6255, Acc.curtain: 0.8776, Acc.chair: 0.7677, Acc.car: 0.9376, Acc.water: 0.7143, Acc.painting: 0.8784, Acc.sofa: 0.9262, Acc.shelf: 0.6939, Acc.house: 0.7285, Acc.sea: 0.8222, Acc.mirror: 0.8117, Acc.rug: 0.7485, Acc.field: 0.4256, Acc.armchair: 0.6406, Acc.seat: 0.8540, Acc.fence: 0.5343, Acc.desk: 0.8347, Acc.rock: 0.7881, Acc.wardrobe: 0.6819, Acc.lamp: 0.8027, Acc.bathtub: 0.8610, Acc.railing: 0.4880, Acc.cushion: 0.7291, Acc.base: 0.5006, Acc.box: 0.3250, Acc.column: 0.6475, Acc.signboard: 0.5106, Acc.chest of drawers: 0.5175, Acc.counter: 0.3806, Acc.sand: 0.8494, Acc.sink: 0.8047, Acc.skyscraper: 0.6773, Acc.fireplace: 0.8959, Acc.refrigerator: 0.7934, Acc.grandstand: 0.7734, Acc.path: 0.4850, Acc.stairs: 0.3938, Acc.runway: 0.9714, Acc.case: 0.8182, Acc.pool table: 0.9813, Acc.pillow: 0.6160, Acc.screen door: 0.7250, Acc.stairway: 0.6922, Acc.river: 0.2872, Acc.bridge: 0.7851, Acc.bookcase: 0.6488, Acc.blind: 0.4838, Acc.coffee table: 0.8910, Acc.toilet: 0.9647, Acc.flower: 0.5931, Acc.book: 0.6663, Acc.hill: 0.1540, Acc.bench: 0.6960, Acc.countertop: 0.8616, Acc.stove: 0.9173, Acc.palm: 0.7118, Acc.kitchen island: 0.6764, Acc.computer: 0.8612, Acc.swivel chair: 0.4144, Acc.boat: 0.8757, Acc.bar: 0.7803, Acc.arcade machine: 0.9704, Acc.hovel: 0.5371, Acc.bus: 0.9703, Acc.towel: 0.8352, Acc.light: 0.6924, Acc.truck: 0.5441, Acc.tower: 0.4944, Acc.chandelier: 0.7984, Acc.awning: 0.5575, Acc.streetlight: 0.3235, Acc.booth: 0.7841, Acc.television receiver: 0.8683, Acc.airplane: 0.9073, Acc.dirt track: 0.1447, Acc.apparel: 0.7751, Acc.pole: 0.3658, Acc.land: 0.0203, Acc.bannister: 0.1482, Acc.escalator: 0.8193, Acc.ottoman: 0.7105, Acc.bottle: 0.7034, Acc.buffet: 0.6952, Acc.poster: 0.2323, Acc.stage: 0.5956, Acc.van: 0.6540, Acc.ship: 0.4077, Acc.fountain: 0.5953, Acc.conveyer belt: 0.9821, Acc.canopy: 0.8000, Acc.washer: 0.9595, Acc.plaything: 0.4140, Acc.swimming pool: 0.8320, Acc.stool: 0.5882, Acc.barrel: 0.6507, Acc.basket: 0.4986, Acc.waterfall: 0.5759, Acc.tent: 0.9883, Acc.bag: 0.2577, Acc.minibike: 0.8931, Acc.cradle: 0.9744, Acc.oven: 0.7267, Acc.ball: 0.6721, Acc.food: 0.7118, Acc.step: 0.1472, Acc.tank: 0.9634, Acc.trade name: 0.2215, Acc.microwave: 0.9327, Acc.pot: 0.5933, Acc.animal: 0.6801, Acc.bicycle: 0.8124, Acc.lake: 0.6341, Acc.dishwasher: 0.6647, Acc.screen: 0.8444, Acc.blanket: 0.1696, Acc.sculpture: 0.8489, Acc.hood: 0.6180, Acc.sconce: 0.5760, Acc.vase: 0.4984, Acc.traffic light: 0.5823, Acc.tray: 0.1473, Acc.ashcan: 0.6305, Acc.fan: 0.8087, Acc.pier: 0.3819, Acc.crt screen: 0.1759, Acc.plate: 0.7718, Acc.monitor: 0.7725, Acc.bulletin board: 0.5823, Acc.shower: 0.0000, Acc.radiator: 0.7632, Acc.glass: 0.1936, Acc.clock: 0.5142, Acc.flag: 0.7570 2024-01-18 02:48:19,966 - mmseg - INFO - Iter [16050/80000] lr: 3.198e-05, eta: 1 day, 1:15:34, time: 4.374, data_time: 3.172, memory: 59004, decode.loss_ce: 0.2534, decode.acc_seg: 89.2629, aux.loss_ce: 0.1184, aux.acc_seg: 87.4937, loss: 0.3719 2024-01-18 02:49:20,395 - mmseg - INFO - Iter [16100/80000] lr: 3.195e-05, eta: 1 day, 1:13:41, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2405, decode.acc_seg: 89.7327, aux.loss_ce: 0.1129, aux.acc_seg: 87.9319, loss: 0.3533 2024-01-18 02:50:20,791 - mmseg - INFO - Iter [16150/80000] lr: 3.193e-05, eta: 1 day, 1:11:47, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2592, decode.acc_seg: 89.0865, aux.loss_ce: 0.1190, aux.acc_seg: 87.5164, loss: 0.3782 2024-01-18 02:51:21,206 - mmseg - INFO - Iter [16200/80000] lr: 3.190e-05, eta: 1 day, 1:09:54, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2549, decode.acc_seg: 88.9808, aux.loss_ce: 0.1180, aux.acc_seg: 87.4305, loss: 0.3729 2024-01-18 02:52:21,618 - mmseg - INFO - Iter [16250/80000] lr: 3.188e-05, eta: 1 day, 1:08:02, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2674, decode.acc_seg: 88.8727, aux.loss_ce: 0.1246, aux.acc_seg: 87.2520, loss: 0.3919 2024-01-18 02:53:22,040 - mmseg - INFO - Iter [16300/80000] lr: 3.185e-05, eta: 1 day, 1:06:10, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2648, decode.acc_seg: 88.7368, aux.loss_ce: 0.1280, aux.acc_seg: 86.4572, loss: 0.3928 2024-01-18 02:54:22,455 - mmseg - INFO - Iter [16350/80000] lr: 3.183e-05, eta: 1 day, 1:04:18, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2625, decode.acc_seg: 89.1790, aux.loss_ce: 0.1205, aux.acc_seg: 87.9122, loss: 0.3830 2024-01-18 02:55:22,901 - mmseg - INFO - Iter [16400/80000] lr: 3.180e-05, eta: 1 day, 1:02:26, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2611, decode.acc_seg: 88.8564, aux.loss_ce: 0.1236, aux.acc_seg: 87.0560, loss: 0.3847 2024-01-18 02:56:25,838 - mmseg - INFO - Iter [16450/80000] lr: 3.178e-05, eta: 1 day, 1:00:45, time: 1.259, data_time: 0.052, memory: 59004, decode.loss_ce: 0.2589, decode.acc_seg: 89.1332, aux.loss_ce: 0.1224, aux.acc_seg: 87.1947, loss: 0.3813 2024-01-18 02:57:26,481 - mmseg - INFO - Iter [16500/80000] lr: 3.175e-05, eta: 1 day, 0:58:55, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2441, decode.acc_seg: 89.8272, aux.loss_ce: 0.1109, aux.acc_seg: 88.5978, loss: 0.3551 2024-01-18 02:58:27,205 - mmseg - INFO - Iter [16550/80000] lr: 3.173e-05, eta: 1 day, 0:57:05, time: 1.214, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2337, decode.acc_seg: 90.0538, aux.loss_ce: 0.1092, aux.acc_seg: 88.6140, loss: 0.3429 2024-01-18 02:59:27,720 - mmseg - INFO - Iter [16600/80000] lr: 3.170e-05, eta: 1 day, 0:55:15, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2399, decode.acc_seg: 89.9706, aux.loss_ce: 0.1128, aux.acc_seg: 88.3656, loss: 0.3527 2024-01-18 03:00:28,236 - mmseg - INFO - Iter [16650/80000] lr: 3.168e-05, eta: 1 day, 0:53:26, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2469, decode.acc_seg: 89.5985, aux.loss_ce: 0.1171, aux.acc_seg: 87.6994, loss: 0.3640 2024-01-18 03:01:28,757 - mmseg - INFO - Iter [16700/80000] lr: 3.165e-05, eta: 1 day, 0:51:36, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2682, decode.acc_seg: 89.0726, aux.loss_ce: 0.1233, aux.acc_seg: 87.4771, loss: 0.3916 2024-01-18 03:02:29,184 - mmseg - INFO - Iter [16750/80000] lr: 3.163e-05, eta: 1 day, 0:49:47, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2590, decode.acc_seg: 89.4679, aux.loss_ce: 0.1174, aux.acc_seg: 87.9426, loss: 0.3764 2024-01-18 03:03:29,603 - mmseg - INFO - Iter [16800/80000] lr: 3.160e-05, eta: 1 day, 0:47:58, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2641, decode.acc_seg: 88.9834, aux.loss_ce: 0.1228, aux.acc_seg: 87.3841, loss: 0.3869 2024-01-18 03:04:30,084 - mmseg - INFO - Iter [16850/80000] lr: 3.158e-05, eta: 1 day, 0:46:09, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2341, decode.acc_seg: 90.1561, aux.loss_ce: 0.1097, aux.acc_seg: 88.5887, loss: 0.3438 2024-01-18 03:05:30,574 - mmseg - INFO - Iter [16900/80000] lr: 3.155e-05, eta: 1 day, 0:44:20, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2396, decode.acc_seg: 90.0210, aux.loss_ce: 0.1159, aux.acc_seg: 88.0218, loss: 0.3554 2024-01-18 03:06:31,207 - mmseg - INFO - Iter [16950/80000] lr: 3.153e-05, eta: 1 day, 0:42:33, time: 1.213, data_time: 0.010, memory: 59004, decode.loss_ce: 0.2370, decode.acc_seg: 89.7267, aux.loss_ce: 0.1110, aux.acc_seg: 88.0731, loss: 0.3480 2024-01-18 03:07:31,728 - mmseg - INFO - Saving checkpoint at 17000 iterations 2024-01-18 03:08:22,496 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 03:08:22,497 - mmseg - INFO - Iter [17000/80000] lr: 3.150e-05, eta: 1 day, 0:43:53, time: 2.226, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2429, decode.acc_seg: 89.7317, aux.loss_ce: 0.1148, aux.acc_seg: 88.1462, loss: 0.3577 2024-01-18 03:11:00,383 - mmseg - INFO - per class results: 2024-01-18 03:11:00,394 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.47 | 89.91 | | building | 84.79 | 92.14 | | sky | 94.18 | 97.47 | | floor | 83.4 | 89.92 | | tree | 75.65 | 89.24 | | ceiling | 85.06 | 93.56 | | road | 86.16 | 93.01 | | bed | 91.94 | 97.1 | | windowpane | 63.88 | 76.28 | | grass | 69.22 | 86.07 | | cabinet | 64.92 | 78.27 | | sidewalk | 69.16 | 82.02 | | person | 83.95 | 93.23 | | earth | 37.23 | 48.17 | | door | 56.42 | 68.92 | | table | 66.6 | 79.89 | | mountain | 63.31 | 70.86 | | plant | 53.92 | 64.65 | | curtain | 76.5 | 90.22 | | chair | 62.3 | 73.59 | | car | 86.02 | 92.62 | | water | 57.41 | 70.49 | | painting | 76.56 | 88.0 | | sofa | 76.85 | 92.6 | | shelf | 43.52 | 58.35 | | house | 55.48 | 73.37 | | sea | 67.78 | 82.47 | | mirror | 72.98 | 84.88 | | rug | 67.03 | 76.03 | | field | 22.88 | 33.99 | | armchair | 57.26 | 69.52 | | seat | 70.19 | 86.73 | | fence | 46.1 | 59.73 | | desk | 55.44 | 77.64 | | rock | 54.84 | 77.71 | | wardrobe | 55.56 | 74.87 | | lamp | 69.72 | 78.19 | | bathtub | 78.1 | 82.19 | | railing | 38.94 | 62.85 | | cushion | 67.96 | 79.06 | | base | 38.21 | 53.45 | | box | 35.39 | 44.52 | | column | 50.61 | 64.57 | | signboard | 37.59 | 52.29 | | chest of drawers | 50.05 | 66.67 | | counter | 46.57 | 52.96 | | sand | 55.1 | 83.85 | | sink | 77.49 | 87.43 | | skyscraper | 53.36 | 70.89 | | fireplace | 73.57 | 87.05 | | refrigerator | 78.66 | 84.38 | | grandstand | 57.78 | 83.6 | | path | 21.52 | 28.08 | | stairs | 45.57 | 54.52 | | runway | 72.69 | 95.38 | | case | 62.98 | 82.57 | | pool table | 93.06 | 98.77 | | pillow | 68.25 | 80.63 | | screen door | 71.7 | 80.59 | | stairway | 43.4 | 61.0 | | river | 11.97 | 30.26 | | bridge | 61.6 | 78.01 | | bookcase | 43.41 | 59.95 | | blind | 36.86 | 41.39 | | coffee table | 63.11 | 86.47 | | toilet | 89.11 | 93.24 | | flower | 46.44 | 65.34 | | book | 51.71 | 70.61 | | hill | 7.48 | 22.1 | | bench | 62.43 | 74.87 | | countertop | 61.38 | 86.08 | | stove | 80.94 | 92.19 | | palm | 55.21 | 79.7 | | kitchen island | 37.41 | 86.49 | | computer | 77.37 | 87.73 | | swivel chair | 44.47 | 63.91 | | boat | 76.88 | 85.58 | | bar | 63.56 | 91.95 | | arcade machine | 85.62 | 89.61 | | hovel | 59.3 | 75.16 | | bus | 91.35 | 96.47 | | towel | 75.92 | 81.73 | | light | 52.8 | 63.46 | | truck | 50.02 | 66.9 | | tower | 28.5 | 44.74 | | chandelier | 69.98 | 82.4 | | awning | 42.83 | 54.74 | | streetlight | 28.26 | 36.18 | | booth | 33.97 | 39.78 | | television receiver | 82.27 | 87.33 | | airplane | 72.15 | 81.75 | | dirt track | 12.19 | 52.06 | | apparel | 51.49 | 78.43 | | pole | 22.24 | 32.96 | | land | 2.03 | 5.42 | | bannister | 7.3 | 8.93 | | escalator | 59.03 | 80.44 | | ottoman | 52.76 | 68.35 | | bottle | 42.04 | 70.66 | | buffet | 47.71 | 61.82 | | poster | 20.09 | 23.79 | | stage | 20.57 | 38.36 | | van | 50.42 | 62.24 | | ship | 57.1 | 59.49 | | fountain | 59.86 | 66.84 | | conveyer belt | 50.01 | 98.8 | | canopy | 46.0 | 68.46 | | washer | 88.8 | 94.91 | | plaything | 23.8 | 35.77 | | swimming pool | 58.56 | 86.16 | | stool | 38.79 | 49.1 | | barrel | 52.6 | 64.99 | | basket | 39.1 | 47.2 | | waterfall | 51.82 | 68.68 | | tent | 95.27 | 98.19 | | bag | 27.09 | 31.35 | | minibike | 74.5 | 88.93 | | cradle | 81.62 | 97.52 | | oven | 64.81 | 72.65 | | ball | 58.38 | 68.8 | | food | 59.23 | 72.33 | | step | 19.96 | 21.44 | | tank | 80.45 | 91.0 | | trade name | 13.02 | 13.4 | | microwave | 88.14 | 92.48 | | pot | 52.68 | 60.92 | | animal | 65.41 | 66.81 | | bicycle | 59.68 | 77.38 | | lake | 56.93 | 66.37 | | dishwasher | 64.28 | 66.3 | | screen | 48.98 | 60.76 | | blanket | 16.78 | 19.43 | | sculpture | 69.1 | 87.07 | | hood | 62.38 | 68.67 | | sconce | 53.76 | 61.91 | | vase | 41.76 | 57.09 | | traffic light | 33.51 | 54.18 | | tray | 10.07 | 12.08 | | ashcan | 50.91 | 60.66 | | fan | 66.68 | 81.61 | | pier | 37.97 | 43.08 | | crt screen | 17.88 | 42.27 | | plate | 54.87 | 81.06 | | monitor | 48.24 | 56.14 | | bulletin board | 56.2 | 66.03 | | shower | 0.0 | 0.0 | | radiator | 66.44 | 75.06 | | glass | 16.95 | 17.97 | | clock | 46.44 | 52.82 | | flag | 68.73 | 72.64 | +---------------------+-------+-------+ 2024-01-18 03:11:00,394 - mmseg - INFO - Summary: 2024-01-18 03:11:00,394 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 85.17 | 55.54 | 68.3 | +-------+-------+------+ 2024-01-18 03:11:00,396 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 03:11:00,396 - mmseg - INFO - Iter(val) [250] aAcc: 0.8517, mIoU: 0.5554, mAcc: 0.6830, IoU.wall: 0.8047, IoU.building: 0.8479, IoU.sky: 0.9418, IoU.floor: 0.8340, IoU.tree: 0.7565, IoU.ceiling: 0.8506, IoU.road: 0.8616, IoU.bed : 0.9194, IoU.windowpane: 0.6388, IoU.grass: 0.6922, IoU.cabinet: 0.6492, IoU.sidewalk: 0.6916, IoU.person: 0.8395, IoU.earth: 0.3723, IoU.door: 0.5642, IoU.table: 0.6660, IoU.mountain: 0.6331, IoU.plant: 0.5392, IoU.curtain: 0.7650, IoU.chair: 0.6230, IoU.car: 0.8602, IoU.water: 0.5741, IoU.painting: 0.7656, IoU.sofa: 0.7685, IoU.shelf: 0.4352, IoU.house: 0.5548, IoU.sea: 0.6778, IoU.mirror: 0.7298, IoU.rug: 0.6703, IoU.field: 0.2288, IoU.armchair: 0.5726, IoU.seat: 0.7019, IoU.fence: 0.4610, IoU.desk: 0.5544, IoU.rock: 0.5484, IoU.wardrobe: 0.5556, IoU.lamp: 0.6972, IoU.bathtub: 0.7810, IoU.railing: 0.3894, IoU.cushion: 0.6796, IoU.base: 0.3821, IoU.box: 0.3539, IoU.column: 0.5061, IoU.signboard: 0.3759, IoU.chest of drawers: 0.5005, IoU.counter: 0.4657, IoU.sand: 0.5510, IoU.sink: 0.7749, IoU.skyscraper: 0.5336, IoU.fireplace: 0.7357, IoU.refrigerator: 0.7866, IoU.grandstand: 0.5778, IoU.path: 0.2152, IoU.stairs: 0.4557, IoU.runway: 0.7269, IoU.case: 0.6298, IoU.pool table: 0.9306, IoU.pillow: 0.6825, IoU.screen door: 0.7170, IoU.stairway: 0.4340, IoU.river: 0.1197, IoU.bridge: 0.6160, IoU.bookcase: 0.4341, IoU.blind: 0.3686, IoU.coffee table: 0.6311, IoU.toilet: 0.8911, IoU.flower: 0.4644, IoU.book: 0.5171, IoU.hill: 0.0748, IoU.bench: 0.6243, IoU.countertop: 0.6138, IoU.stove: 0.8094, IoU.palm: 0.5521, IoU.kitchen island: 0.3741, IoU.computer: 0.7737, IoU.swivel chair: 0.4447, IoU.boat: 0.7688, IoU.bar: 0.6356, IoU.arcade machine: 0.8562, IoU.hovel: 0.5930, IoU.bus: 0.9135, IoU.towel: 0.7592, IoU.light: 0.5280, IoU.truck: 0.5002, IoU.tower: 0.2850, IoU.chandelier: 0.6998, IoU.awning: 0.4283, IoU.streetlight: 0.2826, IoU.booth: 0.3397, IoU.television receiver: 0.8227, IoU.airplane: 0.7215, IoU.dirt track: 0.1219, IoU.apparel: 0.5149, IoU.pole: 0.2224, IoU.land: 0.0203, IoU.bannister: 0.0730, IoU.escalator: 0.5903, IoU.ottoman: 0.5276, IoU.bottle: 0.4204, IoU.buffet: 0.4771, IoU.poster: 0.2009, IoU.stage: 0.2057, IoU.van: 0.5042, IoU.ship: 0.5710, IoU.fountain: 0.5986, IoU.conveyer belt: 0.5001, IoU.canopy: 0.4600, IoU.washer: 0.8880, IoU.plaything: 0.2380, IoU.swimming pool: 0.5856, IoU.stool: 0.3879, IoU.barrel: 0.5260, IoU.basket: 0.3910, IoU.waterfall: 0.5182, IoU.tent: 0.9527, IoU.bag: 0.2709, IoU.minibike: 0.7450, IoU.cradle: 0.8162, IoU.oven: 0.6481, IoU.ball: 0.5838, IoU.food: 0.5923, IoU.step: 0.1996, IoU.tank: 0.8045, IoU.trade name: 0.1302, IoU.microwave: 0.8814, IoU.pot: 0.5268, IoU.animal: 0.6541, IoU.bicycle: 0.5968, IoU.lake: 0.5693, IoU.dishwasher: 0.6428, IoU.screen: 0.4898, IoU.blanket: 0.1678, IoU.sculpture: 0.6910, IoU.hood: 0.6238, IoU.sconce: 0.5376, IoU.vase: 0.4176, IoU.traffic light: 0.3351, IoU.tray: 0.1007, IoU.ashcan: 0.5091, IoU.fan: 0.6668, IoU.pier: 0.3797, IoU.crt screen: 0.1788, IoU.plate: 0.5487, IoU.monitor: 0.4824, IoU.bulletin board: 0.5620, IoU.shower: 0.0000, IoU.radiator: 0.6644, IoU.glass: 0.1695, IoU.clock: 0.4644, IoU.flag: 0.6873, Acc.wall: 0.8991, Acc.building: 0.9214, Acc.sky: 0.9747, Acc.floor: 0.8992, Acc.tree: 0.8924, Acc.ceiling: 0.9356, Acc.road: 0.9301, Acc.bed : 0.9710, Acc.windowpane: 0.7628, Acc.grass: 0.8607, Acc.cabinet: 0.7827, Acc.sidewalk: 0.8202, Acc.person: 0.9323, Acc.earth: 0.4817, Acc.door: 0.6892, Acc.table: 0.7989, Acc.mountain: 0.7086, Acc.plant: 0.6465, Acc.curtain: 0.9022, Acc.chair: 0.7359, Acc.car: 0.9262, Acc.water: 0.7049, Acc.painting: 0.8800, Acc.sofa: 0.9260, Acc.shelf: 0.5835, Acc.house: 0.7337, Acc.sea: 0.8247, Acc.mirror: 0.8488, Acc.rug: 0.7603, Acc.field: 0.3399, Acc.armchair: 0.6952, Acc.seat: 0.8673, Acc.fence: 0.5973, Acc.desk: 0.7764, Acc.rock: 0.7771, Acc.wardrobe: 0.7487, Acc.lamp: 0.7819, Acc.bathtub: 0.8219, Acc.railing: 0.6285, Acc.cushion: 0.7906, Acc.base: 0.5345, Acc.box: 0.4452, Acc.column: 0.6457, Acc.signboard: 0.5229, Acc.chest of drawers: 0.6667, Acc.counter: 0.5296, Acc.sand: 0.8385, Acc.sink: 0.8743, Acc.skyscraper: 0.7089, Acc.fireplace: 0.8705, Acc.refrigerator: 0.8438, Acc.grandstand: 0.8360, Acc.path: 0.2808, Acc.stairs: 0.5452, Acc.runway: 0.9538, Acc.case: 0.8257, Acc.pool table: 0.9877, Acc.pillow: 0.8063, Acc.screen door: 0.8059, Acc.stairway: 0.6100, Acc.river: 0.3026, Acc.bridge: 0.7801, Acc.bookcase: 0.5995, Acc.blind: 0.4139, Acc.coffee table: 0.8647, Acc.toilet: 0.9324, Acc.flower: 0.6534, Acc.book: 0.7061, Acc.hill: 0.2210, Acc.bench: 0.7487, Acc.countertop: 0.8608, Acc.stove: 0.9219, Acc.palm: 0.7970, Acc.kitchen island: 0.8649, Acc.computer: 0.8773, Acc.swivel chair: 0.6391, Acc.boat: 0.8558, Acc.bar: 0.9195, Acc.arcade machine: 0.8961, Acc.hovel: 0.7516, Acc.bus: 0.9647, Acc.towel: 0.8173, Acc.light: 0.6346, Acc.truck: 0.6690, Acc.tower: 0.4474, Acc.chandelier: 0.8240, Acc.awning: 0.5474, Acc.streetlight: 0.3618, Acc.booth: 0.3978, Acc.television receiver: 0.8733, Acc.airplane: 0.8175, Acc.dirt track: 0.5206, Acc.apparel: 0.7843, Acc.pole: 0.3296, Acc.land: 0.0542, Acc.bannister: 0.0893, Acc.escalator: 0.8044, Acc.ottoman: 0.6835, Acc.bottle: 0.7066, Acc.buffet: 0.6182, Acc.poster: 0.2379, Acc.stage: 0.3836, Acc.van: 0.6224, Acc.ship: 0.5949, Acc.fountain: 0.6684, Acc.conveyer belt: 0.9880, Acc.canopy: 0.6846, Acc.washer: 0.9491, Acc.plaything: 0.3577, Acc.swimming pool: 0.8616, Acc.stool: 0.4910, Acc.barrel: 0.6499, Acc.basket: 0.4720, Acc.waterfall: 0.6868, Acc.tent: 0.9819, Acc.bag: 0.3135, Acc.minibike: 0.8893, Acc.cradle: 0.9752, Acc.oven: 0.7265, Acc.ball: 0.6880, Acc.food: 0.7233, Acc.step: 0.2144, Acc.tank: 0.9100, Acc.trade name: 0.1340, Acc.microwave: 0.9248, Acc.pot: 0.6092, Acc.animal: 0.6681, Acc.bicycle: 0.7738, Acc.lake: 0.6637, Acc.dishwasher: 0.6630, Acc.screen: 0.6076, Acc.blanket: 0.1943, Acc.sculpture: 0.8707, Acc.hood: 0.6867, Acc.sconce: 0.6191, Acc.vase: 0.5709, Acc.traffic light: 0.5418, Acc.tray: 0.1208, Acc.ashcan: 0.6066, Acc.fan: 0.8161, Acc.pier: 0.4308, Acc.crt screen: 0.4227, Acc.plate: 0.8106, Acc.monitor: 0.5614, Acc.bulletin board: 0.6603, Acc.shower: 0.0000, Acc.radiator: 0.7506, Acc.glass: 0.1797, Acc.clock: 0.5282, Acc.flag: 0.7264 2024-01-18 03:12:01,316 - mmseg - INFO - Iter [17050/80000] lr: 3.148e-05, eta: 1 day, 0:51:50, time: 4.376, data_time: 3.174, memory: 59004, decode.loss_ce: 0.2453, decode.acc_seg: 89.6526, aux.loss_ce: 0.1148, aux.acc_seg: 87.8297, loss: 0.3601 2024-01-18 03:13:01,661 - mmseg - INFO - Iter [17100/80000] lr: 3.145e-05, eta: 1 day, 0:49:59, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2572, decode.acc_seg: 89.2183, aux.loss_ce: 0.1201, aux.acc_seg: 87.4895, loss: 0.3773 2024-01-18 03:14:02,042 - mmseg - INFO - Iter [17150/80000] lr: 3.143e-05, eta: 1 day, 0:48:09, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2478, decode.acc_seg: 89.3755, aux.loss_ce: 0.1153, aux.acc_seg: 87.7710, loss: 0.3631 2024-01-18 03:15:02,424 - mmseg - INFO - Iter [17200/80000] lr: 3.140e-05, eta: 1 day, 0:46:19, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2376, decode.acc_seg: 90.2838, aux.loss_ce: 0.1124, aux.acc_seg: 88.5674, loss: 0.3500 2024-01-18 03:16:02,819 - mmseg - INFO - Iter [17250/80000] lr: 3.138e-05, eta: 1 day, 0:44:29, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2440, decode.acc_seg: 89.8248, aux.loss_ce: 0.1158, aux.acc_seg: 88.0510, loss: 0.3598 2024-01-18 03:17:03,225 - mmseg - INFO - Iter [17300/80000] lr: 3.135e-05, eta: 1 day, 0:42:40, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2570, decode.acc_seg: 89.3926, aux.loss_ce: 0.1188, aux.acc_seg: 87.9471, loss: 0.3759 2024-01-18 03:18:03,705 - mmseg - INFO - Iter [17350/80000] lr: 3.133e-05, eta: 1 day, 0:40:51, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2396, decode.acc_seg: 89.7714, aux.loss_ce: 0.1167, aux.acc_seg: 87.5650, loss: 0.3563 2024-01-18 03:19:04,132 - mmseg - INFO - Iter [17400/80000] lr: 3.130e-05, eta: 1 day, 0:39:03, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2513, decode.acc_seg: 89.4820, aux.loss_ce: 0.1205, aux.acc_seg: 87.3558, loss: 0.3717 2024-01-18 03:20:04,752 - mmseg - INFO - Iter [17450/80000] lr: 3.128e-05, eta: 1 day, 0:37:15, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2558, decode.acc_seg: 89.2645, aux.loss_ce: 0.1173, aux.acc_seg: 87.7021, loss: 0.3731 2024-01-18 03:21:05,290 - mmseg - INFO - Iter [17500/80000] lr: 3.125e-05, eta: 1 day, 0:35:27, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2465, decode.acc_seg: 89.8265, aux.loss_ce: 0.1186, aux.acc_seg: 87.8640, loss: 0.3651 2024-01-18 03:22:05,842 - mmseg - INFO - Iter [17550/80000] lr: 3.123e-05, eta: 1 day, 0:33:40, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2355, decode.acc_seg: 89.7482, aux.loss_ce: 0.1124, aux.acc_seg: 87.8819, loss: 0.3479 2024-01-18 03:23:06,357 - mmseg - INFO - Iter [17600/80000] lr: 3.120e-05, eta: 1 day, 0:31:53, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2745, decode.acc_seg: 88.4661, aux.loss_ce: 0.1239, aux.acc_seg: 87.0667, loss: 0.3984 2024-01-18 03:24:06,786 - mmseg - INFO - Iter [17650/80000] lr: 3.118e-05, eta: 1 day, 0:30:06, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2558, decode.acc_seg: 89.1964, aux.loss_ce: 0.1214, aux.acc_seg: 87.2074, loss: 0.3772 2024-01-18 03:25:09,483 - mmseg - INFO - Iter [17700/80000] lr: 3.115e-05, eta: 1 day, 0:28:26, time: 1.254, data_time: 0.051, memory: 59004, decode.loss_ce: 0.2402, decode.acc_seg: 89.6729, aux.loss_ce: 0.1133, aux.acc_seg: 88.0570, loss: 0.3535 2024-01-18 03:26:09,977 - mmseg - INFO - Iter [17750/80000] lr: 3.113e-05, eta: 1 day, 0:26:40, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2331, decode.acc_seg: 90.3611, aux.loss_ce: 0.1101, aux.acc_seg: 88.7420, loss: 0.3433 2024-01-18 03:27:10,399 - mmseg - INFO - Iter [17800/80000] lr: 3.110e-05, eta: 1 day, 0:24:53, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2382, decode.acc_seg: 89.8747, aux.loss_ce: 0.1080, aux.acc_seg: 88.6137, loss: 0.3462 2024-01-18 03:28:10,786 - mmseg - INFO - Iter [17850/80000] lr: 3.108e-05, eta: 1 day, 0:23:07, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2203, decode.acc_seg: 90.6644, aux.loss_ce: 0.1070, aux.acc_seg: 88.7065, loss: 0.3273 2024-01-18 03:29:11,244 - mmseg - INFO - Iter [17900/80000] lr: 3.105e-05, eta: 1 day, 0:21:21, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2272, decode.acc_seg: 90.4585, aux.loss_ce: 0.1102, aux.acc_seg: 88.5898, loss: 0.3374 2024-01-18 03:30:11,874 - mmseg - INFO - Iter [17950/80000] lr: 3.103e-05, eta: 1 day, 0:19:36, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2249, decode.acc_seg: 90.4488, aux.loss_ce: 0.1073, aux.acc_seg: 88.6469, loss: 0.3322 2024-01-18 03:31:12,240 - mmseg - INFO - Saving checkpoint at 18000 iterations 2024-01-18 03:32:02,306 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 03:32:02,307 - mmseg - INFO - Iter [18000/80000] lr: 3.100e-05, eta: 1 day, 0:20:43, time: 2.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2259, decode.acc_seg: 90.6621, aux.loss_ce: 0.1074, aux.acc_seg: 89.2664, loss: 0.3333 2024-01-18 03:34:41,868 - mmseg - INFO - per class results: 2024-01-18 03:34:41,875 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.58 | 89.78 | | building | 85.17 | 94.04 | | sky | 94.54 | 96.88 | | floor | 82.87 | 92.29 | | tree | 76.57 | 88.38 | | ceiling | 85.64 | 92.46 | | road | 85.68 | 92.4 | | bed | 91.57 | 97.06 | | windowpane | 64.58 | 80.54 | | grass | 66.67 | 76.67 | | cabinet | 64.84 | 74.39 | | sidewalk | 68.73 | 82.49 | | person | 84.1 | 93.93 | | earth | 36.8 | 50.84 | | door | 53.09 | 61.35 | | table | 67.52 | 81.3 | | mountain | 62.71 | 76.21 | | plant | 56.72 | 72.83 | | curtain | 77.64 | 90.64 | | chair | 61.82 | 73.0 | | car | 85.51 | 93.89 | | water | 59.69 | 78.94 | | painting | 73.43 | 88.91 | | sofa | 73.72 | 93.88 | | shelf | 44.79 | 69.29 | | house | 55.29 | 70.83 | | sea | 59.03 | 67.28 | | mirror | 76.25 | 90.38 | | rug | 60.82 | 66.19 | | field | 28.52 | 46.89 | | armchair | 50.96 | 63.49 | | seat | 67.58 | 88.64 | | fence | 44.75 | 52.93 | | desk | 56.4 | 75.37 | | rock | 53.29 | 78.05 | | wardrobe | 55.42 | 79.41 | | lamp | 71.31 | 83.64 | | bathtub | 79.22 | 82.52 | | railing | 42.14 | 58.09 | | cushion | 60.35 | 65.72 | | base | 40.06 | 53.44 | | box | 29.4 | 32.97 | | column | 51.35 | 57.95 | | signboard | 34.64 | 45.71 | | chest of drawers | 48.71 | 59.82 | | counter | 45.49 | 46.57 | | sand | 54.19 | 86.65 | | sink | 79.38 | 90.88 | | skyscraper | 53.41 | 60.87 | | fireplace | 68.94 | 90.61 | | refrigerator | 78.14 | 83.96 | | grandstand | 60.14 | 83.71 | | path | 20.06 | 25.73 | | stairs | 27.32 | 29.9 | | runway | 73.14 | 96.94 | | case | 65.49 | 85.89 | | pool table | 93.47 | 98.24 | | pillow | 64.98 | 78.27 | | screen door | 74.91 | 86.56 | | stairway | 33.25 | 55.87 | | river | 11.52 | 21.18 | | bridge | 68.47 | 77.36 | | bookcase | 45.65 | 65.87 | | blind | 30.36 | 33.56 | | coffee table | 64.65 | 82.99 | | toilet | 90.47 | 95.63 | | flower | 43.8 | 50.05 | | book | 54.05 | 69.04 | | hill | 5.09 | 11.32 | | bench | 62.86 | 74.63 | | countertop | 63.56 | 78.22 | | stove | 82.7 | 92.99 | | palm | 57.32 | 82.36 | | kitchen island | 49.73 | 70.57 | | computer | 77.02 | 90.9 | | swivel chair | 34.96 | 43.63 | | boat | 57.33 | 91.1 | | bar | 66.31 | 88.19 | | arcade machine | 88.27 | 97.69 | | hovel | 53.87 | 62.49 | | bus | 91.64 | 96.28 | | towel | 76.32 | 85.31 | | light | 50.58 | 54.74 | | truck | 48.64 | 61.86 | | tower | 29.0 | 44.36 | | chandelier | 71.33 | 83.57 | | awning | 44.79 | 50.92 | | streetlight | 29.98 | 38.99 | | booth | 36.27 | 43.58 | | television receiver | 79.43 | 84.43 | | airplane | 60.98 | 67.94 | | dirt track | 16.21 | 40.07 | | apparel | 57.86 | 76.31 | | pole | 29.12 | 49.06 | | land | 2.92 | 5.27 | | bannister | 6.11 | 7.22 | | escalator | 63.66 | 85.72 | | ottoman | 48.56 | 63.65 | | bottle | 42.6 | 70.52 | | buffet | 56.2 | 69.17 | | poster | 22.37 | 28.6 | | stage | 23.27 | 71.37 | | van | 44.09 | 53.88 | | ship | 61.31 | 66.24 | | fountain | 60.3 | 61.12 | | conveyer belt | 79.69 | 96.23 | | canopy | 49.94 | 70.56 | | washer | 89.17 | 95.85 | | plaything | 37.64 | 63.48 | | swimming pool | 57.1 | 82.8 | | stool | 46.95 | 64.37 | | barrel | 48.18 | 65.09 | | basket | 41.74 | 50.07 | | waterfall | 49.06 | 56.89 | | tent | 95.38 | 98.21 | | bag | 25.7 | 28.54 | | minibike | 74.4 | 89.72 | | cradle | 80.89 | 97.8 | | oven | 64.93 | 74.11 | | ball | 59.17 | 68.85 | | food | 54.28 | 67.61 | | step | 15.15 | 15.94 | | tank | 77.05 | 95.18 | | trade name | 21.08 | 23.49 | | microwave | 87.04 | 94.41 | | pot | 53.74 | 61.77 | | animal | 71.66 | 74.89 | | bicycle | 58.96 | 72.32 | | lake | 60.68 | 63.67 | | dishwasher | 66.0 | 78.97 | | screen | 59.58 | 85.62 | | blanket | 18.19 | 20.66 | | sculpture | 75.76 | 85.78 | | hood | 63.34 | 74.51 | | sconce | 52.71 | 62.17 | | vase | 41.59 | 61.11 | | traffic light | 35.32 | 49.16 | | tray | 9.82 | 11.16 | | ashcan | 52.22 | 67.78 | | fan | 66.7 | 83.01 | | pier | 37.44 | 46.36 | | crt screen | 7.94 | 14.74 | | plate | 58.48 | 77.34 | | monitor | 45.23 | 53.2 | | bulletin board | 51.03 | 76.24 | | shower | 4.39 | 4.64 | | radiator | 65.22 | 71.01 | | glass | 18.48 | 19.77 | | clock | 47.51 | 52.45 | | flag | 69.18 | 75.02 | +---------------------+-------+-------+ 2024-01-18 03:34:41,875 - mmseg - INFO - Summary: 2024-01-18 03:34:41,875 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 85.19 | 55.67 | 67.9 | +-------+-------+------+ 2024-01-18 03:34:41,877 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 03:34:41,877 - mmseg - INFO - Iter(val) [250] aAcc: 0.8519, mIoU: 0.5567, mAcc: 0.6790, IoU.wall: 0.8058, IoU.building: 0.8517, IoU.sky: 0.9454, IoU.floor: 0.8287, IoU.tree: 0.7657, IoU.ceiling: 0.8564, IoU.road: 0.8568, IoU.bed : 0.9157, IoU.windowpane: 0.6458, IoU.grass: 0.6667, IoU.cabinet: 0.6484, IoU.sidewalk: 0.6873, IoU.person: 0.8410, IoU.earth: 0.3680, IoU.door: 0.5309, IoU.table: 0.6752, IoU.mountain: 0.6271, IoU.plant: 0.5672, IoU.curtain: 0.7764, IoU.chair: 0.6182, IoU.car: 0.8551, IoU.water: 0.5969, IoU.painting: 0.7343, IoU.sofa: 0.7372, IoU.shelf: 0.4479, IoU.house: 0.5529, IoU.sea: 0.5903, IoU.mirror: 0.7625, IoU.rug: 0.6082, IoU.field: 0.2852, IoU.armchair: 0.5096, IoU.seat: 0.6758, IoU.fence: 0.4475, IoU.desk: 0.5640, IoU.rock: 0.5329, IoU.wardrobe: 0.5542, IoU.lamp: 0.7131, IoU.bathtub: 0.7922, IoU.railing: 0.4214, IoU.cushion: 0.6035, IoU.base: 0.4006, IoU.box: 0.2940, IoU.column: 0.5135, IoU.signboard: 0.3464, IoU.chest of drawers: 0.4871, IoU.counter: 0.4549, IoU.sand: 0.5419, IoU.sink: 0.7938, IoU.skyscraper: 0.5341, IoU.fireplace: 0.6894, IoU.refrigerator: 0.7814, IoU.grandstand: 0.6014, IoU.path: 0.2006, IoU.stairs: 0.2732, IoU.runway: 0.7314, IoU.case: 0.6549, IoU.pool table: 0.9347, IoU.pillow: 0.6498, IoU.screen door: 0.7491, IoU.stairway: 0.3325, IoU.river: 0.1152, IoU.bridge: 0.6847, IoU.bookcase: 0.4565, IoU.blind: 0.3036, IoU.coffee table: 0.6465, IoU.toilet: 0.9047, IoU.flower: 0.4380, IoU.book: 0.5405, IoU.hill: 0.0509, IoU.bench: 0.6286, IoU.countertop: 0.6356, IoU.stove: 0.8270, IoU.palm: 0.5732, IoU.kitchen island: 0.4973, IoU.computer: 0.7702, IoU.swivel chair: 0.3496, IoU.boat: 0.5733, IoU.bar: 0.6631, IoU.arcade machine: 0.8827, IoU.hovel: 0.5387, IoU.bus: 0.9164, IoU.towel: 0.7632, IoU.light: 0.5058, IoU.truck: 0.4864, IoU.tower: 0.2900, IoU.chandelier: 0.7133, IoU.awning: 0.4479, IoU.streetlight: 0.2998, IoU.booth: 0.3627, IoU.television receiver: 0.7943, IoU.airplane: 0.6098, IoU.dirt track: 0.1621, IoU.apparel: 0.5786, IoU.pole: 0.2912, IoU.land: 0.0292, IoU.bannister: 0.0611, IoU.escalator: 0.6366, IoU.ottoman: 0.4856, IoU.bottle: 0.4260, IoU.buffet: 0.5620, IoU.poster: 0.2237, IoU.stage: 0.2327, IoU.van: 0.4409, IoU.ship: 0.6131, IoU.fountain: 0.6030, IoU.conveyer belt: 0.7969, IoU.canopy: 0.4994, IoU.washer: 0.8917, IoU.plaything: 0.3764, IoU.swimming pool: 0.5710, IoU.stool: 0.4695, IoU.barrel: 0.4818, IoU.basket: 0.4174, IoU.waterfall: 0.4906, IoU.tent: 0.9538, IoU.bag: 0.2570, IoU.minibike: 0.7440, IoU.cradle: 0.8089, IoU.oven: 0.6493, IoU.ball: 0.5917, IoU.food: 0.5428, IoU.step: 0.1515, IoU.tank: 0.7705, IoU.trade name: 0.2108, IoU.microwave: 0.8704, IoU.pot: 0.5374, IoU.animal: 0.7166, IoU.bicycle: 0.5896, IoU.lake: 0.6068, IoU.dishwasher: 0.6600, IoU.screen: 0.5958, IoU.blanket: 0.1819, IoU.sculpture: 0.7576, IoU.hood: 0.6334, IoU.sconce: 0.5271, IoU.vase: 0.4159, IoU.traffic light: 0.3532, IoU.tray: 0.0982, IoU.ashcan: 0.5222, IoU.fan: 0.6670, IoU.pier: 0.3744, IoU.crt screen: 0.0794, IoU.plate: 0.5848, IoU.monitor: 0.4523, IoU.bulletin board: 0.5103, IoU.shower: 0.0439, IoU.radiator: 0.6522, IoU.glass: 0.1848, IoU.clock: 0.4751, IoU.flag: 0.6918, Acc.wall: 0.8978, Acc.building: 0.9404, Acc.sky: 0.9688, Acc.floor: 0.9229, Acc.tree: 0.8838, Acc.ceiling: 0.9246, Acc.road: 0.9240, Acc.bed : 0.9706, Acc.windowpane: 0.8054, Acc.grass: 0.7667, Acc.cabinet: 0.7439, Acc.sidewalk: 0.8249, Acc.person: 0.9393, Acc.earth: 0.5084, Acc.door: 0.6135, Acc.table: 0.8130, Acc.mountain: 0.7621, Acc.plant: 0.7283, Acc.curtain: 0.9064, Acc.chair: 0.7300, Acc.car: 0.9389, Acc.water: 0.7894, Acc.painting: 0.8891, Acc.sofa: 0.9388, Acc.shelf: 0.6929, Acc.house: 0.7083, Acc.sea: 0.6728, Acc.mirror: 0.9038, Acc.rug: 0.6619, Acc.field: 0.4689, Acc.armchair: 0.6349, Acc.seat: 0.8864, Acc.fence: 0.5293, Acc.desk: 0.7537, Acc.rock: 0.7805, Acc.wardrobe: 0.7941, Acc.lamp: 0.8364, Acc.bathtub: 0.8252, Acc.railing: 0.5809, Acc.cushion: 0.6572, Acc.base: 0.5344, Acc.box: 0.3297, Acc.column: 0.5795, Acc.signboard: 0.4571, Acc.chest of drawers: 0.5982, Acc.counter: 0.4657, Acc.sand: 0.8665, Acc.sink: 0.9088, Acc.skyscraper: 0.6087, Acc.fireplace: 0.9061, Acc.refrigerator: 0.8396, Acc.grandstand: 0.8371, Acc.path: 0.2573, Acc.stairs: 0.2990, Acc.runway: 0.9694, Acc.case: 0.8589, Acc.pool table: 0.9824, Acc.pillow: 0.7827, Acc.screen door: 0.8656, Acc.stairway: 0.5587, Acc.river: 0.2118, Acc.bridge: 0.7736, Acc.bookcase: 0.6587, Acc.blind: 0.3356, Acc.coffee table: 0.8299, Acc.toilet: 0.9563, Acc.flower: 0.5005, Acc.book: 0.6904, Acc.hill: 0.1132, Acc.bench: 0.7463, Acc.countertop: 0.7822, Acc.stove: 0.9299, Acc.palm: 0.8236, Acc.kitchen island: 0.7057, Acc.computer: 0.9090, Acc.swivel chair: 0.4363, Acc.boat: 0.9110, Acc.bar: 0.8819, Acc.arcade machine: 0.9769, Acc.hovel: 0.6249, Acc.bus: 0.9628, Acc.towel: 0.8531, Acc.light: 0.5474, Acc.truck: 0.6186, Acc.tower: 0.4436, Acc.chandelier: 0.8357, Acc.awning: 0.5092, Acc.streetlight: 0.3899, Acc.booth: 0.4358, Acc.television receiver: 0.8443, Acc.airplane: 0.6794, Acc.dirt track: 0.4007, Acc.apparel: 0.7631, Acc.pole: 0.4906, Acc.land: 0.0527, Acc.bannister: 0.0722, Acc.escalator: 0.8572, Acc.ottoman: 0.6365, Acc.bottle: 0.7052, Acc.buffet: 0.6917, Acc.poster: 0.2860, Acc.stage: 0.7137, Acc.van: 0.5388, Acc.ship: 0.6624, Acc.fountain: 0.6112, Acc.conveyer belt: 0.9623, Acc.canopy: 0.7056, Acc.washer: 0.9585, Acc.plaything: 0.6348, Acc.swimming pool: 0.8280, Acc.stool: 0.6437, Acc.barrel: 0.6509, Acc.basket: 0.5007, Acc.waterfall: 0.5689, Acc.tent: 0.9821, Acc.bag: 0.2854, Acc.minibike: 0.8972, Acc.cradle: 0.9780, Acc.oven: 0.7411, Acc.ball: 0.6885, Acc.food: 0.6761, Acc.step: 0.1594, Acc.tank: 0.9518, Acc.trade name: 0.2349, Acc.microwave: 0.9441, Acc.pot: 0.6177, Acc.animal: 0.7489, Acc.bicycle: 0.7232, Acc.lake: 0.6367, Acc.dishwasher: 0.7897, Acc.screen: 0.8562, Acc.blanket: 0.2066, Acc.sculpture: 0.8578, Acc.hood: 0.7451, Acc.sconce: 0.6217, Acc.vase: 0.6111, Acc.traffic light: 0.4916, Acc.tray: 0.1116, Acc.ashcan: 0.6778, Acc.fan: 0.8301, Acc.pier: 0.4636, Acc.crt screen: 0.1474, Acc.plate: 0.7734, Acc.monitor: 0.5320, Acc.bulletin board: 0.7624, Acc.shower: 0.0464, Acc.radiator: 0.7101, Acc.glass: 0.1977, Acc.clock: 0.5245, Acc.flag: 0.7502 2024-01-18 03:35:42,714 - mmseg - INFO - Iter [18050/80000] lr: 3.098e-05, eta: 1 day, 0:28:06, time: 4.408, data_time: 3.208, memory: 59004, decode.loss_ce: 0.2278, decode.acc_seg: 90.6822, aux.loss_ce: 0.1093, aux.acc_seg: 88.9104, loss: 0.3370 2024-01-18 03:36:43,314 - mmseg - INFO - Iter [18100/80000] lr: 3.095e-05, eta: 1 day, 0:26:19, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2280, decode.acc_seg: 90.3615, aux.loss_ce: 0.1105, aux.acc_seg: 88.5879, loss: 0.3385 2024-01-18 03:37:43,700 - mmseg - INFO - Iter [18150/80000] lr: 3.093e-05, eta: 1 day, 0:24:32, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2352, decode.acc_seg: 89.9002, aux.loss_ce: 0.1118, aux.acc_seg: 88.2184, loss: 0.3470 2024-01-18 03:38:44,142 - mmseg - INFO - Iter [18200/80000] lr: 3.090e-05, eta: 1 day, 0:22:45, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.2259, decode.acc_seg: 90.4732, aux.loss_ce: 0.1081, aux.acc_seg: 88.6116, loss: 0.3339 2024-01-18 03:39:44,549 - mmseg - INFO - Iter [18250/80000] lr: 3.088e-05, eta: 1 day, 0:20:58, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2351, decode.acc_seg: 90.1771, aux.loss_ce: 0.1131, aux.acc_seg: 88.2924, loss: 0.3482 2024-01-18 03:40:44,867 - mmseg - INFO - Iter [18300/80000] lr: 3.085e-05, eta: 1 day, 0:19:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2416, decode.acc_seg: 89.8187, aux.loss_ce: 0.1159, aux.acc_seg: 88.0626, loss: 0.3575 2024-01-18 03:41:45,232 - mmseg - INFO - Iter [18350/80000] lr: 3.083e-05, eta: 1 day, 0:17:24, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2320, decode.acc_seg: 90.2023, aux.loss_ce: 0.1107, aux.acc_seg: 88.3763, loss: 0.3427 2024-01-18 03:42:45,549 - mmseg - INFO - Iter [18400/80000] lr: 3.080e-05, eta: 1 day, 0:15:38, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2238, decode.acc_seg: 90.3606, aux.loss_ce: 0.1062, aux.acc_seg: 88.8722, loss: 0.3300 2024-01-18 03:43:45,963 - mmseg - INFO - Iter [18450/80000] lr: 3.078e-05, eta: 1 day, 0:13:52, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2327, decode.acc_seg: 89.7866, aux.loss_ce: 0.1135, aux.acc_seg: 87.7689, loss: 0.3461 2024-01-18 03:44:46,365 - mmseg - INFO - Iter [18500/80000] lr: 3.075e-05, eta: 1 day, 0:12:06, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2211, decode.acc_seg: 90.5317, aux.loss_ce: 0.1065, aux.acc_seg: 88.7772, loss: 0.3276 2024-01-18 03:45:46,848 - mmseg - INFO - Iter [18550/80000] lr: 3.073e-05, eta: 1 day, 0:10:21, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2361, decode.acc_seg: 90.1693, aux.loss_ce: 0.1132, aux.acc_seg: 88.2833, loss: 0.3493 2024-01-18 03:46:47,293 - mmseg - INFO - Iter [18600/80000] lr: 3.070e-05, eta: 1 day, 0:08:36, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2315, decode.acc_seg: 90.1004, aux.loss_ce: 0.1107, aux.acc_seg: 88.1437, loss: 0.3422 2024-01-18 03:47:47,646 - mmseg - INFO - Iter [18650/80000] lr: 3.068e-05, eta: 1 day, 0:06:51, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2254, decode.acc_seg: 90.4190, aux.loss_ce: 0.1088, aux.acc_seg: 88.6405, loss: 0.3342 2024-01-18 03:48:48,073 - mmseg - INFO - Iter [18700/80000] lr: 3.065e-05, eta: 1 day, 0:05:06, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2340, decode.acc_seg: 89.8894, aux.loss_ce: 0.1108, aux.acc_seg: 88.1327, loss: 0.3449 2024-01-18 03:49:48,490 - mmseg - INFO - Iter [18750/80000] lr: 3.063e-05, eta: 1 day, 0:03:22, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2382, decode.acc_seg: 89.9509, aux.loss_ce: 0.1130, aux.acc_seg: 88.2377, loss: 0.3512 2024-01-18 03:50:48,973 - mmseg - INFO - Iter [18800/80000] lr: 3.060e-05, eta: 1 day, 0:01:38, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2341, decode.acc_seg: 90.1257, aux.loss_ce: 0.1118, aux.acc_seg: 88.2936, loss: 0.3459 2024-01-18 03:51:49,449 - mmseg - INFO - Iter [18850/80000] lr: 3.058e-05, eta: 23:59:54, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2371, decode.acc_seg: 89.5755, aux.loss_ce: 0.1122, aux.acc_seg: 87.9089, loss: 0.3493 2024-01-18 03:52:49,843 - mmseg - INFO - Iter [18900/80000] lr: 3.055e-05, eta: 23:58:11, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2403, decode.acc_seg: 89.8074, aux.loss_ce: 0.1152, aux.acc_seg: 87.9482, loss: 0.3554 2024-01-18 03:53:52,523 - mmseg - INFO - Iter [18950/80000] lr: 3.053e-05, eta: 23:56:34, time: 1.254, data_time: 0.052, memory: 59004, decode.loss_ce: 0.2357, decode.acc_seg: 89.6101, aux.loss_ce: 0.1131, aux.acc_seg: 87.8933, loss: 0.3488 2024-01-18 03:54:53,172 - mmseg - INFO - Saving checkpoint at 19000 iterations 2024-01-18 03:55:39,455 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 03:55:39,456 - mmseg - INFO - Iter [19000/80000] lr: 3.050e-05, eta: 23:57:21, time: 2.139, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2133, decode.acc_seg: 91.0924, aux.loss_ce: 0.1049, aux.acc_seg: 89.2629, loss: 0.3182 2024-01-18 03:58:19,252 - mmseg - INFO - per class results: 2024-01-18 03:58:19,258 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.69 | 89.88 | | building | 85.16 | 92.64 | | sky | 94.47 | 97.68 | | floor | 83.71 | 90.46 | | tree | 75.51 | 89.12 | | ceiling | 85.97 | 93.43 | | road | 85.05 | 91.77 | | bed | 91.37 | 96.74 | | windowpane | 64.17 | 75.84 | | grass | 69.89 | 84.48 | | cabinet | 65.2 | 76.79 | | sidewalk | 69.86 | 82.91 | | person | 83.66 | 92.29 | | earth | 35.77 | 47.83 | | door | 55.19 | 69.0 | | table | 67.17 | 79.33 | | mountain | 64.74 | 72.84 | | plant | 54.57 | 67.98 | | curtain | 78.12 | 86.51 | | chair | 61.67 | 81.13 | | car | 84.89 | 93.89 | | water | 60.38 | 73.53 | | painting | 73.83 | 89.96 | | sofa | 77.67 | 87.01 | | shelf | 45.78 | 65.34 | | house | 54.98 | 77.46 | | sea | 68.57 | 82.33 | | mirror | 77.48 | 87.64 | | rug | 69.43 | 84.48 | | field | 32.72 | 49.88 | | armchair | 54.37 | 70.19 | | seat | 68.92 | 89.32 | | fence | 45.67 | 58.25 | | desk | 54.07 | 76.67 | | rock | 55.39 | 84.98 | | wardrobe | 57.43 | 74.45 | | lamp | 71.24 | 82.25 | | bathtub | 80.71 | 85.03 | | railing | 39.71 | 55.67 | | cushion | 66.77 | 83.08 | | base | 37.7 | 55.63 | | box | 32.33 | 38.19 | | column | 51.96 | 66.8 | | signboard | 37.86 | 57.94 | | chest of drawers | 46.61 | 62.79 | | counter | 45.99 | 69.54 | | sand | 51.5 | 77.94 | | sink | 75.22 | 81.47 | | skyscraper | 52.44 | 67.8 | | fireplace | 73.6 | 89.98 | | refrigerator | 80.32 | 88.71 | | grandstand | 56.98 | 86.72 | | path | 23.48 | 34.61 | | stairs | 29.6 | 33.12 | | runway | 74.63 | 96.6 | | case | 57.47 | 69.18 | | pool table | 93.25 | 98.2 | | pillow | 62.33 | 69.02 | | screen door | 68.29 | 70.89 | | stairway | 33.89 | 55.33 | | river | 15.26 | 31.03 | | bridge | 56.76 | 63.66 | | bookcase | 44.98 | 64.27 | | blind | 37.12 | 45.23 | | coffee table | 62.29 | 89.27 | | toilet | 89.16 | 94.04 | | flower | 45.69 | 55.81 | | book | 52.32 | 67.98 | | hill | 7.25 | 11.7 | | bench | 58.48 | 64.6 | | countertop | 63.01 | 83.58 | | stove | 79.16 | 93.5 | | palm | 53.14 | 66.81 | | kitchen island | 43.09 | 57.36 | | computer | 75.08 | 84.6 | | swivel chair | 46.95 | 69.99 | | boat | 75.95 | 88.8 | | bar | 72.37 | 78.45 | | arcade machine | 85.31 | 94.75 | | hovel | 15.03 | 15.6 | | bus | 91.34 | 96.6 | | towel | 77.79 | 87.35 | | light | 51.17 | 57.4 | | truck | 41.8 | 51.25 | | tower | 22.57 | 31.18 | | chandelier | 69.14 | 79.48 | | awning | 42.04 | 66.14 | | streetlight | 28.8 | 35.8 | | booth | 38.99 | 55.9 | | television receiver | 81.68 | 91.44 | | airplane | 61.5 | 71.28 | | dirt track | 10.07 | 21.92 | | apparel | 60.57 | 77.37 | | pole | 18.86 | 26.66 | | land | 5.01 | 7.63 | | bannister | 10.41 | 13.93 | | escalator | 65.57 | 86.79 | | ottoman | 54.36 | 64.51 | | bottle | 43.55 | 74.07 | | buffet | 60.9 | 69.95 | | poster | 23.32 | 27.49 | | stage | 25.26 | 64.94 | | van | 37.18 | 47.8 | | ship | 80.71 | 89.23 | | fountain | 58.98 | 60.08 | | conveyer belt | 74.39 | 98.6 | | canopy | 51.26 | 75.19 | | washer | 88.34 | 94.85 | | plaything | 25.6 | 38.98 | | swimming pool | 62.65 | 96.27 | | stool | 46.95 | 58.34 | | barrel | 52.06 | 64.92 | | basket | 42.92 | 55.27 | | waterfall | 58.37 | 67.27 | | tent | 81.92 | 97.49 | | bag | 26.2 | 30.6 | | minibike | 74.93 | 89.11 | | cradle | 82.67 | 98.49 | | oven | 47.17 | 51.47 | | ball | 57.02 | 63.62 | | food | 56.88 | 74.29 | | step | 17.35 | 19.01 | | tank | 74.38 | 92.15 | | trade name | 17.63 | 19.37 | | microwave | 83.97 | 91.28 | | pot | 52.16 | 58.19 | | animal | 69.49 | 72.71 | | bicycle | 58.65 | 78.53 | | lake | 59.01 | 59.84 | | dishwasher | 65.35 | 68.08 | | screen | 55.78 | 94.94 | | blanket | 21.72 | 25.74 | | sculpture | 73.52 | 85.72 | | hood | 62.59 | 74.93 | | sconce | 55.12 | 67.75 | | vase | 41.71 | 58.28 | | traffic light | 35.17 | 49.6 | | tray | 11.36 | 13.64 | | ashcan | 51.66 | 61.93 | | fan | 62.46 | 70.07 | | pier | 37.67 | 44.46 | | crt screen | 11.25 | 14.03 | | plate | 59.89 | 72.96 | | monitor | 58.96 | 89.26 | | bulletin board | 42.85 | 49.4 | | shower | 0.0 | 0.0 | | radiator | 61.86 | 81.47 | | glass | 16.75 | 17.5 | | clock | 47.11 | 59.69 | | flag | 69.09 | 77.39 | +---------------------+-------+-------+ 2024-01-18 03:58:19,258 - mmseg - INFO - Summary: 2024-01-18 03:58:19,258 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.33 | 55.47 | 67.87 | +-------+-------+-------+ 2024-01-18 03:58:19,259 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 03:58:19,259 - mmseg - INFO - Iter(val) [250] aAcc: 0.8533, mIoU: 0.5547, mAcc: 0.6787, IoU.wall: 0.8069, IoU.building: 0.8516, IoU.sky: 0.9447, IoU.floor: 0.8371, IoU.tree: 0.7551, IoU.ceiling: 0.8597, IoU.road: 0.8505, IoU.bed : 0.9137, IoU.windowpane: 0.6417, IoU.grass: 0.6989, IoU.cabinet: 0.6520, IoU.sidewalk: 0.6986, IoU.person: 0.8366, IoU.earth: 0.3577, IoU.door: 0.5519, IoU.table: 0.6717, IoU.mountain: 0.6474, IoU.plant: 0.5457, IoU.curtain: 0.7812, IoU.chair: 0.6167, IoU.car: 0.8489, IoU.water: 0.6038, IoU.painting: 0.7383, IoU.sofa: 0.7767, IoU.shelf: 0.4578, IoU.house: 0.5498, IoU.sea: 0.6857, IoU.mirror: 0.7748, IoU.rug: 0.6943, IoU.field: 0.3272, IoU.armchair: 0.5437, IoU.seat: 0.6892, IoU.fence: 0.4567, IoU.desk: 0.5407, IoU.rock: 0.5539, IoU.wardrobe: 0.5743, IoU.lamp: 0.7124, IoU.bathtub: 0.8071, IoU.railing: 0.3971, IoU.cushion: 0.6677, IoU.base: 0.3770, IoU.box: 0.3233, IoU.column: 0.5196, IoU.signboard: 0.3786, IoU.chest of drawers: 0.4661, IoU.counter: 0.4599, IoU.sand: 0.5150, IoU.sink: 0.7522, IoU.skyscraper: 0.5244, IoU.fireplace: 0.7360, IoU.refrigerator: 0.8032, IoU.grandstand: 0.5698, IoU.path: 0.2348, IoU.stairs: 0.2960, IoU.runway: 0.7463, IoU.case: 0.5747, IoU.pool table: 0.9325, IoU.pillow: 0.6233, IoU.screen door: 0.6829, IoU.stairway: 0.3389, IoU.river: 0.1526, IoU.bridge: 0.5676, IoU.bookcase: 0.4498, IoU.blind: 0.3712, IoU.coffee table: 0.6229, IoU.toilet: 0.8916, IoU.flower: 0.4569, IoU.book: 0.5232, IoU.hill: 0.0725, IoU.bench: 0.5848, IoU.countertop: 0.6301, IoU.stove: 0.7916, IoU.palm: 0.5314, IoU.kitchen island: 0.4309, IoU.computer: 0.7508, IoU.swivel chair: 0.4695, IoU.boat: 0.7595, IoU.bar: 0.7237, IoU.arcade machine: 0.8531, IoU.hovel: 0.1503, IoU.bus: 0.9134, IoU.towel: 0.7779, IoU.light: 0.5117, IoU.truck: 0.4180, IoU.tower: 0.2257, IoU.chandelier: 0.6914, IoU.awning: 0.4204, IoU.streetlight: 0.2880, IoU.booth: 0.3899, IoU.television receiver: 0.8168, IoU.airplane: 0.6150, IoU.dirt track: 0.1007, IoU.apparel: 0.6057, IoU.pole: 0.1886, IoU.land: 0.0501, IoU.bannister: 0.1041, IoU.escalator: 0.6557, IoU.ottoman: 0.5436, IoU.bottle: 0.4355, IoU.buffet: 0.6090, IoU.poster: 0.2332, IoU.stage: 0.2526, IoU.van: 0.3718, IoU.ship: 0.8071, IoU.fountain: 0.5898, IoU.conveyer belt: 0.7439, IoU.canopy: 0.5126, IoU.washer: 0.8834, IoU.plaything: 0.2560, IoU.swimming pool: 0.6265, IoU.stool: 0.4695, IoU.barrel: 0.5206, IoU.basket: 0.4292, IoU.waterfall: 0.5837, IoU.tent: 0.8192, IoU.bag: 0.2620, IoU.minibike: 0.7493, IoU.cradle: 0.8267, IoU.oven: 0.4717, IoU.ball: 0.5702, IoU.food: 0.5688, IoU.step: 0.1735, IoU.tank: 0.7438, IoU.trade name: 0.1763, IoU.microwave: 0.8397, IoU.pot: 0.5216, IoU.animal: 0.6949, IoU.bicycle: 0.5865, IoU.lake: 0.5901, IoU.dishwasher: 0.6535, IoU.screen: 0.5578, IoU.blanket: 0.2172, IoU.sculpture: 0.7352, IoU.hood: 0.6259, IoU.sconce: 0.5512, IoU.vase: 0.4171, IoU.traffic light: 0.3517, IoU.tray: 0.1136, IoU.ashcan: 0.5166, IoU.fan: 0.6246, IoU.pier: 0.3767, IoU.crt screen: 0.1125, IoU.plate: 0.5989, IoU.monitor: 0.5896, IoU.bulletin board: 0.4285, IoU.shower: 0.0000, IoU.radiator: 0.6186, IoU.glass: 0.1675, IoU.clock: 0.4711, IoU.flag: 0.6909, Acc.wall: 0.8988, Acc.building: 0.9264, Acc.sky: 0.9768, Acc.floor: 0.9046, Acc.tree: 0.8912, Acc.ceiling: 0.9343, Acc.road: 0.9177, Acc.bed : 0.9674, Acc.windowpane: 0.7584, Acc.grass: 0.8448, Acc.cabinet: 0.7679, Acc.sidewalk: 0.8291, Acc.person: 0.9229, Acc.earth: 0.4783, Acc.door: 0.6900, Acc.table: 0.7933, Acc.mountain: 0.7284, Acc.plant: 0.6798, Acc.curtain: 0.8651, Acc.chair: 0.8113, Acc.car: 0.9389, Acc.water: 0.7353, Acc.painting: 0.8996, Acc.sofa: 0.8701, Acc.shelf: 0.6534, Acc.house: 0.7746, Acc.sea: 0.8233, Acc.mirror: 0.8764, Acc.rug: 0.8448, Acc.field: 0.4988, Acc.armchair: 0.7019, Acc.seat: 0.8932, Acc.fence: 0.5825, Acc.desk: 0.7667, Acc.rock: 0.8498, Acc.wardrobe: 0.7445, Acc.lamp: 0.8225, Acc.bathtub: 0.8503, Acc.railing: 0.5567, Acc.cushion: 0.8308, Acc.base: 0.5563, Acc.box: 0.3819, Acc.column: 0.6680, Acc.signboard: 0.5794, Acc.chest of drawers: 0.6279, Acc.counter: 0.6954, Acc.sand: 0.7794, Acc.sink: 0.8147, Acc.skyscraper: 0.6780, Acc.fireplace: 0.8998, Acc.refrigerator: 0.8871, Acc.grandstand: 0.8672, Acc.path: 0.3461, Acc.stairs: 0.3312, Acc.runway: 0.9660, Acc.case: 0.6918, Acc.pool table: 0.9820, Acc.pillow: 0.6902, Acc.screen door: 0.7089, Acc.stairway: 0.5533, Acc.river: 0.3103, Acc.bridge: 0.6366, Acc.bookcase: 0.6427, Acc.blind: 0.4523, Acc.coffee table: 0.8927, Acc.toilet: 0.9404, Acc.flower: 0.5581, Acc.book: 0.6798, Acc.hill: 0.1170, Acc.bench: 0.6460, Acc.countertop: 0.8358, Acc.stove: 0.9350, Acc.palm: 0.6681, Acc.kitchen island: 0.5736, Acc.computer: 0.8460, Acc.swivel chair: 0.6999, Acc.boat: 0.8880, Acc.bar: 0.7845, Acc.arcade machine: 0.9475, Acc.hovel: 0.1560, Acc.bus: 0.9660, Acc.towel: 0.8735, Acc.light: 0.5740, Acc.truck: 0.5125, Acc.tower: 0.3118, Acc.chandelier: 0.7948, Acc.awning: 0.6614, Acc.streetlight: 0.3580, Acc.booth: 0.5590, Acc.television receiver: 0.9144, Acc.airplane: 0.7128, Acc.dirt track: 0.2192, Acc.apparel: 0.7737, Acc.pole: 0.2666, Acc.land: 0.0763, Acc.bannister: 0.1393, Acc.escalator: 0.8679, Acc.ottoman: 0.6451, Acc.bottle: 0.7407, Acc.buffet: 0.6995, Acc.poster: 0.2749, Acc.stage: 0.6494, Acc.van: 0.4780, Acc.ship: 0.8923, Acc.fountain: 0.6008, Acc.conveyer belt: 0.9860, Acc.canopy: 0.7519, Acc.washer: 0.9485, Acc.plaything: 0.3898, Acc.swimming pool: 0.9627, Acc.stool: 0.5834, Acc.barrel: 0.6492, Acc.basket: 0.5527, Acc.waterfall: 0.6727, Acc.tent: 0.9749, Acc.bag: 0.3060, Acc.minibike: 0.8911, Acc.cradle: 0.9849, Acc.oven: 0.5147, Acc.ball: 0.6362, Acc.food: 0.7429, Acc.step: 0.1901, Acc.tank: 0.9215, Acc.trade name: 0.1937, Acc.microwave: 0.9128, Acc.pot: 0.5819, Acc.animal: 0.7271, Acc.bicycle: 0.7853, Acc.lake: 0.5984, Acc.dishwasher: 0.6808, Acc.screen: 0.9494, Acc.blanket: 0.2574, Acc.sculpture: 0.8572, Acc.hood: 0.7493, Acc.sconce: 0.6775, Acc.vase: 0.5828, Acc.traffic light: 0.4960, Acc.tray: 0.1364, Acc.ashcan: 0.6193, Acc.fan: 0.7007, Acc.pier: 0.4446, Acc.crt screen: 0.1403, Acc.plate: 0.7296, Acc.monitor: 0.8926, Acc.bulletin board: 0.4940, Acc.shower: 0.0000, Acc.radiator: 0.8147, Acc.glass: 0.1750, Acc.clock: 0.5969, Acc.flag: 0.7739 2024-01-18 03:59:20,253 - mmseg - INFO - Iter [19050/80000] lr: 3.048e-05, eta: 1 day, 0:04:10, time: 4.416, data_time: 3.213, memory: 59004, decode.loss_ce: 0.2294, decode.acc_seg: 90.4015, aux.loss_ce: 0.1094, aux.acc_seg: 88.6186, loss: 0.3388 2024-01-18 04:00:20,751 - mmseg - INFO - Iter [19100/80000] lr: 3.045e-05, eta: 1 day, 0:02:25, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2275, decode.acc_seg: 90.2754, aux.loss_ce: 0.1067, aux.acc_seg: 88.8351, loss: 0.3342 2024-01-18 04:01:21,170 - mmseg - INFO - Iter [19150/80000] lr: 3.043e-05, eta: 1 day, 0:00:40, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2303, decode.acc_seg: 90.7716, aux.loss_ce: 0.1089, aux.acc_seg: 88.9804, loss: 0.3392 2024-01-18 04:02:21,576 - mmseg - INFO - Iter [19200/80000] lr: 3.040e-05, eta: 23:58:56, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2228, decode.acc_seg: 90.5077, aux.loss_ce: 0.1081, aux.acc_seg: 88.6077, loss: 0.3309 2024-01-18 04:03:21,985 - mmseg - INFO - Iter [19250/80000] lr: 3.038e-05, eta: 23:57:11, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2348, decode.acc_seg: 90.3160, aux.loss_ce: 0.1123, aux.acc_seg: 88.5453, loss: 0.3471 2024-01-18 04:04:22,390 - mmseg - INFO - Iter [19300/80000] lr: 3.035e-05, eta: 23:55:27, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2385, decode.acc_seg: 90.1377, aux.loss_ce: 0.1134, aux.acc_seg: 88.2505, loss: 0.3518 2024-01-18 04:05:22,788 - mmseg - INFO - Iter [19350/80000] lr: 3.033e-05, eta: 23:53:43, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2334, decode.acc_seg: 90.1586, aux.loss_ce: 0.1120, aux.acc_seg: 88.3542, loss: 0.3454 2024-01-18 04:06:23,244 - mmseg - INFO - Iter [19400/80000] lr: 3.030e-05, eta: 23:52:00, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2218, decode.acc_seg: 90.7517, aux.loss_ce: 0.1063, aux.acc_seg: 89.1145, loss: 0.3281 2024-01-18 04:07:23,790 - mmseg - INFO - Iter [19450/80000] lr: 3.028e-05, eta: 23:50:16, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2229, decode.acc_seg: 90.4765, aux.loss_ce: 0.1043, aux.acc_seg: 88.9646, loss: 0.3271 2024-01-18 04:08:24,421 - mmseg - INFO - Iter [19500/80000] lr: 3.025e-05, eta: 23:48:34, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2267, decode.acc_seg: 90.6348, aux.loss_ce: 0.1098, aux.acc_seg: 88.6179, loss: 0.3365 2024-01-18 04:09:25,327 - mmseg - INFO - Iter [19550/80000] lr: 3.023e-05, eta: 23:46:52, time: 1.218, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2252, decode.acc_seg: 90.2418, aux.loss_ce: 0.1058, aux.acc_seg: 88.8499, loss: 0.3310 2024-01-18 04:10:25,854 - mmseg - INFO - Iter [19600/80000] lr: 3.020e-05, eta: 23:45:10, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2215, decode.acc_seg: 90.7209, aux.loss_ce: 0.1025, aux.acc_seg: 89.1917, loss: 0.3239 2024-01-18 04:11:26,484 - mmseg - INFO - Iter [19650/80000] lr: 3.018e-05, eta: 23:43:28, time: 1.213, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2154, decode.acc_seg: 90.8628, aux.loss_ce: 0.1042, aux.acc_seg: 89.0154, loss: 0.3195 2024-01-18 04:12:26,980 - mmseg - INFO - Iter [19700/80000] lr: 3.015e-05, eta: 23:41:46, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2167, decode.acc_seg: 90.5886, aux.loss_ce: 0.1054, aux.acc_seg: 88.6361, loss: 0.3221 2024-01-18 04:13:27,450 - mmseg - INFO - Iter [19750/80000] lr: 3.013e-05, eta: 23:40:04, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2194, decode.acc_seg: 90.7114, aux.loss_ce: 0.1059, aux.acc_seg: 88.9962, loss: 0.3253 2024-01-18 04:14:27,885 - mmseg - INFO - Iter [19800/80000] lr: 3.010e-05, eta: 23:38:22, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2235, decode.acc_seg: 90.3195, aux.loss_ce: 0.1077, aux.acc_seg: 88.3905, loss: 0.3312 2024-01-18 04:15:28,320 - mmseg - INFO - Iter [19850/80000] lr: 3.008e-05, eta: 23:36:40, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2310, decode.acc_seg: 90.1345, aux.loss_ce: 0.1085, aux.acc_seg: 88.4632, loss: 0.3395 2024-01-18 04:16:28,771 - mmseg - INFO - Iter [19900/80000] lr: 3.005e-05, eta: 23:34:58, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2253, decode.acc_seg: 90.5807, aux.loss_ce: 0.1089, aux.acc_seg: 88.6532, loss: 0.3343 2024-01-18 04:17:29,270 - mmseg - INFO - Iter [19950/80000] lr: 3.003e-05, eta: 23:33:17, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2242, decode.acc_seg: 90.0510, aux.loss_ce: 0.1084, aux.acc_seg: 88.1480, loss: 0.3326 2024-01-18 04:18:29,877 - mmseg - INFO - Saving checkpoint at 20000 iterations 2024-01-18 04:19:20,216 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 04:19:20,216 - mmseg - INFO - Iter [20000/80000] lr: 3.000e-05, eta: 23:34:08, time: 2.219, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2322, decode.acc_seg: 90.2496, aux.loss_ce: 0.1103, aux.acc_seg: 88.6122, loss: 0.3425 2024-01-18 04:21:58,517 - mmseg - INFO - per class results: 2024-01-18 04:21:58,523 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.33 | 90.66 | | building | 84.91 | 92.94 | | sky | 94.56 | 96.81 | | floor | 81.89 | 92.68 | | tree | 75.52 | 90.89 | | ceiling | 85.29 | 91.92 | | road | 86.21 | 89.92 | | bed | 91.74 | 97.16 | | windowpane | 63.87 | 82.54 | | grass | 69.59 | 85.17 | | cabinet | 63.51 | 73.07 | | sidewalk | 69.75 | 86.87 | | person | 83.68 | 92.29 | | earth | 37.64 | 52.2 | | door | 53.18 | 62.38 | | table | 67.71 | 77.21 | | mountain | 57.28 | 69.0 | | plant | 54.5 | 66.62 | | curtain | 77.77 | 84.64 | | chair | 64.09 | 77.07 | | car | 86.36 | 91.83 | | water | 60.35 | 77.31 | | painting | 73.7 | 90.24 | | sofa | 72.96 | 80.65 | | shelf | 43.98 | 62.5 | | house | 48.11 | 65.1 | | sea | 64.2 | 77.52 | | mirror | 74.3 | 84.98 | | rug | 57.09 | 61.43 | | field | 25.61 | 30.86 | | armchair | 52.57 | 76.46 | | seat | 70.37 | 86.52 | | fence | 45.71 | 57.2 | | desk | 52.92 | 76.48 | | rock | 53.86 | 80.16 | | wardrobe | 53.52 | 80.21 | | lamp | 70.26 | 79.15 | | bathtub | 79.63 | 84.75 | | railing | 39.75 | 54.26 | | cushion | 66.9 | 76.57 | | base | 34.51 | 52.08 | | box | 34.78 | 41.88 | | column | 49.08 | 54.41 | | signboard | 38.25 | 50.04 | | chest of drawers | 44.53 | 59.04 | | counter | 43.23 | 48.88 | | sand | 53.34 | 82.2 | | sink | 78.21 | 82.84 | | skyscraper | 50.12 | 67.09 | | fireplace | 73.33 | 90.55 | | refrigerator | 78.39 | 84.92 | | grandstand | 60.99 | 85.38 | | path | 27.08 | 35.26 | | stairs | 37.08 | 40.53 | | runway | 74.2 | 98.2 | | case | 58.36 | 81.71 | | pool table | 92.75 | 98.08 | | pillow | 66.89 | 77.28 | | screen door | 81.17 | 89.94 | | stairway | 44.77 | 67.7 | | river | 10.57 | 20.29 | | bridge | 65.74 | 88.4 | | bookcase | 41.8 | 58.39 | | blind | 25.3 | 26.47 | | coffee table | 65.91 | 77.51 | | toilet | 90.68 | 95.74 | | flower | 43.99 | 55.35 | | book | 53.89 | 68.95 | | hill | 6.65 | 13.1 | | bench | 64.91 | 69.51 | | countertop | 61.26 | 74.07 | | stove | 82.1 | 86.8 | | palm | 58.31 | 70.38 | | kitchen island | 40.39 | 63.68 | | computer | 77.58 | 91.22 | | swivel chair | 47.2 | 65.52 | | boat | 64.58 | 90.69 | | bar | 63.61 | 88.97 | | arcade machine | 89.08 | 96.18 | | hovel | 16.79 | 18.28 | | bus | 91.54 | 96.86 | | towel | 76.18 | 83.04 | | light | 51.35 | 56.1 | | truck | 41.67 | 49.81 | | tower | 33.77 | 54.04 | | chandelier | 69.88 | 83.3 | | awning | 44.66 | 59.13 | | streetlight | 27.97 | 33.2 | | booth | 40.43 | 48.26 | | television receiver | 82.23 | 87.49 | | airplane | 63.9 | 74.78 | | dirt track | 3.75 | 8.07 | | apparel | 58.17 | 75.46 | | pole | 21.29 | 29.26 | | land | 9.74 | 16.5 | | bannister | 10.87 | 14.54 | | escalator | 62.38 | 87.22 | | ottoman | 53.07 | 76.0 | | bottle | 40.95 | 65.79 | | buffet | 63.2 | 75.62 | | poster | 19.19 | 22.45 | | stage | 20.92 | 74.41 | | van | 45.38 | 71.63 | | ship | 79.09 | 91.09 | | fountain | 58.76 | 62.43 | | conveyer belt | 81.29 | 95.27 | | canopy | 44.76 | 61.51 | | washer | 87.05 | 92.84 | | plaything | 21.85 | 37.78 | | swimming pool | 57.05 | 84.8 | | stool | 47.86 | 55.61 | | barrel | 50.58 | 65.07 | | basket | 42.65 | 49.96 | | waterfall | 53.92 | 61.01 | | tent | 87.76 | 98.24 | | bag | 25.4 | 28.83 | | minibike | 75.41 | 87.2 | | cradle | 81.65 | 97.82 | | oven | 61.93 | 72.0 | | ball | 59.7 | 67.27 | | food | 58.31 | 65.38 | | step | 10.52 | 10.73 | | tank | 79.05 | 89.17 | | trade name | 25.0 | 28.96 | | microwave | 86.14 | 92.94 | | pot | 50.82 | 54.98 | | animal | 65.26 | 66.96 | | bicycle | 58.82 | 76.5 | | lake | 53.33 | 63.47 | | dishwasher | 73.03 | 75.97 | | screen | 62.67 | 79.61 | | blanket | 15.97 | 17.3 | | sculpture | 72.93 | 81.45 | | hood | 65.98 | 77.14 | | sconce | 50.22 | 56.14 | | vase | 41.83 | 51.06 | | traffic light | 33.55 | 55.15 | | tray | 11.88 | 13.34 | | ashcan | 53.12 | 65.47 | | fan | 59.8 | 66.39 | | pier | 39.32 | 45.14 | | crt screen | 18.15 | 18.92 | | plate | 61.24 | 78.58 | | monitor | 68.11 | 84.76 | | bulletin board | 53.61 | 75.64 | | shower | 0.29 | 0.29 | | radiator | 66.16 | 71.64 | | glass | 16.54 | 17.29 | | clock | 47.56 | 50.67 | | flag | 67.98 | 72.51 | +---------------------+-------+-------+ 2024-01-18 04:21:58,523 - mmseg - INFO - Summary: 2024-01-18 04:21:58,523 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.06 | 55.62 | 67.26 | +-------+-------+-------+ 2024-01-18 04:21:58,524 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 04:21:58,524 - mmseg - INFO - Iter(val) [250] aAcc: 0.8506, mIoU: 0.5562, mAcc: 0.6726, IoU.wall: 0.8033, IoU.building: 0.8491, IoU.sky: 0.9456, IoU.floor: 0.8189, IoU.tree: 0.7552, IoU.ceiling: 0.8529, IoU.road: 0.8621, IoU.bed : 0.9174, IoU.windowpane: 0.6387, IoU.grass: 0.6959, IoU.cabinet: 0.6351, IoU.sidewalk: 0.6975, IoU.person: 0.8368, IoU.earth: 0.3764, IoU.door: 0.5318, IoU.table: 0.6771, IoU.mountain: 0.5728, IoU.plant: 0.5450, IoU.curtain: 0.7777, IoU.chair: 0.6409, IoU.car: 0.8636, IoU.water: 0.6035, IoU.painting: 0.7370, IoU.sofa: 0.7296, IoU.shelf: 0.4398, IoU.house: 0.4811, IoU.sea: 0.6420, IoU.mirror: 0.7430, IoU.rug: 0.5709, IoU.field: 0.2561, IoU.armchair: 0.5257, IoU.seat: 0.7037, IoU.fence: 0.4571, IoU.desk: 0.5292, IoU.rock: 0.5386, IoU.wardrobe: 0.5352, IoU.lamp: 0.7026, IoU.bathtub: 0.7963, IoU.railing: 0.3975, IoU.cushion: 0.6690, IoU.base: 0.3451, IoU.box: 0.3478, IoU.column: 0.4908, IoU.signboard: 0.3825, IoU.chest of drawers: 0.4453, IoU.counter: 0.4323, IoU.sand: 0.5334, IoU.sink: 0.7821, IoU.skyscraper: 0.5012, IoU.fireplace: 0.7333, IoU.refrigerator: 0.7839, IoU.grandstand: 0.6099, IoU.path: 0.2708, IoU.stairs: 0.3708, IoU.runway: 0.7420, IoU.case: 0.5836, IoU.pool table: 0.9275, IoU.pillow: 0.6689, IoU.screen door: 0.8117, IoU.stairway: 0.4477, IoU.river: 0.1057, IoU.bridge: 0.6574, IoU.bookcase: 0.4180, IoU.blind: 0.2530, IoU.coffee table: 0.6591, IoU.toilet: 0.9068, IoU.flower: 0.4399, IoU.book: 0.5389, IoU.hill: 0.0665, IoU.bench: 0.6491, IoU.countertop: 0.6126, IoU.stove: 0.8210, IoU.palm: 0.5831, IoU.kitchen island: 0.4039, IoU.computer: 0.7758, IoU.swivel chair: 0.4720, IoU.boat: 0.6458, IoU.bar: 0.6361, IoU.arcade machine: 0.8908, IoU.hovel: 0.1679, IoU.bus: 0.9154, IoU.towel: 0.7618, IoU.light: 0.5135, IoU.truck: 0.4167, IoU.tower: 0.3377, IoU.chandelier: 0.6988, IoU.awning: 0.4466, IoU.streetlight: 0.2797, IoU.booth: 0.4043, IoU.television receiver: 0.8223, IoU.airplane: 0.6390, IoU.dirt track: 0.0375, IoU.apparel: 0.5817, IoU.pole: 0.2129, IoU.land: 0.0974, IoU.bannister: 0.1087, IoU.escalator: 0.6238, IoU.ottoman: 0.5307, IoU.bottle: 0.4095, IoU.buffet: 0.6320, IoU.poster: 0.1919, IoU.stage: 0.2092, IoU.van: 0.4538, IoU.ship: 0.7909, IoU.fountain: 0.5876, IoU.conveyer belt: 0.8129, IoU.canopy: 0.4476, IoU.washer: 0.8705, IoU.plaything: 0.2185, IoU.swimming pool: 0.5705, IoU.stool: 0.4786, IoU.barrel: 0.5058, IoU.basket: 0.4265, IoU.waterfall: 0.5392, IoU.tent: 0.8776, IoU.bag: 0.2540, IoU.minibike: 0.7541, IoU.cradle: 0.8165, IoU.oven: 0.6193, IoU.ball: 0.5970, IoU.food: 0.5831, IoU.step: 0.1052, IoU.tank: 0.7905, IoU.trade name: 0.2500, IoU.microwave: 0.8614, IoU.pot: 0.5082, IoU.animal: 0.6526, IoU.bicycle: 0.5882, IoU.lake: 0.5333, IoU.dishwasher: 0.7303, IoU.screen: 0.6267, IoU.blanket: 0.1597, IoU.sculpture: 0.7293, IoU.hood: 0.6598, IoU.sconce: 0.5022, IoU.vase: 0.4183, IoU.traffic light: 0.3355, IoU.tray: 0.1188, IoU.ashcan: 0.5312, IoU.fan: 0.5980, IoU.pier: 0.3932, IoU.crt screen: 0.1815, IoU.plate: 0.6124, IoU.monitor: 0.6811, IoU.bulletin board: 0.5361, IoU.shower: 0.0029, IoU.radiator: 0.6616, IoU.glass: 0.1654, IoU.clock: 0.4756, IoU.flag: 0.6798, Acc.wall: 0.9066, Acc.building: 0.9294, Acc.sky: 0.9681, Acc.floor: 0.9268, Acc.tree: 0.9089, Acc.ceiling: 0.9192, Acc.road: 0.8992, Acc.bed : 0.9716, Acc.windowpane: 0.8254, Acc.grass: 0.8517, Acc.cabinet: 0.7307, Acc.sidewalk: 0.8687, Acc.person: 0.9229, Acc.earth: 0.5220, Acc.door: 0.6238, Acc.table: 0.7721, Acc.mountain: 0.6900, Acc.plant: 0.6662, Acc.curtain: 0.8464, Acc.chair: 0.7707, Acc.car: 0.9183, Acc.water: 0.7731, Acc.painting: 0.9024, Acc.sofa: 0.8065, Acc.shelf: 0.6250, Acc.house: 0.6510, Acc.sea: 0.7752, Acc.mirror: 0.8498, Acc.rug: 0.6143, Acc.field: 0.3086, Acc.armchair: 0.7646, Acc.seat: 0.8652, Acc.fence: 0.5720, Acc.desk: 0.7648, Acc.rock: 0.8016, Acc.wardrobe: 0.8021, Acc.lamp: 0.7915, Acc.bathtub: 0.8475, Acc.railing: 0.5426, Acc.cushion: 0.7657, Acc.base: 0.5208, Acc.box: 0.4188, Acc.column: 0.5441, Acc.signboard: 0.5004, Acc.chest of drawers: 0.5904, Acc.counter: 0.4888, Acc.sand: 0.8220, Acc.sink: 0.8284, Acc.skyscraper: 0.6709, Acc.fireplace: 0.9055, Acc.refrigerator: 0.8492, Acc.grandstand: 0.8538, Acc.path: 0.3526, Acc.stairs: 0.4053, Acc.runway: 0.9820, Acc.case: 0.8171, Acc.pool table: 0.9808, Acc.pillow: 0.7728, Acc.screen door: 0.8994, Acc.stairway: 0.6770, Acc.river: 0.2029, Acc.bridge: 0.8840, Acc.bookcase: 0.5839, Acc.blind: 0.2647, Acc.coffee table: 0.7751, Acc.toilet: 0.9574, Acc.flower: 0.5535, Acc.book: 0.6895, Acc.hill: 0.1310, Acc.bench: 0.6951, Acc.countertop: 0.7407, Acc.stove: 0.8680, Acc.palm: 0.7038, Acc.kitchen island: 0.6368, Acc.computer: 0.9122, Acc.swivel chair: 0.6552, Acc.boat: 0.9069, Acc.bar: 0.8897, Acc.arcade machine: 0.9618, Acc.hovel: 0.1828, Acc.bus: 0.9686, Acc.towel: 0.8304, Acc.light: 0.5610, Acc.truck: 0.4981, Acc.tower: 0.5404, Acc.chandelier: 0.8330, Acc.awning: 0.5913, Acc.streetlight: 0.3320, Acc.booth: 0.4826, Acc.television receiver: 0.8749, Acc.airplane: 0.7478, Acc.dirt track: 0.0807, Acc.apparel: 0.7546, Acc.pole: 0.2926, Acc.land: 0.1650, Acc.bannister: 0.1454, Acc.escalator: 0.8722, Acc.ottoman: 0.7600, Acc.bottle: 0.6579, Acc.buffet: 0.7562, Acc.poster: 0.2245, Acc.stage: 0.7441, Acc.van: 0.7163, Acc.ship: 0.9109, Acc.fountain: 0.6243, Acc.conveyer belt: 0.9527, Acc.canopy: 0.6151, Acc.washer: 0.9284, Acc.plaything: 0.3778, Acc.swimming pool: 0.8480, Acc.stool: 0.5561, Acc.barrel: 0.6507, Acc.basket: 0.4996, Acc.waterfall: 0.6101, Acc.tent: 0.9824, Acc.bag: 0.2883, Acc.minibike: 0.8720, Acc.cradle: 0.9782, Acc.oven: 0.7200, Acc.ball: 0.6727, Acc.food: 0.6538, Acc.step: 0.1073, Acc.tank: 0.8917, Acc.trade name: 0.2896, Acc.microwave: 0.9294, Acc.pot: 0.5498, Acc.animal: 0.6696, Acc.bicycle: 0.7650, Acc.lake: 0.6347, Acc.dishwasher: 0.7597, Acc.screen: 0.7961, Acc.blanket: 0.1730, Acc.sculpture: 0.8145, Acc.hood: 0.7714, Acc.sconce: 0.5614, Acc.vase: 0.5106, Acc.traffic light: 0.5515, Acc.tray: 0.1334, Acc.ashcan: 0.6547, Acc.fan: 0.6639, Acc.pier: 0.4514, Acc.crt screen: 0.1892, Acc.plate: 0.7858, Acc.monitor: 0.8476, Acc.bulletin board: 0.7564, Acc.shower: 0.0029, Acc.radiator: 0.7164, Acc.glass: 0.1729, Acc.clock: 0.5067, Acc.flag: 0.7251 2024-01-18 04:22:59,481 - mmseg - INFO - Iter [20050/80000] lr: 2.998e-05, eta: 23:40:21, time: 4.385, data_time: 3.182, memory: 59004, decode.loss_ce: 0.2389, decode.acc_seg: 90.0003, aux.loss_ce: 0.1111, aux.acc_seg: 88.4183, loss: 0.3500 2024-01-18 04:23:59,816 - mmseg - INFO - Iter [20100/80000] lr: 2.995e-05, eta: 23:38:38, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2320, decode.acc_seg: 90.0258, aux.loss_ce: 0.1127, aux.acc_seg: 88.1828, loss: 0.3447 2024-01-18 04:25:00,260 - mmseg - INFO - Iter [20150/80000] lr: 2.993e-05, eta: 23:36:55, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2259, decode.acc_seg: 90.2633, aux.loss_ce: 0.1087, aux.acc_seg: 88.4543, loss: 0.3346 2024-01-18 04:26:00,616 - mmseg - INFO - Iter [20200/80000] lr: 2.990e-05, eta: 23:35:13, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2287, decode.acc_seg: 90.1471, aux.loss_ce: 0.1092, aux.acc_seg: 88.4881, loss: 0.3379 2024-01-18 04:27:03,315 - mmseg - INFO - Iter [20250/80000] lr: 2.988e-05, eta: 23:33:37, time: 1.254, data_time: 0.050, memory: 59004, decode.loss_ce: 0.2119, decode.acc_seg: 91.1249, aux.loss_ce: 0.1003, aux.acc_seg: 89.5842, loss: 0.3122 2024-01-18 04:28:03,671 - mmseg - INFO - Iter [20300/80000] lr: 2.985e-05, eta: 23:31:55, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2064, decode.acc_seg: 91.0411, aux.loss_ce: 0.0999, aux.acc_seg: 89.4241, loss: 0.3063 2024-01-18 04:29:04,143 - mmseg - INFO - Iter [20350/80000] lr: 2.983e-05, eta: 23:30:13, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2046, decode.acc_seg: 91.3184, aux.loss_ce: 0.1007, aux.acc_seg: 89.5713, loss: 0.3053 2024-01-18 04:30:04,473 - mmseg - INFO - Iter [20400/80000] lr: 2.980e-05, eta: 23:28:32, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2110, decode.acc_seg: 91.0088, aux.loss_ce: 0.1004, aux.acc_seg: 89.1827, loss: 0.3114 2024-01-18 04:31:04,976 - mmseg - INFO - Iter [20450/80000] lr: 2.978e-05, eta: 23:26:50, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2190, decode.acc_seg: 90.7590, aux.loss_ce: 0.1049, aux.acc_seg: 89.1375, loss: 0.3239 2024-01-18 04:32:05,501 - mmseg - INFO - Iter [20500/80000] lr: 2.975e-05, eta: 23:25:10, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2141, decode.acc_seg: 90.9021, aux.loss_ce: 0.1030, aux.acc_seg: 88.9755, loss: 0.3171 2024-01-18 04:33:05,898 - mmseg - INFO - Iter [20550/80000] lr: 2.973e-05, eta: 23:23:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2078, decode.acc_seg: 90.9672, aux.loss_ce: 0.1006, aux.acc_seg: 89.4016, loss: 0.3084 2024-01-18 04:34:06,357 - mmseg - INFO - Iter [20600/80000] lr: 2.970e-05, eta: 23:21:48, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2200, decode.acc_seg: 90.6144, aux.loss_ce: 0.1061, aux.acc_seg: 88.8675, loss: 0.3261 2024-01-18 04:35:06,865 - mmseg - INFO - Iter [20650/80000] lr: 2.968e-05, eta: 23:20:07, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2170, decode.acc_seg: 90.6142, aux.loss_ce: 0.1040, aux.acc_seg: 88.8103, loss: 0.3211 2024-01-18 04:36:07,343 - mmseg - INFO - Iter [20700/80000] lr: 2.965e-05, eta: 23:18:27, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.2277, decode.acc_seg: 90.2551, aux.loss_ce: 0.1080, aux.acc_seg: 88.5742, loss: 0.3357 2024-01-18 04:37:07,732 - mmseg - INFO - Iter [20750/80000] lr: 2.963e-05, eta: 23:16:47, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2157, decode.acc_seg: 90.8100, aux.loss_ce: 0.1028, aux.acc_seg: 89.2341, loss: 0.3184 2024-01-18 04:38:08,123 - mmseg - INFO - Iter [20800/80000] lr: 2.960e-05, eta: 23:15:07, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2071, decode.acc_seg: 91.2892, aux.loss_ce: 0.0995, aux.acc_seg: 89.5291, loss: 0.3066 2024-01-18 04:39:08,463 - mmseg - INFO - Iter [20850/80000] lr: 2.958e-05, eta: 23:13:27, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2044, decode.acc_seg: 91.2000, aux.loss_ce: 0.0998, aux.acc_seg: 89.5503, loss: 0.3042 2024-01-18 04:40:09,004 - mmseg - INFO - Iter [20900/80000] lr: 2.955e-05, eta: 23:11:47, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2066, decode.acc_seg: 91.1962, aux.loss_ce: 0.1021, aux.acc_seg: 89.2200, loss: 0.3087 2024-01-18 04:41:09,248 - mmseg - INFO - Iter [20950/80000] lr: 2.953e-05, eta: 23:10:07, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2157, decode.acc_seg: 91.0026, aux.loss_ce: 0.1066, aux.acc_seg: 89.0152, loss: 0.3223 2024-01-18 04:42:09,687 - mmseg - INFO - Saving checkpoint at 21000 iterations 2024-01-18 04:42:57,310 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 04:42:57,310 - mmseg - INFO - Iter [21000/80000] lr: 2.950e-05, eta: 23:10:42, time: 2.161, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2273, decode.acc_seg: 90.4986, aux.loss_ce: 0.1120, aux.acc_seg: 88.4585, loss: 0.3393 2024-01-18 04:45:34,792 - mmseg - INFO - per class results: 2024-01-18 04:45:34,799 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.34 | 89.61 | | building | 84.75 | 91.77 | | sky | 94.14 | 97.63 | | floor | 83.4 | 89.65 | | tree | 74.41 | 90.01 | | ceiling | 85.47 | 93.02 | | road | 86.12 | 90.82 | | bed | 91.17 | 97.94 | | windowpane | 63.98 | 79.36 | | grass | 74.12 | 86.71 | | cabinet | 63.06 | 73.31 | | sidewalk | 67.94 | 81.65 | | person | 83.52 | 92.99 | | earth | 39.2 | 53.83 | | door | 56.08 | 72.81 | | table | 64.92 | 74.59 | | mountain | 59.8 | 68.92 | | plant | 53.64 | 66.25 | | curtain | 77.07 | 86.3 | | chair | 64.05 | 80.1 | | car | 85.29 | 93.97 | | water | 60.6 | 77.02 | | painting | 74.58 | 86.78 | | sofa | 77.18 | 85.46 | | shelf | 45.31 | 64.56 | | house | 54.16 | 78.29 | | sea | 66.13 | 75.05 | | mirror | 73.98 | 83.96 | | rug | 66.42 | 82.3 | | field | 31.37 | 40.36 | | armchair | 57.29 | 79.6 | | seat | 69.55 | 83.18 | | fence | 45.9 | 58.69 | | desk | 52.77 | 78.28 | | rock | 52.0 | 75.59 | | wardrobe | 53.73 | 69.52 | | lamp | 69.52 | 78.52 | | bathtub | 80.66 | 84.85 | | railing | 43.39 | 63.67 | | cushion | 61.28 | 66.52 | | base | 40.03 | 54.13 | | box | 32.98 | 40.3 | | column | 57.7 | 67.77 | | signboard | 38.6 | 49.57 | | chest of drawers | 47.34 | 72.14 | | counter | 45.98 | 57.48 | | sand | 56.53 | 83.38 | | sink | 76.22 | 88.41 | | skyscraper | 50.27 | 60.49 | | fireplace | 72.08 | 90.37 | | refrigerator | 78.96 | 87.43 | | grandstand | 50.19 | 86.94 | | path | 30.8 | 47.55 | | stairs | 30.0 | 33.96 | | runway | 74.13 | 96.62 | | case | 58.51 | 76.65 | | pool table | 94.01 | 97.79 | | pillow | 61.51 | 76.0 | | screen door | 39.86 | 40.17 | | stairway | 41.2 | 62.41 | | river | 11.83 | 26.31 | | bridge | 65.06 | 84.56 | | bookcase | 43.24 | 56.23 | | blind | 33.09 | 39.11 | | coffee table | 62.31 | 83.74 | | toilet | 90.74 | 95.3 | | flower | 45.85 | 64.92 | | book | 54.8 | 74.85 | | hill | 5.83 | 12.33 | | bench | 62.23 | 75.44 | | countertop | 60.65 | 77.18 | | stove | 82.63 | 91.31 | | palm | 47.86 | 55.67 | | kitchen island | 39.92 | 75.8 | | computer | 78.79 | 93.57 | | swivel chair | 46.92 | 67.4 | | boat | 61.52 | 90.01 | | bar | 65.92 | 85.54 | | arcade machine | 86.23 | 97.79 | | hovel | 41.24 | 48.68 | | bus | 91.12 | 94.77 | | towel | 75.77 | 81.32 | | light | 47.05 | 49.58 | | truck | 45.65 | 54.35 | | tower | 31.71 | 54.97 | | chandelier | 70.2 | 82.5 | | awning | 46.71 | 58.81 | | streetlight | 28.31 | 37.13 | | booth | 41.38 | 53.13 | | television receiver | 81.86 | 86.99 | | airplane | 68.21 | 76.45 | | dirt track | 14.81 | 34.62 | | apparel | 57.48 | 75.78 | | pole | 21.2 | 30.38 | | land | 5.57 | 8.21 | | bannister | 11.8 | 17.37 | | escalator | 46.56 | 88.75 | | ottoman | 47.53 | 63.02 | | bottle | 41.67 | 71.26 | | buffet | 53.32 | 60.02 | | poster | 21.42 | 27.39 | | stage | 18.23 | 33.47 | | van | 49.3 | 63.16 | | ship | 75.66 | 82.42 | | fountain | 59.52 | 63.61 | | conveyer belt | 77.11 | 96.87 | | canopy | 49.28 | 68.63 | | washer | 86.75 | 96.13 | | plaything | 29.08 | 52.87 | | swimming pool | 57.45 | 92.66 | | stool | 46.68 | 65.44 | | barrel | 50.88 | 65.08 | | basket | 41.11 | 62.09 | | waterfall | 56.73 | 64.24 | | tent | 95.37 | 98.01 | | bag | 24.45 | 29.21 | | minibike | 74.21 | 89.9 | | cradle | 83.63 | 97.8 | | oven | 64.32 | 78.68 | | ball | 12.79 | 12.88 | | food | 60.3 | 77.13 | | step | 19.33 | 24.07 | | tank | 80.67 | 96.8 | | trade name | 32.07 | 45.03 | | microwave | 87.42 | 94.69 | | pot | 56.11 | 63.23 | | animal | 66.43 | 68.22 | | bicycle | 57.88 | 74.84 | | lake | 51.84 | 63.47 | | dishwasher | 68.41 | 82.9 | | screen | 47.13 | 65.9 | | blanket | 23.8 | 27.01 | | sculpture | 73.49 | 85.0 | | hood | 57.84 | 67.17 | | sconce | 53.63 | 62.72 | | vase | 41.15 | 54.48 | | traffic light | 32.31 | 57.94 | | tray | 13.83 | 20.6 | | ashcan | 51.38 | 66.42 | | fan | 63.55 | 72.74 | | pier | 38.61 | 46.13 | | crt screen | 28.43 | 44.08 | | plate | 58.11 | 76.91 | | monitor | 67.67 | 80.74 | | bulletin board | 56.59 | 71.11 | | shower | 0.0 | 0.0 | | radiator | 66.45 | 73.71 | | glass | 19.64 | 22.54 | | clock | 48.57 | 58.1 | | flag | 67.77 | 70.54 | +---------------------+-------+-------+ 2024-01-18 04:45:34,799 - mmseg - INFO - Summary: 2024-01-18 04:45:34,799 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.12 | 55.49 | 68.42 | +-------+-------+-------+ 2024-01-18 04:45:34,800 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 04:45:34,801 - mmseg - INFO - Iter(val) [250] aAcc: 0.8512, mIoU: 0.5549, mAcc: 0.6842, IoU.wall: 0.8034, IoU.building: 0.8475, IoU.sky: 0.9414, IoU.floor: 0.8340, IoU.tree: 0.7441, IoU.ceiling: 0.8547, IoU.road: 0.8612, IoU.bed : 0.9117, IoU.windowpane: 0.6398, IoU.grass: 0.7412, IoU.cabinet: 0.6306, IoU.sidewalk: 0.6794, IoU.person: 0.8352, IoU.earth: 0.3920, IoU.door: 0.5608, IoU.table: 0.6492, IoU.mountain: 0.5980, IoU.plant: 0.5364, IoU.curtain: 0.7707, IoU.chair: 0.6405, IoU.car: 0.8529, IoU.water: 0.6060, IoU.painting: 0.7458, IoU.sofa: 0.7718, IoU.shelf: 0.4531, IoU.house: 0.5416, IoU.sea: 0.6613, IoU.mirror: 0.7398, IoU.rug: 0.6642, IoU.field: 0.3137, IoU.armchair: 0.5729, IoU.seat: 0.6955, IoU.fence: 0.4590, IoU.desk: 0.5277, IoU.rock: 0.5200, IoU.wardrobe: 0.5373, IoU.lamp: 0.6952, IoU.bathtub: 0.8066, IoU.railing: 0.4339, IoU.cushion: 0.6128, IoU.base: 0.4003, IoU.box: 0.3298, IoU.column: 0.5770, IoU.signboard: 0.3860, IoU.chest of drawers: 0.4734, IoU.counter: 0.4598, IoU.sand: 0.5653, IoU.sink: 0.7622, IoU.skyscraper: 0.5027, IoU.fireplace: 0.7208, IoU.refrigerator: 0.7896, IoU.grandstand: 0.5019, IoU.path: 0.3080, IoU.stairs: 0.3000, IoU.runway: 0.7413, IoU.case: 0.5851, IoU.pool table: 0.9401, IoU.pillow: 0.6151, IoU.screen door: 0.3986, IoU.stairway: 0.4120, IoU.river: 0.1183, IoU.bridge: 0.6506, IoU.bookcase: 0.4324, IoU.blind: 0.3309, IoU.coffee table: 0.6231, IoU.toilet: 0.9074, IoU.flower: 0.4585, IoU.book: 0.5480, IoU.hill: 0.0583, IoU.bench: 0.6223, IoU.countertop: 0.6065, IoU.stove: 0.8263, IoU.palm: 0.4786, IoU.kitchen island: 0.3992, IoU.computer: 0.7879, IoU.swivel chair: 0.4692, IoU.boat: 0.6152, IoU.bar: 0.6592, IoU.arcade machine: 0.8623, IoU.hovel: 0.4124, IoU.bus: 0.9112, IoU.towel: 0.7577, IoU.light: 0.4705, IoU.truck: 0.4565, IoU.tower: 0.3171, IoU.chandelier: 0.7020, IoU.awning: 0.4671, IoU.streetlight: 0.2831, IoU.booth: 0.4138, IoU.television receiver: 0.8186, IoU.airplane: 0.6821, IoU.dirt track: 0.1481, IoU.apparel: 0.5748, IoU.pole: 0.2120, IoU.land: 0.0557, IoU.bannister: 0.1180, IoU.escalator: 0.4656, IoU.ottoman: 0.4753, IoU.bottle: 0.4167, IoU.buffet: 0.5332, IoU.poster: 0.2142, IoU.stage: 0.1823, IoU.van: 0.4930, IoU.ship: 0.7566, IoU.fountain: 0.5952, IoU.conveyer belt: 0.7711, IoU.canopy: 0.4928, IoU.washer: 0.8675, IoU.plaything: 0.2908, IoU.swimming pool: 0.5745, IoU.stool: 0.4668, IoU.barrel: 0.5088, IoU.basket: 0.4111, IoU.waterfall: 0.5673, IoU.tent: 0.9537, IoU.bag: 0.2445, IoU.minibike: 0.7421, IoU.cradle: 0.8363, IoU.oven: 0.6432, IoU.ball: 0.1279, IoU.food: 0.6030, IoU.step: 0.1933, IoU.tank: 0.8067, IoU.trade name: 0.3207, IoU.microwave: 0.8742, IoU.pot: 0.5611, IoU.animal: 0.6643, IoU.bicycle: 0.5788, IoU.lake: 0.5184, IoU.dishwasher: 0.6841, IoU.screen: 0.4713, IoU.blanket: 0.2380, IoU.sculpture: 0.7349, IoU.hood: 0.5784, IoU.sconce: 0.5363, IoU.vase: 0.4115, IoU.traffic light: 0.3231, IoU.tray: 0.1383, IoU.ashcan: 0.5138, IoU.fan: 0.6355, IoU.pier: 0.3861, IoU.crt screen: 0.2843, IoU.plate: 0.5811, IoU.monitor: 0.6767, IoU.bulletin board: 0.5659, IoU.shower: 0.0000, IoU.radiator: 0.6645, IoU.glass: 0.1964, IoU.clock: 0.4857, IoU.flag: 0.6777, Acc.wall: 0.8961, Acc.building: 0.9177, Acc.sky: 0.9763, Acc.floor: 0.8965, Acc.tree: 0.9001, Acc.ceiling: 0.9302, Acc.road: 0.9082, Acc.bed : 0.9794, Acc.windowpane: 0.7936, Acc.grass: 0.8671, Acc.cabinet: 0.7331, Acc.sidewalk: 0.8165, Acc.person: 0.9299, Acc.earth: 0.5383, Acc.door: 0.7281, Acc.table: 0.7459, Acc.mountain: 0.6892, Acc.plant: 0.6625, Acc.curtain: 0.8630, Acc.chair: 0.8010, Acc.car: 0.9397, Acc.water: 0.7702, Acc.painting: 0.8678, Acc.sofa: 0.8546, Acc.shelf: 0.6456, Acc.house: 0.7829, Acc.sea: 0.7505, Acc.mirror: 0.8396, Acc.rug: 0.8230, Acc.field: 0.4036, Acc.armchair: 0.7960, Acc.seat: 0.8318, Acc.fence: 0.5869, Acc.desk: 0.7828, Acc.rock: 0.7559, Acc.wardrobe: 0.6952, Acc.lamp: 0.7852, Acc.bathtub: 0.8485, Acc.railing: 0.6367, Acc.cushion: 0.6652, Acc.base: 0.5413, Acc.box: 0.4030, Acc.column: 0.6777, Acc.signboard: 0.4957, Acc.chest of drawers: 0.7214, Acc.counter: 0.5748, Acc.sand: 0.8338, Acc.sink: 0.8841, Acc.skyscraper: 0.6049, Acc.fireplace: 0.9037, Acc.refrigerator: 0.8743, Acc.grandstand: 0.8694, Acc.path: 0.4755, Acc.stairs: 0.3396, Acc.runway: 0.9662, Acc.case: 0.7665, Acc.pool table: 0.9779, Acc.pillow: 0.7600, Acc.screen door: 0.4017, Acc.stairway: 0.6241, Acc.river: 0.2631, Acc.bridge: 0.8456, Acc.bookcase: 0.5623, Acc.blind: 0.3911, Acc.coffee table: 0.8374, Acc.toilet: 0.9530, Acc.flower: 0.6492, Acc.book: 0.7485, Acc.hill: 0.1233, Acc.bench: 0.7544, Acc.countertop: 0.7718, Acc.stove: 0.9131, Acc.palm: 0.5567, Acc.kitchen island: 0.7580, Acc.computer: 0.9357, Acc.swivel chair: 0.6740, Acc.boat: 0.9001, Acc.bar: 0.8554, Acc.arcade machine: 0.9779, Acc.hovel: 0.4868, Acc.bus: 0.9477, Acc.towel: 0.8132, Acc.light: 0.4958, Acc.truck: 0.5435, Acc.tower: 0.5497, Acc.chandelier: 0.8250, Acc.awning: 0.5881, Acc.streetlight: 0.3713, Acc.booth: 0.5313, Acc.television receiver: 0.8699, Acc.airplane: 0.7645, Acc.dirt track: 0.3462, Acc.apparel: 0.7578, Acc.pole: 0.3038, Acc.land: 0.0821, Acc.bannister: 0.1737, Acc.escalator: 0.8875, Acc.ottoman: 0.6302, Acc.bottle: 0.7126, Acc.buffet: 0.6002, Acc.poster: 0.2739, Acc.stage: 0.3347, Acc.van: 0.6316, Acc.ship: 0.8242, Acc.fountain: 0.6361, Acc.conveyer belt: 0.9687, Acc.canopy: 0.6863, Acc.washer: 0.9613, Acc.plaything: 0.5287, Acc.swimming pool: 0.9266, Acc.stool: 0.6544, Acc.barrel: 0.6508, Acc.basket: 0.6209, Acc.waterfall: 0.6424, Acc.tent: 0.9801, Acc.bag: 0.2921, Acc.minibike: 0.8990, Acc.cradle: 0.9780, Acc.oven: 0.7868, Acc.ball: 0.1288, Acc.food: 0.7713, Acc.step: 0.2407, Acc.tank: 0.9680, Acc.trade name: 0.4503, Acc.microwave: 0.9469, Acc.pot: 0.6323, Acc.animal: 0.6822, Acc.bicycle: 0.7484, Acc.lake: 0.6347, Acc.dishwasher: 0.8290, Acc.screen: 0.6590, Acc.blanket: 0.2701, Acc.sculpture: 0.8500, Acc.hood: 0.6717, Acc.sconce: 0.6272, Acc.vase: 0.5448, Acc.traffic light: 0.5794, Acc.tray: 0.2060, Acc.ashcan: 0.6642, Acc.fan: 0.7274, Acc.pier: 0.4613, Acc.crt screen: 0.4408, Acc.plate: 0.7691, Acc.monitor: 0.8074, Acc.bulletin board: 0.7111, Acc.shower: 0.0000, Acc.radiator: 0.7371, Acc.glass: 0.2254, Acc.clock: 0.5810, Acc.flag: 0.7054 2024-01-18 04:46:35,749 - mmseg - INFO - Iter [21050/80000] lr: 2.948e-05, eta: 23:16:25, time: 4.369, data_time: 3.168, memory: 59004, decode.loss_ce: 0.2031, decode.acc_seg: 91.3690, aux.loss_ce: 0.1004, aux.acc_seg: 89.6293, loss: 0.3035 2024-01-18 04:47:36,281 - mmseg - INFO - Iter [21100/80000] lr: 2.945e-05, eta: 23:14:44, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2222, decode.acc_seg: 90.7033, aux.loss_ce: 0.1061, aux.acc_seg: 89.0703, loss: 0.3283 2024-01-18 04:48:36,704 - mmseg - INFO - Iter [21150/80000] lr: 2.943e-05, eta: 23:13:04, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2310, decode.acc_seg: 90.3786, aux.loss_ce: 0.1133, aux.acc_seg: 88.2342, loss: 0.3443 2024-01-18 04:49:37,096 - mmseg - INFO - Iter [21200/80000] lr: 2.940e-05, eta: 23:11:23, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2118, decode.acc_seg: 91.0957, aux.loss_ce: 0.1033, aux.acc_seg: 89.3609, loss: 0.3151 2024-01-18 04:50:37,488 - mmseg - INFO - Iter [21250/80000] lr: 2.938e-05, eta: 23:09:43, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2214, decode.acc_seg: 90.4425, aux.loss_ce: 0.1059, aux.acc_seg: 88.5876, loss: 0.3272 2024-01-18 04:51:37,938 - mmseg - INFO - Iter [21300/80000] lr: 2.935e-05, eta: 23:08:03, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2292, decode.acc_seg: 90.4330, aux.loss_ce: 0.1084, aux.acc_seg: 88.8444, loss: 0.3376 2024-01-18 04:52:38,399 - mmseg - INFO - Iter [21350/80000] lr: 2.933e-05, eta: 23:06:23, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2334, decode.acc_seg: 89.9923, aux.loss_ce: 0.1146, aux.acc_seg: 87.8640, loss: 0.3480 2024-01-18 04:53:38,768 - mmseg - INFO - Iter [21400/80000] lr: 2.930e-05, eta: 23:04:43, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2248, decode.acc_seg: 90.5537, aux.loss_ce: 0.1056, aux.acc_seg: 89.0870, loss: 0.3304 2024-01-18 04:54:39,175 - mmseg - INFO - Iter [21450/80000] lr: 2.928e-05, eta: 23:03:04, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2269, decode.acc_seg: 90.4471, aux.loss_ce: 0.1067, aux.acc_seg: 88.8626, loss: 0.3336 2024-01-18 04:55:41,868 - mmseg - INFO - Iter [21500/80000] lr: 2.925e-05, eta: 23:01:31, time: 1.254, data_time: 0.051, memory: 59004, decode.loss_ce: 0.2132, decode.acc_seg: 91.0345, aux.loss_ce: 0.1051, aux.acc_seg: 89.0431, loss: 0.3183 2024-01-18 04:56:42,468 - mmseg - INFO - Iter [21550/80000] lr: 2.923e-05, eta: 22:59:52, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1967, decode.acc_seg: 91.6156, aux.loss_ce: 0.0968, aux.acc_seg: 89.6814, loss: 0.2935 2024-01-18 04:57:42,877 - mmseg - INFO - Iter [21600/80000] lr: 2.920e-05, eta: 22:58:13, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2065, decode.acc_seg: 91.3146, aux.loss_ce: 0.1017, aux.acc_seg: 89.4158, loss: 0.3082 2024-01-18 04:58:43,391 - mmseg - INFO - Iter [21650/80000] lr: 2.918e-05, eta: 22:56:35, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2194, decode.acc_seg: 90.6569, aux.loss_ce: 0.1062, aux.acc_seg: 88.9727, loss: 0.3256 2024-01-18 04:59:43,936 - mmseg - INFO - Iter [21700/80000] lr: 2.915e-05, eta: 22:54:56, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1979, decode.acc_seg: 91.6134, aux.loss_ce: 0.0975, aux.acc_seg: 89.6649, loss: 0.2954 2024-01-18 05:00:44,250 - mmseg - INFO - Iter [21750/80000] lr: 2.913e-05, eta: 22:53:18, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2017, decode.acc_seg: 91.6437, aux.loss_ce: 0.1013, aux.acc_seg: 89.4135, loss: 0.3031 2024-01-18 05:01:44,572 - mmseg - INFO - Iter [21800/80000] lr: 2.910e-05, eta: 22:51:39, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1920, decode.acc_seg: 91.7860, aux.loss_ce: 0.0943, aux.acc_seg: 90.0619, loss: 0.2864 2024-01-18 05:02:44,909 - mmseg - INFO - Iter [21850/80000] lr: 2.908e-05, eta: 22:50:01, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2021, decode.acc_seg: 91.1897, aux.loss_ce: 0.0993, aux.acc_seg: 89.4108, loss: 0.3014 2024-01-18 05:03:45,218 - mmseg - INFO - Iter [21900/80000] lr: 2.905e-05, eta: 22:48:23, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2114, decode.acc_seg: 91.2324, aux.loss_ce: 0.1054, aux.acc_seg: 89.2728, loss: 0.3168 2024-01-18 05:04:45,508 - mmseg - INFO - Iter [21950/80000] lr: 2.903e-05, eta: 22:46:45, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2141, decode.acc_seg: 90.8604, aux.loss_ce: 0.1050, aux.acc_seg: 88.8766, loss: 0.3192 2024-01-18 05:05:45,994 - mmseg - INFO - Saving checkpoint at 22000 iterations 2024-01-18 05:06:31,667 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 05:06:31,668 - mmseg - INFO - Iter [22000/80000] lr: 2.900e-05, eta: 22:47:08, time: 2.123, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1948, decode.acc_seg: 91.7303, aux.loss_ce: 0.0983, aux.acc_seg: 89.6181, loss: 0.2931 2024-01-18 05:09:09,849 - mmseg - INFO - per class results: 2024-01-18 05:09:09,855 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.69 | 90.36 | | building | 85.01 | 94.33 | | sky | 94.56 | 97.38 | | floor | 83.43 | 91.02 | | tree | 75.36 | 88.42 | | ceiling | 86.09 | 92.55 | | road | 86.47 | 92.16 | | bed | 91.89 | 96.86 | | windowpane | 64.53 | 81.44 | | grass | 63.78 | 75.28 | | cabinet | 63.83 | 74.23 | | sidewalk | 68.94 | 80.74 | | person | 83.48 | 94.39 | | earth | 36.18 | 46.42 | | door | 53.07 | 61.35 | | table | 67.37 | 78.09 | | mountain | 59.05 | 69.95 | | plant | 53.36 | 64.75 | | curtain | 78.07 | 90.19 | | chair | 64.09 | 79.7 | | car | 85.76 | 93.68 | | water | 49.63 | 55.86 | | painting | 73.54 | 88.84 | | sofa | 75.91 | 83.2 | | shelf | 46.38 | 63.32 | | house | 54.45 | 66.59 | | sea | 72.56 | 82.53 | | mirror | 75.66 | 84.05 | | rug | 65.04 | 74.82 | | field | 22.74 | 45.71 | | armchair | 56.09 | 76.25 | | seat | 68.78 | 87.24 | | fence | 46.23 | 58.79 | | desk | 54.89 | 77.59 | | rock | 51.56 | 81.19 | | wardrobe | 52.79 | 80.24 | | lamp | 71.74 | 82.18 | | bathtub | 81.03 | 84.78 | | railing | 39.37 | 53.33 | | cushion | 69.02 | 80.1 | | base | 34.3 | 53.03 | | box | 36.06 | 43.64 | | column | 54.79 | 64.94 | | signboard | 37.13 | 50.36 | | chest of drawers | 49.61 | 69.74 | | counter | 45.25 | 54.08 | | sand | 51.54 | 75.45 | | sink | 79.87 | 87.94 | | skyscraper | 49.93 | 59.69 | | fireplace | 69.5 | 89.96 | | refrigerator | 79.88 | 86.25 | | grandstand | 56.64 | 86.51 | | path | 22.53 | 31.11 | | stairs | 39.73 | 49.19 | | runway | 73.87 | 96.95 | | case | 57.47 | 66.85 | | pool table | 92.95 | 97.5 | | pillow | 67.72 | 78.46 | | screen door | 76.01 | 83.01 | | stairway | 39.59 | 56.79 | | river | 12.21 | 49.9 | | bridge | 65.41 | 88.02 | | bookcase | 42.27 | 58.95 | | blind | 42.37 | 52.69 | | coffee table | 62.3 | 86.13 | | toilet | 91.34 | 95.12 | | flower | 46.01 | 55.62 | | book | 54.65 | 73.27 | | hill | 5.58 | 11.93 | | bench | 64.26 | 75.01 | | countertop | 62.78 | 82.91 | | stove | 79.42 | 92.71 | | palm | 57.95 | 77.88 | | kitchen island | 47.49 | 73.48 | | computer | 77.28 | 92.68 | | swivel chair | 44.12 | 56.9 | | boat | 66.71 | 90.77 | | bar | 64.8 | 86.53 | | arcade machine | 88.43 | 96.26 | | hovel | 45.44 | 52.97 | | bus | 91.29 | 97.14 | | towel | 76.98 | 84.29 | | light | 53.79 | 60.59 | | truck | 43.71 | 54.26 | | tower | 32.96 | 57.29 | | chandelier | 71.23 | 82.11 | | awning | 41.16 | 49.1 | | streetlight | 27.75 | 33.03 | | booth | 33.71 | 41.17 | | television receiver | 83.18 | 88.89 | | airplane | 67.87 | 74.98 | | dirt track | 13.65 | 34.9 | | apparel | 56.51 | 70.77 | | pole | 24.79 | 35.98 | | land | 5.38 | 12.0 | | bannister | 7.38 | 9.02 | | escalator | 61.73 | 83.92 | | ottoman | 54.87 | 70.74 | | bottle | 43.26 | 72.58 | | buffet | 48.29 | 54.94 | | poster | 21.01 | 28.86 | | stage | 15.5 | 42.02 | | van | 47.91 | 62.14 | | ship | 83.61 | 97.8 | | fountain | 50.77 | 52.68 | | conveyer belt | 80.68 | 96.13 | | canopy | 48.24 | 65.31 | | washer | 87.23 | 92.85 | | plaything | 23.61 | 36.42 | | swimming pool | 59.9 | 91.04 | | stool | 51.2 | 60.81 | | barrel | 51.75 | 65.07 | | basket | 44.55 | 54.3 | | waterfall | 60.16 | 70.37 | | tent | 93.36 | 98.28 | | bag | 26.59 | 31.24 | | minibike | 74.81 | 87.68 | | cradle | 82.2 | 98.27 | | oven | 48.26 | 51.89 | | ball | 58.0 | 64.67 | | food | 56.72 | 62.54 | | step | 13.11 | 14.28 | | tank | 56.65 | 64.14 | | trade name | 20.01 | 22.18 | | microwave | 84.33 | 93.81 | | pot | 57.11 | 67.07 | | animal | 64.47 | 66.03 | | bicycle | 57.39 | 70.61 | | lake | 53.16 | 78.39 | | dishwasher | 65.29 | 73.32 | | screen | 50.83 | 86.77 | | blanket | 27.04 | 30.88 | | sculpture | 75.62 | 81.45 | | hood | 65.84 | 73.86 | | sconce | 54.82 | 63.62 | | vase | 42.45 | 58.94 | | traffic light | 32.87 | 56.53 | | tray | 18.16 | 26.66 | | ashcan | 52.36 | 62.34 | | fan | 66.15 | 82.1 | | pier | 36.32 | 39.81 | | crt screen | 8.89 | 11.3 | | plate | 55.15 | 79.65 | | monitor | 66.9 | 80.45 | | bulletin board | 56.66 | 71.66 | | shower | 0.0 | 0.0 | | radiator | 66.19 | 71.3 | | glass | 15.55 | 16.15 | | clock | 46.76 | 49.67 | | flag | 66.53 | 69.52 | +---------------------+-------+-------+ 2024-01-18 05:09:09,855 - mmseg - INFO - Summary: 2024-01-18 05:09:09,855 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.02 | 55.8 | 68.08 | +-------+------+-------+ 2024-01-18 05:09:09,856 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 05:09:09,856 - mmseg - INFO - Iter(val) [250] aAcc: 0.8502, mIoU: 0.5580, mAcc: 0.6808, IoU.wall: 0.8069, IoU.building: 0.8501, IoU.sky: 0.9456, IoU.floor: 0.8343, IoU.tree: 0.7536, IoU.ceiling: 0.8609, IoU.road: 0.8647, IoU.bed : 0.9189, IoU.windowpane: 0.6453, IoU.grass: 0.6378, IoU.cabinet: 0.6383, IoU.sidewalk: 0.6894, IoU.person: 0.8348, IoU.earth: 0.3618, IoU.door: 0.5307, IoU.table: 0.6737, IoU.mountain: 0.5905, IoU.plant: 0.5336, IoU.curtain: 0.7807, IoU.chair: 0.6409, IoU.car: 0.8576, IoU.water: 0.4963, IoU.painting: 0.7354, IoU.sofa: 0.7591, IoU.shelf: 0.4638, IoU.house: 0.5445, IoU.sea: 0.7256, IoU.mirror: 0.7566, IoU.rug: 0.6504, IoU.field: 0.2274, IoU.armchair: 0.5609, IoU.seat: 0.6878, IoU.fence: 0.4623, IoU.desk: 0.5489, IoU.rock: 0.5156, IoU.wardrobe: 0.5279, IoU.lamp: 0.7174, IoU.bathtub: 0.8103, IoU.railing: 0.3937, IoU.cushion: 0.6902, IoU.base: 0.3430, IoU.box: 0.3606, IoU.column: 0.5479, IoU.signboard: 0.3713, IoU.chest of drawers: 0.4961, IoU.counter: 0.4525, IoU.sand: 0.5154, IoU.sink: 0.7987, IoU.skyscraper: 0.4993, IoU.fireplace: 0.6950, IoU.refrigerator: 0.7988, IoU.grandstand: 0.5664, IoU.path: 0.2253, IoU.stairs: 0.3973, IoU.runway: 0.7387, IoU.case: 0.5747, IoU.pool table: 0.9295, IoU.pillow: 0.6772, IoU.screen door: 0.7601, IoU.stairway: 0.3959, IoU.river: 0.1221, IoU.bridge: 0.6541, IoU.bookcase: 0.4227, IoU.blind: 0.4237, IoU.coffee table: 0.6230, IoU.toilet: 0.9134, IoU.flower: 0.4601, IoU.book: 0.5465, IoU.hill: 0.0558, IoU.bench: 0.6426, IoU.countertop: 0.6278, IoU.stove: 0.7942, IoU.palm: 0.5795, IoU.kitchen island: 0.4749, IoU.computer: 0.7728, IoU.swivel chair: 0.4412, IoU.boat: 0.6671, IoU.bar: 0.6480, IoU.arcade machine: 0.8843, IoU.hovel: 0.4544, IoU.bus: 0.9129, IoU.towel: 0.7698, IoU.light: 0.5379, IoU.truck: 0.4371, IoU.tower: 0.3296, IoU.chandelier: 0.7123, IoU.awning: 0.4116, IoU.streetlight: 0.2775, IoU.booth: 0.3371, IoU.television receiver: 0.8318, IoU.airplane: 0.6787, IoU.dirt track: 0.1365, IoU.apparel: 0.5651, IoU.pole: 0.2479, IoU.land: 0.0538, IoU.bannister: 0.0738, IoU.escalator: 0.6173, IoU.ottoman: 0.5487, IoU.bottle: 0.4326, IoU.buffet: 0.4829, IoU.poster: 0.2101, IoU.stage: 0.1550, IoU.van: 0.4791, IoU.ship: 0.8361, IoU.fountain: 0.5077, IoU.conveyer belt: 0.8068, IoU.canopy: 0.4824, IoU.washer: 0.8723, IoU.plaything: 0.2361, IoU.swimming pool: 0.5990, IoU.stool: 0.5120, IoU.barrel: 0.5175, IoU.basket: 0.4455, IoU.waterfall: 0.6016, IoU.tent: 0.9336, IoU.bag: 0.2659, IoU.minibike: 0.7481, IoU.cradle: 0.8220, IoU.oven: 0.4826, IoU.ball: 0.5800, IoU.food: 0.5672, IoU.step: 0.1311, IoU.tank: 0.5665, IoU.trade name: 0.2001, IoU.microwave: 0.8433, IoU.pot: 0.5711, IoU.animal: 0.6447, IoU.bicycle: 0.5739, IoU.lake: 0.5316, IoU.dishwasher: 0.6529, IoU.screen: 0.5083, IoU.blanket: 0.2704, IoU.sculpture: 0.7562, IoU.hood: 0.6584, IoU.sconce: 0.5482, IoU.vase: 0.4245, IoU.traffic light: 0.3287, IoU.tray: 0.1816, IoU.ashcan: 0.5236, IoU.fan: 0.6615, IoU.pier: 0.3632, IoU.crt screen: 0.0889, IoU.plate: 0.5515, IoU.monitor: 0.6690, IoU.bulletin board: 0.5666, IoU.shower: 0.0000, IoU.radiator: 0.6619, IoU.glass: 0.1555, IoU.clock: 0.4676, IoU.flag: 0.6653, Acc.wall: 0.9036, Acc.building: 0.9433, Acc.sky: 0.9738, Acc.floor: 0.9102, Acc.tree: 0.8842, Acc.ceiling: 0.9255, Acc.road: 0.9216, Acc.bed : 0.9686, Acc.windowpane: 0.8144, Acc.grass: 0.7528, Acc.cabinet: 0.7423, Acc.sidewalk: 0.8074, Acc.person: 0.9439, Acc.earth: 0.4642, Acc.door: 0.6135, Acc.table: 0.7809, Acc.mountain: 0.6995, Acc.plant: 0.6475, Acc.curtain: 0.9019, Acc.chair: 0.7970, Acc.car: 0.9368, Acc.water: 0.5586, Acc.painting: 0.8884, Acc.sofa: 0.8320, Acc.shelf: 0.6332, Acc.house: 0.6659, Acc.sea: 0.8253, Acc.mirror: 0.8405, Acc.rug: 0.7482, Acc.field: 0.4571, Acc.armchair: 0.7625, Acc.seat: 0.8724, Acc.fence: 0.5879, Acc.desk: 0.7759, Acc.rock: 0.8119, Acc.wardrobe: 0.8024, Acc.lamp: 0.8218, Acc.bathtub: 0.8478, Acc.railing: 0.5333, Acc.cushion: 0.8010, Acc.base: 0.5303, Acc.box: 0.4364, Acc.column: 0.6494, Acc.signboard: 0.5036, Acc.chest of drawers: 0.6974, Acc.counter: 0.5408, Acc.sand: 0.7545, Acc.sink: 0.8794, Acc.skyscraper: 0.5969, Acc.fireplace: 0.8996, Acc.refrigerator: 0.8625, Acc.grandstand: 0.8651, Acc.path: 0.3111, Acc.stairs: 0.4919, Acc.runway: 0.9695, Acc.case: 0.6685, Acc.pool table: 0.9750, Acc.pillow: 0.7846, Acc.screen door: 0.8301, Acc.stairway: 0.5679, Acc.river: 0.4990, Acc.bridge: 0.8802, Acc.bookcase: 0.5895, Acc.blind: 0.5269, Acc.coffee table: 0.8613, Acc.toilet: 0.9512, Acc.flower: 0.5562, Acc.book: 0.7327, Acc.hill: 0.1193, Acc.bench: 0.7501, Acc.countertop: 0.8291, Acc.stove: 0.9271, Acc.palm: 0.7788, Acc.kitchen island: 0.7348, Acc.computer: 0.9268, Acc.swivel chair: 0.5690, Acc.boat: 0.9077, Acc.bar: 0.8653, Acc.arcade machine: 0.9626, Acc.hovel: 0.5297, Acc.bus: 0.9714, Acc.towel: 0.8429, Acc.light: 0.6059, Acc.truck: 0.5426, Acc.tower: 0.5729, Acc.chandelier: 0.8211, Acc.awning: 0.4910, Acc.streetlight: 0.3303, Acc.booth: 0.4117, Acc.television receiver: 0.8889, Acc.airplane: 0.7498, Acc.dirt track: 0.3490, Acc.apparel: 0.7077, Acc.pole: 0.3598, Acc.land: 0.1200, Acc.bannister: 0.0902, Acc.escalator: 0.8392, Acc.ottoman: 0.7074, Acc.bottle: 0.7258, Acc.buffet: 0.5494, Acc.poster: 0.2886, Acc.stage: 0.4202, Acc.van: 0.6214, Acc.ship: 0.9780, Acc.fountain: 0.5268, Acc.conveyer belt: 0.9613, Acc.canopy: 0.6531, Acc.washer: 0.9285, Acc.plaything: 0.3642, Acc.swimming pool: 0.9104, Acc.stool: 0.6081, Acc.barrel: 0.6507, Acc.basket: 0.5430, Acc.waterfall: 0.7037, Acc.tent: 0.9828, Acc.bag: 0.3124, Acc.minibike: 0.8768, Acc.cradle: 0.9827, Acc.oven: 0.5189, Acc.ball: 0.6467, Acc.food: 0.6254, Acc.step: 0.1428, Acc.tank: 0.6414, Acc.trade name: 0.2218, Acc.microwave: 0.9381, Acc.pot: 0.6707, Acc.animal: 0.6603, Acc.bicycle: 0.7061, Acc.lake: 0.7839, Acc.dishwasher: 0.7332, Acc.screen: 0.8677, Acc.blanket: 0.3088, Acc.sculpture: 0.8145, Acc.hood: 0.7386, Acc.sconce: 0.6362, Acc.vase: 0.5894, Acc.traffic light: 0.5653, Acc.tray: 0.2666, Acc.ashcan: 0.6234, Acc.fan: 0.8210, Acc.pier: 0.3981, Acc.crt screen: 0.1130, Acc.plate: 0.7965, Acc.monitor: 0.8045, Acc.bulletin board: 0.7166, Acc.shower: 0.0000, Acc.radiator: 0.7130, Acc.glass: 0.1615, Acc.clock: 0.4967, Acc.flag: 0.6952 2024-01-18 05:10:10,884 - mmseg - INFO - Iter [22050/80000] lr: 2.898e-05, eta: 22:52:27, time: 4.384, data_time: 3.180, memory: 59004, decode.loss_ce: 0.2110, decode.acc_seg: 90.9833, aux.loss_ce: 0.1039, aux.acc_seg: 89.1892, loss: 0.3149 2024-01-18 05:11:11,272 - mmseg - INFO - Iter [22100/80000] lr: 2.895e-05, eta: 22:50:48, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2253, decode.acc_seg: 90.8066, aux.loss_ce: 0.1062, aux.acc_seg: 89.0386, loss: 0.3315 2024-01-18 05:12:11,690 - mmseg - INFO - Iter [22150/80000] lr: 2.893e-05, eta: 22:49:10, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2181, decode.acc_seg: 90.7990, aux.loss_ce: 0.1059, aux.acc_seg: 89.1396, loss: 0.3239 2024-01-18 05:13:12,202 - mmseg - INFO - Iter [22200/80000] lr: 2.890e-05, eta: 22:47:31, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.2173, decode.acc_seg: 90.8137, aux.loss_ce: 0.1033, aux.acc_seg: 89.1122, loss: 0.3206 2024-01-18 05:14:12,561 - mmseg - INFO - Iter [22250/80000] lr: 2.888e-05, eta: 22:45:53, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2123, decode.acc_seg: 90.8146, aux.loss_ce: 0.1013, aux.acc_seg: 89.1035, loss: 0.3136 2024-01-18 05:15:12,925 - mmseg - INFO - Iter [22300/80000] lr: 2.885e-05, eta: 22:44:14, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2045, decode.acc_seg: 91.2188, aux.loss_ce: 0.0985, aux.acc_seg: 89.5148, loss: 0.3030 2024-01-18 05:16:13,228 - mmseg - INFO - Iter [22350/80000] lr: 2.883e-05, eta: 22:42:36, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2046, decode.acc_seg: 91.1704, aux.loss_ce: 0.0970, aux.acc_seg: 89.6864, loss: 0.3016 2024-01-18 05:17:13,536 - mmseg - INFO - Iter [22400/80000] lr: 2.880e-05, eta: 22:40:58, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2076, decode.acc_seg: 91.1487, aux.loss_ce: 0.1001, aux.acc_seg: 89.4341, loss: 0.3077 2024-01-18 05:18:13,916 - mmseg - INFO - Iter [22450/80000] lr: 2.878e-05, eta: 22:39:20, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2089, decode.acc_seg: 91.2453, aux.loss_ce: 0.0994, aux.acc_seg: 89.5827, loss: 0.3083 2024-01-18 05:19:14,544 - mmseg - INFO - Iter [22500/80000] lr: 2.875e-05, eta: 22:37:43, time: 1.213, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2173, decode.acc_seg: 91.0132, aux.loss_ce: 0.1073, aux.acc_seg: 88.9767, loss: 0.3246 2024-01-18 05:20:15,073 - mmseg - INFO - Iter [22550/80000] lr: 2.873e-05, eta: 22:36:06, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2085, decode.acc_seg: 91.1940, aux.loss_ce: 0.1030, aux.acc_seg: 89.2177, loss: 0.3115 2024-01-18 05:21:15,598 - mmseg - INFO - Iter [22600/80000] lr: 2.870e-05, eta: 22:34:29, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2140, decode.acc_seg: 90.6510, aux.loss_ce: 0.1048, aux.acc_seg: 88.8414, loss: 0.3189 2024-01-18 05:22:16,079 - mmseg - INFO - Iter [22650/80000] lr: 2.868e-05, eta: 22:32:52, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2072, decode.acc_seg: 91.1860, aux.loss_ce: 0.1025, aux.acc_seg: 89.1830, loss: 0.3097 2024-01-18 05:23:16,653 - mmseg - INFO - Iter [22700/80000] lr: 2.865e-05, eta: 22:31:16, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2165, decode.acc_seg: 90.8280, aux.loss_ce: 0.1056, aux.acc_seg: 88.9645, loss: 0.3221 2024-01-18 05:24:19,299 - mmseg - INFO - Iter [22750/80000] lr: 2.863e-05, eta: 22:29:44, time: 1.253, data_time: 0.051, memory: 59004, decode.loss_ce: 0.2153, decode.acc_seg: 90.9870, aux.loss_ce: 0.1052, aux.acc_seg: 88.9238, loss: 0.3205 2024-01-18 05:25:19,771 - mmseg - INFO - Iter [22800/80000] lr: 2.860e-05, eta: 22:28:08, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1928, decode.acc_seg: 91.5635, aux.loss_ce: 0.0958, aux.acc_seg: 89.8931, loss: 0.2886 2024-01-18 05:26:20,138 - mmseg - INFO - Iter [22850/80000] lr: 2.858e-05, eta: 22:26:31, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1979, decode.acc_seg: 91.6282, aux.loss_ce: 0.0949, aux.acc_seg: 90.1529, loss: 0.2928 2024-01-18 05:27:20,517 - mmseg - INFO - Iter [22900/80000] lr: 2.855e-05, eta: 22:24:55, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1992, decode.acc_seg: 91.4708, aux.loss_ce: 0.1009, aux.acc_seg: 89.2056, loss: 0.3001 2024-01-18 05:28:20,975 - mmseg - INFO - Iter [22950/80000] lr: 2.853e-05, eta: 22:23:19, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2145, decode.acc_seg: 91.0530, aux.loss_ce: 0.1041, aux.acc_seg: 89.2449, loss: 0.3186 2024-01-18 05:29:21,468 - mmseg - INFO - Saving checkpoint at 23000 iterations 2024-01-18 05:30:12,711 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 05:30:12,712 - mmseg - INFO - Iter [23000/80000] lr: 2.850e-05, eta: 22:23:50, time: 2.235, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1942, decode.acc_seg: 91.7841, aux.loss_ce: 0.0936, aux.acc_seg: 90.3199, loss: 0.2878 2024-01-18 05:32:51,988 - mmseg - INFO - per class results: 2024-01-18 05:32:51,995 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.17 | 90.57 | | building | 83.99 | 93.88 | | sky | 94.4 | 97.59 | | floor | 83.35 | 89.44 | | tree | 74.99 | 85.7 | | ceiling | 85.61 | 92.95 | | road | 86.41 | 91.18 | | bed | 92.06 | 96.39 | | windowpane | 64.12 | 81.18 | | grass | 68.49 | 81.06 | | cabinet | 64.89 | 75.86 | | sidewalk | 69.7 | 86.09 | | person | 83.92 | 93.77 | | earth | 36.57 | 48.41 | | door | 54.29 | 66.46 | | table | 66.45 | 76.24 | | mountain | 62.79 | 73.06 | | plant | 55.32 | 72.48 | | curtain | 78.89 | 87.42 | | chair | 63.58 | 76.32 | | car | 86.18 | 93.28 | | water | 58.9 | 72.24 | | painting | 74.66 | 88.26 | | sofa | 75.6 | 88.55 | | shelf | 43.59 | 53.69 | | house | 46.39 | 54.87 | | sea | 68.18 | 84.01 | | mirror | 75.17 | 88.82 | | rug | 68.67 | 85.68 | | field | 28.16 | 40.77 | | armchair | 56.01 | 75.97 | | seat | 67.22 | 86.84 | | fence | 43.86 | 55.13 | | desk | 56.57 | 76.21 | | rock | 53.65 | 70.21 | | wardrobe | 54.51 | 74.35 | | lamp | 71.11 | 83.08 | | bathtub | 80.9 | 85.86 | | railing | 42.38 | 60.24 | | cushion | 68.11 | 77.86 | | base | 37.32 | 52.34 | | box | 36.7 | 44.74 | | column | 51.24 | 60.54 | | signboard | 35.34 | 44.65 | | chest of drawers | 45.04 | 62.03 | | counter | 52.75 | 65.14 | | sand | 51.81 | 79.33 | | sink | 79.84 | 88.32 | | skyscraper | 46.08 | 53.05 | | fireplace | 72.93 | 89.01 | | refrigerator | 80.33 | 87.28 | | grandstand | 59.06 | 88.25 | | path | 29.84 | 41.16 | | stairs | 39.33 | 44.53 | | runway | 75.17 | 97.19 | | case | 64.29 | 81.53 | | pool table | 94.13 | 98.11 | | pillow | 67.05 | 80.03 | | screen door | 62.01 | 64.85 | | stairway | 46.94 | 62.83 | | river | 12.83 | 30.1 | | bridge | 58.53 | 73.17 | | bookcase | 43.01 | 67.36 | | blind | 37.7 | 46.12 | | coffee table | 60.64 | 86.06 | | toilet | 91.32 | 96.14 | | flower | 49.71 | 63.77 | | book | 50.21 | 71.78 | | hill | 5.47 | 10.54 | | bench | 60.47 | 72.65 | | countertop | 62.28 | 80.58 | | stove | 81.84 | 89.3 | | palm | 53.19 | 84.26 | | kitchen island | 42.91 | 68.48 | | computer | 75.03 | 91.65 | | swivel chair | 48.98 | 71.87 | | boat | 67.1 | 90.5 | | bar | 72.13 | 84.19 | | arcade machine | 90.7 | 96.62 | | hovel | 46.98 | 52.37 | | bus | 91.24 | 96.51 | | towel | 75.26 | 85.47 | | light | 53.17 | 60.82 | | truck | 43.79 | 52.03 | | tower | 34.68 | 57.58 | | chandelier | 68.4 | 77.0 | | awning | 40.08 | 46.36 | | streetlight | 26.92 | 31.97 | | booth | 45.25 | 53.78 | | television receiver | 80.66 | 86.67 | | airplane | 68.77 | 77.84 | | dirt track | 15.79 | 30.49 | | apparel | 59.87 | 84.78 | | pole | 27.6 | 39.62 | | land | 7.59 | 17.2 | | bannister | 11.15 | 14.6 | | escalator | 62.98 | 84.23 | | ottoman | 55.83 | 69.25 | | bottle | 41.55 | 72.32 | | buffet | 56.96 | 79.74 | | poster | 21.73 | 24.53 | | stage | 27.47 | 58.38 | | van | 49.42 | 63.62 | | ship | 85.06 | 91.28 | | fountain | 58.99 | 62.18 | | conveyer belt | 80.61 | 96.39 | | canopy | 52.23 | 73.21 | | washer | 87.27 | 95.42 | | plaything | 28.27 | 43.75 | | swimming pool | 60.05 | 92.77 | | stool | 49.17 | 67.86 | | barrel | 52.29 | 64.99 | | basket | 44.32 | 61.72 | | waterfall | 45.82 | 59.03 | | tent | 94.83 | 98.73 | | bag | 23.44 | 27.85 | | minibike | 74.45 | 86.59 | | cradle | 83.23 | 97.87 | | oven | 57.72 | 65.79 | | ball | 58.99 | 71.2 | | food | 60.22 | 84.83 | | step | 11.38 | 12.0 | | tank | 62.37 | 71.71 | | trade name | 16.12 | 16.64 | | microwave | 85.15 | 93.57 | | pot | 55.08 | 65.22 | | animal | 70.0 | 72.5 | | bicycle | 58.36 | 74.22 | | lake | 54.03 | 63.65 | | dishwasher | 64.7 | 73.23 | | screen | 54.23 | 87.24 | | blanket | 30.0 | 34.95 | | sculpture | 75.22 | 85.17 | | hood | 54.0 | 61.59 | | sconce | 54.0 | 63.01 | | vase | 42.0 | 56.58 | | traffic light | 33.69 | 48.74 | | tray | 11.8 | 15.69 | | ashcan | 49.95 | 60.15 | | fan | 61.52 | 67.56 | | pier | 40.52 | 45.83 | | crt screen | 5.59 | 7.13 | | plate | 54.27 | 81.52 | | monitor | 54.04 | 82.67 | | bulletin board | 50.53 | 59.93 | | shower | 0.2 | 0.39 | | radiator | 65.45 | 79.13 | | glass | 17.95 | 19.15 | | clock | 44.83 | 47.8 | | flag | 67.49 | 72.83 | +---------------------+-------+-------+ 2024-01-18 05:32:51,995 - mmseg - INFO - Summary: 2024-01-18 05:32:51,995 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 85.22 | 56.1 | 68.6 | +-------+------+------+ 2024-01-18 05:32:51,996 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 05:32:51,996 - mmseg - INFO - Iter(val) [250] aAcc: 0.8522, mIoU: 0.5610, mAcc: 0.6860, IoU.wall: 0.8017, IoU.building: 0.8399, IoU.sky: 0.9440, IoU.floor: 0.8335, IoU.tree: 0.7499, IoU.ceiling: 0.8561, IoU.road: 0.8641, IoU.bed : 0.9206, IoU.windowpane: 0.6412, IoU.grass: 0.6849, IoU.cabinet: 0.6489, IoU.sidewalk: 0.6970, IoU.person: 0.8392, IoU.earth: 0.3657, IoU.door: 0.5429, IoU.table: 0.6645, IoU.mountain: 0.6279, IoU.plant: 0.5532, IoU.curtain: 0.7889, IoU.chair: 0.6358, IoU.car: 0.8618, IoU.water: 0.5890, IoU.painting: 0.7466, IoU.sofa: 0.7560, IoU.shelf: 0.4359, IoU.house: 0.4639, IoU.sea: 0.6818, IoU.mirror: 0.7517, IoU.rug: 0.6867, IoU.field: 0.2816, IoU.armchair: 0.5601, IoU.seat: 0.6722, IoU.fence: 0.4386, IoU.desk: 0.5657, IoU.rock: 0.5365, IoU.wardrobe: 0.5451, IoU.lamp: 0.7111, IoU.bathtub: 0.8090, IoU.railing: 0.4238, IoU.cushion: 0.6811, IoU.base: 0.3732, IoU.box: 0.3670, IoU.column: 0.5124, IoU.signboard: 0.3534, IoU.chest of drawers: 0.4504, IoU.counter: 0.5275, IoU.sand: 0.5181, IoU.sink: 0.7984, IoU.skyscraper: 0.4608, IoU.fireplace: 0.7293, IoU.refrigerator: 0.8033, IoU.grandstand: 0.5906, IoU.path: 0.2984, IoU.stairs: 0.3933, IoU.runway: 0.7517, IoU.case: 0.6429, IoU.pool table: 0.9413, IoU.pillow: 0.6705, IoU.screen door: 0.6201, IoU.stairway: 0.4694, IoU.river: 0.1283, IoU.bridge: 0.5853, IoU.bookcase: 0.4301, IoU.blind: 0.3770, IoU.coffee table: 0.6064, IoU.toilet: 0.9132, IoU.flower: 0.4971, IoU.book: 0.5021, IoU.hill: 0.0547, IoU.bench: 0.6047, IoU.countertop: 0.6228, IoU.stove: 0.8184, IoU.palm: 0.5319, IoU.kitchen island: 0.4291, IoU.computer: 0.7503, IoU.swivel chair: 0.4898, IoU.boat: 0.6710, IoU.bar: 0.7213, IoU.arcade machine: 0.9070, IoU.hovel: 0.4698, IoU.bus: 0.9124, IoU.towel: 0.7526, IoU.light: 0.5317, IoU.truck: 0.4379, IoU.tower: 0.3468, IoU.chandelier: 0.6840, IoU.awning: 0.4008, IoU.streetlight: 0.2692, IoU.booth: 0.4525, IoU.television receiver: 0.8066, IoU.airplane: 0.6877, IoU.dirt track: 0.1579, IoU.apparel: 0.5987, IoU.pole: 0.2760, IoU.land: 0.0759, IoU.bannister: 0.1115, IoU.escalator: 0.6298, IoU.ottoman: 0.5583, IoU.bottle: 0.4155, IoU.buffet: 0.5696, IoU.poster: 0.2173, IoU.stage: 0.2747, IoU.van: 0.4942, IoU.ship: 0.8506, IoU.fountain: 0.5899, IoU.conveyer belt: 0.8061, IoU.canopy: 0.5223, IoU.washer: 0.8727, IoU.plaything: 0.2827, IoU.swimming pool: 0.6005, IoU.stool: 0.4917, IoU.barrel: 0.5229, IoU.basket: 0.4432, IoU.waterfall: 0.4582, IoU.tent: 0.9483, IoU.bag: 0.2344, IoU.minibike: 0.7445, IoU.cradle: 0.8323, IoU.oven: 0.5772, IoU.ball: 0.5899, IoU.food: 0.6022, IoU.step: 0.1138, IoU.tank: 0.6237, IoU.trade name: 0.1612, IoU.microwave: 0.8515, IoU.pot: 0.5508, IoU.animal: 0.7000, IoU.bicycle: 0.5836, IoU.lake: 0.5403, IoU.dishwasher: 0.6470, IoU.screen: 0.5423, IoU.blanket: 0.3000, IoU.sculpture: 0.7522, IoU.hood: 0.5400, IoU.sconce: 0.5400, IoU.vase: 0.4200, IoU.traffic light: 0.3369, IoU.tray: 0.1180, IoU.ashcan: 0.4995, IoU.fan: 0.6152, IoU.pier: 0.4052, IoU.crt screen: 0.0559, IoU.plate: 0.5427, IoU.monitor: 0.5404, IoU.bulletin board: 0.5053, IoU.shower: 0.0020, IoU.radiator: 0.6545, IoU.glass: 0.1795, IoU.clock: 0.4483, IoU.flag: 0.6749, Acc.wall: 0.9057, Acc.building: 0.9388, Acc.sky: 0.9759, Acc.floor: 0.8944, Acc.tree: 0.8570, Acc.ceiling: 0.9295, Acc.road: 0.9118, Acc.bed : 0.9639, Acc.windowpane: 0.8118, Acc.grass: 0.8106, Acc.cabinet: 0.7586, Acc.sidewalk: 0.8609, Acc.person: 0.9377, Acc.earth: 0.4841, Acc.door: 0.6646, Acc.table: 0.7624, Acc.mountain: 0.7306, Acc.plant: 0.7248, Acc.curtain: 0.8742, Acc.chair: 0.7632, Acc.car: 0.9328, Acc.water: 0.7224, Acc.painting: 0.8826, Acc.sofa: 0.8855, Acc.shelf: 0.5369, Acc.house: 0.5487, Acc.sea: 0.8401, Acc.mirror: 0.8882, Acc.rug: 0.8568, Acc.field: 0.4077, Acc.armchair: 0.7597, Acc.seat: 0.8684, Acc.fence: 0.5513, Acc.desk: 0.7621, Acc.rock: 0.7021, Acc.wardrobe: 0.7435, Acc.lamp: 0.8308, Acc.bathtub: 0.8586, Acc.railing: 0.6024, Acc.cushion: 0.7786, Acc.base: 0.5234, Acc.box: 0.4474, Acc.column: 0.6054, Acc.signboard: 0.4465, Acc.chest of drawers: 0.6203, Acc.counter: 0.6514, Acc.sand: 0.7933, Acc.sink: 0.8832, Acc.skyscraper: 0.5305, Acc.fireplace: 0.8901, Acc.refrigerator: 0.8728, Acc.grandstand: 0.8825, Acc.path: 0.4116, Acc.stairs: 0.4453, Acc.runway: 0.9719, Acc.case: 0.8153, Acc.pool table: 0.9811, Acc.pillow: 0.8003, Acc.screen door: 0.6485, Acc.stairway: 0.6283, Acc.river: 0.3010, Acc.bridge: 0.7317, Acc.bookcase: 0.6736, Acc.blind: 0.4612, Acc.coffee table: 0.8606, Acc.toilet: 0.9614, Acc.flower: 0.6377, Acc.book: 0.7178, Acc.hill: 0.1054, Acc.bench: 0.7265, Acc.countertop: 0.8058, Acc.stove: 0.8930, Acc.palm: 0.8426, Acc.kitchen island: 0.6848, Acc.computer: 0.9165, Acc.swivel chair: 0.7187, Acc.boat: 0.9050, Acc.bar: 0.8419, Acc.arcade machine: 0.9662, Acc.hovel: 0.5237, Acc.bus: 0.9651, Acc.towel: 0.8547, Acc.light: 0.6082, Acc.truck: 0.5203, Acc.tower: 0.5758, Acc.chandelier: 0.7700, Acc.awning: 0.4636, Acc.streetlight: 0.3197, Acc.booth: 0.5378, Acc.television receiver: 0.8667, Acc.airplane: 0.7784, Acc.dirt track: 0.3049, Acc.apparel: 0.8478, Acc.pole: 0.3962, Acc.land: 0.1720, Acc.bannister: 0.1460, Acc.escalator: 0.8423, Acc.ottoman: 0.6925, Acc.bottle: 0.7232, Acc.buffet: 0.7974, Acc.poster: 0.2453, Acc.stage: 0.5838, Acc.van: 0.6362, Acc.ship: 0.9128, Acc.fountain: 0.6218, Acc.conveyer belt: 0.9639, Acc.canopy: 0.7321, Acc.washer: 0.9542, Acc.plaything: 0.4375, Acc.swimming pool: 0.9277, Acc.stool: 0.6786, Acc.barrel: 0.6499, Acc.basket: 0.6172, Acc.waterfall: 0.5903, Acc.tent: 0.9873, Acc.bag: 0.2785, Acc.minibike: 0.8659, Acc.cradle: 0.9787, Acc.oven: 0.6579, Acc.ball: 0.7120, Acc.food: 0.8483, Acc.step: 0.1200, Acc.tank: 0.7171, Acc.trade name: 0.1664, Acc.microwave: 0.9357, Acc.pot: 0.6522, Acc.animal: 0.7250, Acc.bicycle: 0.7422, Acc.lake: 0.6365, Acc.dishwasher: 0.7323, Acc.screen: 0.8724, Acc.blanket: 0.3495, Acc.sculpture: 0.8517, Acc.hood: 0.6159, Acc.sconce: 0.6301, Acc.vase: 0.5658, Acc.traffic light: 0.4874, Acc.tray: 0.1569, Acc.ashcan: 0.6015, Acc.fan: 0.6756, Acc.pier: 0.4583, Acc.crt screen: 0.0713, Acc.plate: 0.8152, Acc.monitor: 0.8267, Acc.bulletin board: 0.5993, Acc.shower: 0.0039, Acc.radiator: 0.7913, Acc.glass: 0.1915, Acc.clock: 0.4780, Acc.flag: 0.7283 2024-01-18 05:33:52,853 - mmseg - INFO - Iter [23050/80000] lr: 2.848e-05, eta: 22:28:49, time: 4.403, data_time: 3.202, memory: 59004, decode.loss_ce: 0.1982, decode.acc_seg: 91.3666, aux.loss_ce: 0.0973, aux.acc_seg: 89.5833, loss: 0.2955 2024-01-18 05:34:53,142 - mmseg - INFO - Iter [23100/80000] lr: 2.845e-05, eta: 22:27:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1976, decode.acc_seg: 91.4477, aux.loss_ce: 0.0968, aux.acc_seg: 89.7080, loss: 0.2944 2024-01-18 05:35:53,571 - mmseg - INFO - Iter [23150/80000] lr: 2.843e-05, eta: 22:25:34, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1993, decode.acc_seg: 91.6364, aux.loss_ce: 0.0977, aux.acc_seg: 89.9489, loss: 0.2971 2024-01-18 05:36:54,012 - mmseg - INFO - Iter [23200/80000] lr: 2.840e-05, eta: 22:23:57, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2040, decode.acc_seg: 91.4003, aux.loss_ce: 0.1008, aux.acc_seg: 89.5161, loss: 0.3048 2024-01-18 05:37:54,370 - mmseg - INFO - Iter [23250/80000] lr: 2.838e-05, eta: 22:22:20, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2007, decode.acc_seg: 91.5298, aux.loss_ce: 0.0971, aux.acc_seg: 89.8583, loss: 0.2978 2024-01-18 05:38:54,822 - mmseg - INFO - Iter [23300/80000] lr: 2.835e-05, eta: 22:20:44, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2076, decode.acc_seg: 91.2120, aux.loss_ce: 0.1008, aux.acc_seg: 89.3258, loss: 0.3084 2024-01-18 05:39:55,298 - mmseg - INFO - Iter [23350/80000] lr: 2.833e-05, eta: 22:19:07, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1932, decode.acc_seg: 91.7089, aux.loss_ce: 0.0975, aux.acc_seg: 89.4830, loss: 0.2907 2024-01-18 05:40:55,687 - mmseg - INFO - Iter [23400/80000] lr: 2.830e-05, eta: 22:17:31, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1919, decode.acc_seg: 91.9684, aux.loss_ce: 0.0962, aux.acc_seg: 90.1694, loss: 0.2880 2024-01-18 05:41:56,146 - mmseg - INFO - Iter [23450/80000] lr: 2.828e-05, eta: 22:15:55, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2094, decode.acc_seg: 91.3871, aux.loss_ce: 0.1009, aux.acc_seg: 89.5591, loss: 0.3103 2024-01-18 05:42:56,674 - mmseg - INFO - Iter [23500/80000] lr: 2.825e-05, eta: 22:14:19, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2064, decode.acc_seg: 91.5352, aux.loss_ce: 0.0999, aux.acc_seg: 89.7556, loss: 0.3063 2024-01-18 05:43:57,189 - mmseg - INFO - Iter [23550/80000] lr: 2.823e-05, eta: 22:12:44, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1971, decode.acc_seg: 91.4080, aux.loss_ce: 0.0960, aux.acc_seg: 89.6527, loss: 0.2931 2024-01-18 05:44:57,658 - mmseg - INFO - Iter [23600/80000] lr: 2.820e-05, eta: 22:11:08, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1933, decode.acc_seg: 91.7659, aux.loss_ce: 0.0948, aux.acc_seg: 90.2053, loss: 0.2881 2024-01-18 05:45:58,029 - mmseg - INFO - Iter [23650/80000] lr: 2.818e-05, eta: 22:09:32, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2111, decode.acc_seg: 90.8901, aux.loss_ce: 0.1041, aux.acc_seg: 88.9278, loss: 0.3152 2024-01-18 05:46:58,457 - mmseg - INFO - Iter [23700/80000] lr: 2.815e-05, eta: 22:07:57, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2050, decode.acc_seg: 91.0961, aux.loss_ce: 0.1027, aux.acc_seg: 89.0480, loss: 0.3078 2024-01-18 05:47:59,014 - mmseg - INFO - Iter [23750/80000] lr: 2.813e-05, eta: 22:06:22, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2080, decode.acc_seg: 91.0237, aux.loss_ce: 0.1021, aux.acc_seg: 89.1333, loss: 0.3101 2024-01-18 05:48:59,473 - mmseg - INFO - Iter [23800/80000] lr: 2.810e-05, eta: 22:04:47, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2015, decode.acc_seg: 91.2758, aux.loss_ce: 0.0994, aux.acc_seg: 89.3894, loss: 0.3009 2024-01-18 05:49:59,974 - mmseg - INFO - Iter [23850/80000] lr: 2.808e-05, eta: 22:03:12, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2089, decode.acc_seg: 91.1250, aux.loss_ce: 0.1015, aux.acc_seg: 89.3267, loss: 0.3104 2024-01-18 05:51:00,579 - mmseg - INFO - Iter [23900/80000] lr: 2.805e-05, eta: 22:01:38, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2043, decode.acc_seg: 91.3239, aux.loss_ce: 0.1011, aux.acc_seg: 89.4021, loss: 0.3054 2024-01-18 05:52:01,018 - mmseg - INFO - Iter [23950/80000] lr: 2.803e-05, eta: 22:00:03, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2228, decode.acc_seg: 90.6643, aux.loss_ce: 0.1076, aux.acc_seg: 88.9257, loss: 0.3304 2024-01-18 05:53:03,740 - mmseg - INFO - Saving checkpoint at 24000 iterations 2024-01-18 05:53:51,296 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 05:53:51,296 - mmseg - INFO - Iter [24000/80000] lr: 2.800e-05, eta: 22:00:25, time: 2.206, data_time: 0.052, memory: 59004, decode.loss_ce: 0.2209, decode.acc_seg: 90.6012, aux.loss_ce: 0.1047, aux.acc_seg: 88.7087, loss: 0.3256 2024-01-18 05:56:29,653 - mmseg - INFO - per class results: 2024-01-18 05:56:29,660 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.37 | 89.23 | | building | 84.16 | 93.52 | | sky | 94.14 | 97.89 | | floor | 82.94 | 92.3 | | tree | 75.58 | 86.54 | | ceiling | 84.93 | 91.03 | | road | 85.13 | 92.61 | | bed | 91.52 | 97.34 | | windowpane | 64.12 | 81.39 | | grass | 66.62 | 78.91 | | cabinet | 65.33 | 75.9 | | sidewalk | 68.97 | 78.56 | | person | 83.3 | 89.97 | | earth | 33.58 | 48.39 | | door | 55.31 | 69.76 | | table | 65.77 | 81.38 | | mountain | 62.95 | 73.02 | | plant | 54.35 | 64.92 | | curtain | 73.85 | 88.74 | | chair | 64.09 | 76.04 | | car | 85.62 | 93.34 | | water | 55.59 | 67.32 | | painting | 73.33 | 89.22 | | sofa | 78.72 | 88.19 | | shelf | 43.87 | 60.97 | | house | 41.47 | 51.69 | | sea | 67.44 | 84.08 | | mirror | 75.32 | 85.91 | | rug | 66.56 | 76.02 | | field | 30.65 | 53.81 | | armchair | 57.86 | 75.04 | | seat | 66.28 | 85.29 | | fence | 45.86 | 57.78 | | desk | 54.01 | 78.83 | | rock | 56.22 | 78.26 | | wardrobe | 51.61 | 61.19 | | lamp | 69.89 | 78.32 | | bathtub | 81.5 | 84.98 | | railing | 38.82 | 50.16 | | cushion | 67.13 | 76.72 | | base | 41.66 | 59.26 | | box | 33.82 | 42.55 | | column | 50.74 | 58.12 | | signboard | 38.1 | 56.84 | | chest of drawers | 45.64 | 66.66 | | counter | 44.81 | 53.93 | | sand | 55.94 | 85.88 | | sink | 80.47 | 88.7 | | skyscraper | 52.56 | 65.66 | | fireplace | 74.06 | 80.65 | | refrigerator | 80.63 | 86.97 | | grandstand | 56.35 | 87.84 | | path | 27.46 | 46.63 | | stairs | 43.35 | 53.49 | | runway | 69.43 | 91.91 | | case | 60.21 | 83.72 | | pool table | 93.1 | 98.57 | | pillow | 64.73 | 73.47 | | screen door | 74.32 | 80.63 | | stairway | 44.71 | 63.86 | | river | 13.07 | 43.49 | | bridge | 67.49 | 84.58 | | bookcase | 44.1 | 62.45 | | blind | 20.04 | 23.09 | | coffee table | 64.07 | 86.21 | | toilet | 91.75 | 94.98 | | flower | 43.84 | 64.1 | | book | 51.74 | 78.59 | | hill | 7.77 | 16.09 | | bench | 63.89 | 76.43 | | countertop | 62.25 | 78.26 | | stove | 80.72 | 88.98 | | palm | 55.46 | 71.01 | | kitchen island | 42.14 | 71.35 | | computer | 76.38 | 91.36 | | swivel chair | 44.52 | 63.82 | | boat | 65.05 | 90.29 | | bar | 65.5 | 82.79 | | arcade machine | 86.44 | 93.41 | | hovel | 45.74 | 50.77 | | bus | 91.36 | 96.41 | | towel | 74.09 | 78.77 | | light | 53.33 | 59.44 | | truck | 45.61 | 54.66 | | tower | 29.77 | 48.98 | | chandelier | 70.16 | 88.09 | | awning | 43.07 | 54.15 | | streetlight | 27.89 | 30.53 | | booth | 39.27 | 52.79 | | television receiver | 80.85 | 86.86 | | airplane | 66.41 | 73.07 | | dirt track | 18.4 | 26.42 | | apparel | 63.99 | 79.59 | | pole | 28.71 | 42.59 | | land | 2.54 | 4.18 | | bannister | 11.01 | 15.02 | | escalator | 57.73 | 84.66 | | ottoman | 55.87 | 66.26 | | bottle | 42.16 | 69.75 | | buffet | 60.8 | 71.92 | | poster | 22.85 | 27.79 | | stage | 26.63 | 69.01 | | van | 53.92 | 63.28 | | ship | 82.55 | 95.09 | | fountain | 53.38 | 55.4 | | conveyer belt | 77.63 | 98.32 | | canopy | 40.09 | 56.85 | | washer | 87.83 | 94.66 | | plaything | 22.16 | 36.47 | | swimming pool | 58.98 | 89.89 | | stool | 47.93 | 61.52 | | barrel | 51.36 | 64.96 | | basket | 41.76 | 49.81 | | waterfall | 42.65 | 60.98 | | tent | 84.97 | 98.59 | | bag | 26.59 | 29.29 | | minibike | 74.73 | 85.06 | | cradle | 83.82 | 97.49 | | oven | 55.22 | 61.07 | | ball | 38.81 | 40.28 | | food | 55.02 | 64.87 | | step | 20.46 | 23.13 | | tank | 77.83 | 93.62 | | trade name | 19.09 | 20.92 | | microwave | 85.48 | 93.65 | | pot | 56.57 | 64.34 | | animal | 66.95 | 69.08 | | bicycle | 58.59 | 76.91 | | lake | 62.31 | 62.7 | | dishwasher | 68.12 | 71.67 | | screen | 45.97 | 69.85 | | blanket | 25.6 | 29.78 | | sculpture | 75.01 | 83.1 | | hood | 55.41 | 58.3 | | sconce | 53.22 | 60.85 | | vase | 42.07 | 56.19 | | traffic light | 35.4 | 59.33 | | tray | 14.55 | 21.1 | | ashcan | 52.46 | 63.79 | | fan | 67.26 | 81.32 | | pier | 38.71 | 44.91 | | crt screen | 5.64 | 9.08 | | plate | 55.41 | 80.7 | | monitor | 62.98 | 81.65 | | bulletin board | 52.11 | 63.14 | | shower | 3.35 | 4.32 | | radiator | 66.52 | 73.98 | | glass | 19.38 | 20.95 | | clock | 49.62 | 59.38 | | flag | 69.21 | 76.36 | +---------------------+-------+-------+ 2024-01-18 05:56:29,660 - mmseg - INFO - Summary: 2024-01-18 05:56:29,660 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.85 | 55.77 | 68.14 | +-------+-------+-------+ 2024-01-18 05:56:29,661 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 05:56:29,661 - mmseg - INFO - Iter(val) [250] aAcc: 0.8485, mIoU: 0.5577, mAcc: 0.6814, IoU.wall: 0.8037, IoU.building: 0.8416, IoU.sky: 0.9414, IoU.floor: 0.8294, IoU.tree: 0.7558, IoU.ceiling: 0.8493, IoU.road: 0.8513, IoU.bed : 0.9152, IoU.windowpane: 0.6412, IoU.grass: 0.6662, IoU.cabinet: 0.6533, IoU.sidewalk: 0.6897, IoU.person: 0.8330, IoU.earth: 0.3358, IoU.door: 0.5531, IoU.table: 0.6577, IoU.mountain: 0.6295, IoU.plant: 0.5435, IoU.curtain: 0.7385, IoU.chair: 0.6409, IoU.car: 0.8562, IoU.water: 0.5559, IoU.painting: 0.7333, IoU.sofa: 0.7872, IoU.shelf: 0.4387, IoU.house: 0.4147, IoU.sea: 0.6744, IoU.mirror: 0.7532, IoU.rug: 0.6656, IoU.field: 0.3065, IoU.armchair: 0.5786, IoU.seat: 0.6628, IoU.fence: 0.4586, IoU.desk: 0.5401, IoU.rock: 0.5622, IoU.wardrobe: 0.5161, IoU.lamp: 0.6989, IoU.bathtub: 0.8150, IoU.railing: 0.3882, IoU.cushion: 0.6713, IoU.base: 0.4166, IoU.box: 0.3382, IoU.column: 0.5074, IoU.signboard: 0.3810, IoU.chest of drawers: 0.4564, IoU.counter: 0.4481, IoU.sand: 0.5594, IoU.sink: 0.8047, IoU.skyscraper: 0.5256, IoU.fireplace: 0.7406, IoU.refrigerator: 0.8063, IoU.grandstand: 0.5635, IoU.path: 0.2746, IoU.stairs: 0.4335, IoU.runway: 0.6943, IoU.case: 0.6021, IoU.pool table: 0.9310, IoU.pillow: 0.6473, IoU.screen door: 0.7432, IoU.stairway: 0.4471, IoU.river: 0.1307, IoU.bridge: 0.6749, IoU.bookcase: 0.4410, IoU.blind: 0.2004, IoU.coffee table: 0.6407, IoU.toilet: 0.9175, IoU.flower: 0.4384, IoU.book: 0.5174, IoU.hill: 0.0777, IoU.bench: 0.6389, IoU.countertop: 0.6225, IoU.stove: 0.8072, IoU.palm: 0.5546, IoU.kitchen island: 0.4214, IoU.computer: 0.7638, IoU.swivel chair: 0.4452, IoU.boat: 0.6505, IoU.bar: 0.6550, IoU.arcade machine: 0.8644, IoU.hovel: 0.4574, IoU.bus: 0.9136, IoU.towel: 0.7409, IoU.light: 0.5333, IoU.truck: 0.4561, IoU.tower: 0.2977, IoU.chandelier: 0.7016, IoU.awning: 0.4307, IoU.streetlight: 0.2789, IoU.booth: 0.3927, IoU.television receiver: 0.8085, IoU.airplane: 0.6641, IoU.dirt track: 0.1840, IoU.apparel: 0.6399, IoU.pole: 0.2871, IoU.land: 0.0254, IoU.bannister: 0.1101, IoU.escalator: 0.5773, IoU.ottoman: 0.5587, IoU.bottle: 0.4216, IoU.buffet: 0.6080, IoU.poster: 0.2285, IoU.stage: 0.2663, IoU.van: 0.5392, IoU.ship: 0.8255, IoU.fountain: 0.5338, IoU.conveyer belt: 0.7763, IoU.canopy: 0.4009, IoU.washer: 0.8783, IoU.plaything: 0.2216, IoU.swimming pool: 0.5898, IoU.stool: 0.4793, IoU.barrel: 0.5136, IoU.basket: 0.4176, IoU.waterfall: 0.4265, IoU.tent: 0.8497, IoU.bag: 0.2659, IoU.minibike: 0.7473, IoU.cradle: 0.8382, IoU.oven: 0.5522, IoU.ball: 0.3881, IoU.food: 0.5502, IoU.step: 0.2046, IoU.tank: 0.7783, IoU.trade name: 0.1909, IoU.microwave: 0.8548, IoU.pot: 0.5657, IoU.animal: 0.6695, IoU.bicycle: 0.5859, IoU.lake: 0.6231, IoU.dishwasher: 0.6812, IoU.screen: 0.4597, IoU.blanket: 0.2560, IoU.sculpture: 0.7501, IoU.hood: 0.5541, IoU.sconce: 0.5322, IoU.vase: 0.4207, IoU.traffic light: 0.3540, IoU.tray: 0.1455, IoU.ashcan: 0.5246, IoU.fan: 0.6726, IoU.pier: 0.3871, IoU.crt screen: 0.0564, IoU.plate: 0.5541, IoU.monitor: 0.6298, IoU.bulletin board: 0.5211, IoU.shower: 0.0335, IoU.radiator: 0.6652, IoU.glass: 0.1938, IoU.clock: 0.4962, IoU.flag: 0.6921, Acc.wall: 0.8923, Acc.building: 0.9352, Acc.sky: 0.9789, Acc.floor: 0.9230, Acc.tree: 0.8654, Acc.ceiling: 0.9103, Acc.road: 0.9261, Acc.bed : 0.9734, Acc.windowpane: 0.8139, Acc.grass: 0.7891, Acc.cabinet: 0.7590, Acc.sidewalk: 0.7856, Acc.person: 0.8997, Acc.earth: 0.4839, Acc.door: 0.6976, Acc.table: 0.8138, Acc.mountain: 0.7302, Acc.plant: 0.6492, Acc.curtain: 0.8874, Acc.chair: 0.7604, Acc.car: 0.9334, Acc.water: 0.6732, Acc.painting: 0.8922, Acc.sofa: 0.8819, Acc.shelf: 0.6097, Acc.house: 0.5169, Acc.sea: 0.8408, Acc.mirror: 0.8591, Acc.rug: 0.7602, Acc.field: 0.5381, Acc.armchair: 0.7504, Acc.seat: 0.8529, Acc.fence: 0.5778, Acc.desk: 0.7883, Acc.rock: 0.7826, Acc.wardrobe: 0.6119, Acc.lamp: 0.7832, Acc.bathtub: 0.8498, Acc.railing: 0.5016, Acc.cushion: 0.7672, Acc.base: 0.5926, Acc.box: 0.4255, Acc.column: 0.5812, Acc.signboard: 0.5684, Acc.chest of drawers: 0.6666, Acc.counter: 0.5393, Acc.sand: 0.8588, Acc.sink: 0.8870, Acc.skyscraper: 0.6566, Acc.fireplace: 0.8065, Acc.refrigerator: 0.8697, Acc.grandstand: 0.8784, Acc.path: 0.4663, Acc.stairs: 0.5349, Acc.runway: 0.9191, Acc.case: 0.8372, Acc.pool table: 0.9857, Acc.pillow: 0.7347, Acc.screen door: 0.8063, Acc.stairway: 0.6386, Acc.river: 0.4349, Acc.bridge: 0.8458, Acc.bookcase: 0.6245, Acc.blind: 0.2309, Acc.coffee table: 0.8621, Acc.toilet: 0.9498, Acc.flower: 0.6410, Acc.book: 0.7859, Acc.hill: 0.1609, Acc.bench: 0.7643, Acc.countertop: 0.7826, Acc.stove: 0.8898, Acc.palm: 0.7101, Acc.kitchen island: 0.7135, Acc.computer: 0.9136, Acc.swivel chair: 0.6382, Acc.boat: 0.9029, Acc.bar: 0.8279, Acc.arcade machine: 0.9341, Acc.hovel: 0.5077, Acc.bus: 0.9641, Acc.towel: 0.7877, Acc.light: 0.5944, Acc.truck: 0.5466, Acc.tower: 0.4898, Acc.chandelier: 0.8809, Acc.awning: 0.5415, Acc.streetlight: 0.3053, Acc.booth: 0.5279, Acc.television receiver: 0.8686, Acc.airplane: 0.7307, Acc.dirt track: 0.2642, Acc.apparel: 0.7959, Acc.pole: 0.4259, Acc.land: 0.0418, Acc.bannister: 0.1502, Acc.escalator: 0.8466, Acc.ottoman: 0.6626, Acc.bottle: 0.6975, Acc.buffet: 0.7192, Acc.poster: 0.2779, Acc.stage: 0.6901, Acc.van: 0.6328, Acc.ship: 0.9509, Acc.fountain: 0.5540, Acc.conveyer belt: 0.9832, Acc.canopy: 0.5685, Acc.washer: 0.9466, Acc.plaything: 0.3647, Acc.swimming pool: 0.8989, Acc.stool: 0.6152, Acc.barrel: 0.6496, Acc.basket: 0.4981, Acc.waterfall: 0.6098, Acc.tent: 0.9859, Acc.bag: 0.2929, Acc.minibike: 0.8506, Acc.cradle: 0.9749, Acc.oven: 0.6107, Acc.ball: 0.4028, Acc.food: 0.6487, Acc.step: 0.2313, Acc.tank: 0.9362, Acc.trade name: 0.2092, Acc.microwave: 0.9365, Acc.pot: 0.6434, Acc.animal: 0.6908, Acc.bicycle: 0.7691, Acc.lake: 0.6270, Acc.dishwasher: 0.7167, Acc.screen: 0.6985, Acc.blanket: 0.2978, Acc.sculpture: 0.8310, Acc.hood: 0.5830, Acc.sconce: 0.6085, Acc.vase: 0.5619, Acc.traffic light: 0.5933, Acc.tray: 0.2110, Acc.ashcan: 0.6379, Acc.fan: 0.8132, Acc.pier: 0.4491, Acc.crt screen: 0.0908, Acc.plate: 0.8070, Acc.monitor: 0.8165, Acc.bulletin board: 0.6314, Acc.shower: 0.0432, Acc.radiator: 0.7398, Acc.glass: 0.2095, Acc.clock: 0.5938, Acc.flag: 0.7636 2024-01-18 05:57:30,592 - mmseg - INFO - Iter [24050/80000] lr: 2.798e-05, eta: 22:05:00, time: 4.386, data_time: 3.184, memory: 59004, decode.loss_ce: 0.2006, decode.acc_seg: 91.3864, aux.loss_ce: 0.0974, aux.acc_seg: 89.7455, loss: 0.2980 2024-01-18 05:58:31,043 - mmseg - INFO - Iter [24100/80000] lr: 2.795e-05, eta: 22:03:24, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1884, decode.acc_seg: 91.7939, aux.loss_ce: 0.0917, aux.acc_seg: 90.3762, loss: 0.2801 2024-01-18 05:59:31,392 - mmseg - INFO - Iter [24150/80000] lr: 2.793e-05, eta: 22:01:48, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1920, decode.acc_seg: 91.8525, aux.loss_ce: 0.0936, aux.acc_seg: 90.3091, loss: 0.2856 2024-01-18 06:00:31,796 - mmseg - INFO - Iter [24200/80000] lr: 2.790e-05, eta: 22:00:13, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2023, decode.acc_seg: 91.3499, aux.loss_ce: 0.1001, aux.acc_seg: 89.4302, loss: 0.3024 2024-01-18 06:01:32,202 - mmseg - INFO - Iter [24250/80000] lr: 2.788e-05, eta: 21:58:38, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1986, decode.acc_seg: 91.3974, aux.loss_ce: 0.0969, aux.acc_seg: 89.7156, loss: 0.2955 2024-01-18 06:02:32,518 - mmseg - INFO - Iter [24300/80000] lr: 2.785e-05, eta: 21:57:02, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1936, decode.acc_seg: 91.6579, aux.loss_ce: 0.0925, aux.acc_seg: 90.2081, loss: 0.2861 2024-01-18 06:03:32,816 - mmseg - INFO - Iter [24350/80000] lr: 2.783e-05, eta: 21:55:27, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2079, decode.acc_seg: 91.1412, aux.loss_ce: 0.0989, aux.acc_seg: 89.6279, loss: 0.3068 2024-01-18 06:04:33,090 - mmseg - INFO - Iter [24400/80000] lr: 2.780e-05, eta: 21:53:52, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1977, decode.acc_seg: 91.6342, aux.loss_ce: 0.0969, aux.acc_seg: 90.0703, loss: 0.2947 2024-01-18 06:05:33,380 - mmseg - INFO - Iter [24450/80000] lr: 2.778e-05, eta: 21:52:17, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1876, decode.acc_seg: 92.2823, aux.loss_ce: 0.0946, aux.acc_seg: 90.2851, loss: 0.2822 2024-01-18 06:06:33,749 - mmseg - INFO - Iter [24500/80000] lr: 2.775e-05, eta: 21:50:42, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1994, decode.acc_seg: 91.2960, aux.loss_ce: 0.0993, aux.acc_seg: 89.2702, loss: 0.2987 2024-01-18 06:07:34,085 - mmseg - INFO - Iter [24550/80000] lr: 2.773e-05, eta: 21:49:08, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2020, decode.acc_seg: 91.4723, aux.loss_ce: 0.0973, aux.acc_seg: 89.7314, loss: 0.2994 2024-01-18 06:08:34,538 - mmseg - INFO - Iter [24600/80000] lr: 2.770e-05, eta: 21:47:34, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1975, decode.acc_seg: 91.3991, aux.loss_ce: 0.0953, aux.acc_seg: 89.8522, loss: 0.2928 2024-01-18 06:09:35,075 - mmseg - INFO - Iter [24650/80000] lr: 2.768e-05, eta: 21:46:00, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2051, decode.acc_seg: 91.2874, aux.loss_ce: 0.0987, aux.acc_seg: 89.5365, loss: 0.3038 2024-01-18 06:10:35,413 - mmseg - INFO - Iter [24700/80000] lr: 2.765e-05, eta: 21:44:25, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1869, decode.acc_seg: 91.9731, aux.loss_ce: 0.0929, aux.acc_seg: 90.1551, loss: 0.2798 2024-01-18 06:11:35,945 - mmseg - INFO - Iter [24750/80000] lr: 2.763e-05, eta: 21:42:52, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1998, decode.acc_seg: 91.3198, aux.loss_ce: 0.0984, aux.acc_seg: 89.5055, loss: 0.2982 2024-01-18 06:12:36,267 - mmseg - INFO - Iter [24800/80000] lr: 2.760e-05, eta: 21:41:18, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1942, decode.acc_seg: 91.5326, aux.loss_ce: 0.0957, aux.acc_seg: 89.8599, loss: 0.2900 2024-01-18 06:13:36,602 - mmseg - INFO - Iter [24850/80000] lr: 2.758e-05, eta: 21:39:44, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2016, decode.acc_seg: 91.6134, aux.loss_ce: 0.1006, aux.acc_seg: 89.6697, loss: 0.3022 2024-01-18 06:14:37,060 - mmseg - INFO - Iter [24900/80000] lr: 2.755e-05, eta: 21:38:11, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2064, decode.acc_seg: 91.4307, aux.loss_ce: 0.1001, aux.acc_seg: 89.7777, loss: 0.3064 2024-01-18 06:15:37,496 - mmseg - INFO - Iter [24950/80000] lr: 2.753e-05, eta: 21:36:37, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2057, decode.acc_seg: 90.9450, aux.loss_ce: 0.0995, aux.acc_seg: 89.2916, loss: 0.3051 2024-01-18 06:16:37,951 - mmseg - INFO - Saving checkpoint at 25000 iterations 2024-01-18 06:17:24,820 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 06:17:24,821 - mmseg - INFO - Iter [25000/80000] lr: 2.750e-05, eta: 21:36:47, time: 2.146, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2038, decode.acc_seg: 91.0755, aux.loss_ce: 0.0996, aux.acc_seg: 89.2501, loss: 0.3033 2024-01-18 06:20:03,099 - mmseg - INFO - per class results: 2024-01-18 06:20:03,110 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.1 | 90.8 | | building | 85.08 | 92.83 | | sky | 94.4 | 96.98 | | floor | 84.04 | 90.26 | | tree | 76.02 | 91.21 | | ceiling | 86.14 | 94.07 | | road | 86.11 | 90.99 | | bed | 92.31 | 96.61 | | windowpane | 64.2 | 82.85 | | grass | 66.74 | 78.12 | | cabinet | 64.15 | 72.78 | | sidewalk | 70.21 | 86.99 | | person | 84.62 | 91.96 | | earth | 42.05 | 59.89 | | door | 54.61 | 65.61 | | table | 66.09 | 76.96 | | mountain | 61.8 | 73.12 | | plant | 55.47 | 67.94 | | curtain | 76.02 | 83.12 | | chair | 62.15 | 72.55 | | car | 85.97 | 93.54 | | water | 61.46 | 76.16 | | painting | 77.22 | 89.23 | | sofa | 74.37 | 81.59 | | shelf | 44.0 | 63.82 | | house | 51.26 | 67.66 | | sea | 67.79 | 83.23 | | mirror | 77.08 | 87.14 | | rug | 69.58 | 86.15 | | field | 30.38 | 43.08 | | armchair | 53.91 | 80.58 | | seat | 66.06 | 88.06 | | fence | 43.34 | 59.3 | | desk | 53.2 | 82.92 | | rock | 54.39 | 78.5 | | wardrobe | 51.15 | 74.04 | | lamp | 71.43 | 82.74 | | bathtub | 79.54 | 85.13 | | railing | 39.89 | 53.74 | | cushion | 68.04 | 78.28 | | base | 35.14 | 46.63 | | box | 35.99 | 44.65 | | column | 54.64 | 67.34 | | signboard | 35.42 | 43.67 | | chest of drawers | 50.63 | 73.61 | | counter | 51.05 | 59.01 | | sand | 57.5 | 86.61 | | sink | 80.23 | 85.67 | | skyscraper | 40.96 | 45.08 | | fireplace | 70.78 | 90.69 | | refrigerator | 82.57 | 87.96 | | grandstand | 54.53 | 73.25 | | path | 26.94 | 38.68 | | stairs | 48.5 | 61.05 | | runway | 73.97 | 97.94 | | case | 67.08 | 83.6 | | pool table | 94.05 | 96.53 | | pillow | 67.9 | 80.02 | | screen door | 67.05 | 69.93 | | stairway | 48.38 | 56.83 | | river | 15.78 | 30.64 | | bridge | 78.32 | 89.01 | | bookcase | 40.87 | 77.59 | | blind | 33.47 | 36.91 | | coffee table | 55.6 | 89.06 | | toilet | 90.61 | 94.66 | | flower | 45.43 | 59.53 | | book | 35.81 | 43.82 | | hill | 7.2 | 11.23 | | bench | 63.18 | 75.81 | | countertop | 65.47 | 79.89 | | stove | 82.22 | 89.03 | | palm | 55.83 | 73.15 | | kitchen island | 45.24 | 65.44 | | computer | 61.61 | 68.5 | | swivel chair | 43.69 | 60.03 | | boat | 68.14 | 88.9 | | bar | 71.64 | 86.11 | | arcade machine | 88.71 | 95.5 | | hovel | 44.41 | 49.37 | | bus | 91.22 | 95.34 | | towel | 73.79 | 81.41 | | light | 54.82 | 64.49 | | truck | 48.1 | 56.44 | | tower | 32.2 | 52.21 | | chandelier | 71.78 | 81.7 | | awning | 43.6 | 52.62 | | streetlight | 28.99 | 32.8 | | booth | 38.95 | 47.96 | | television receiver | 82.1 | 90.22 | | airplane | 63.14 | 69.26 | | dirt track | 5.13 | 10.88 | | apparel | 61.8 | 79.56 | | pole | 25.45 | 38.39 | | land | 2.25 | 3.05 | | bannister | 9.32 | 11.47 | | escalator | 60.41 | 87.49 | | ottoman | 56.9 | 72.51 | | bottle | 44.54 | 69.64 | | buffet | 57.2 | 76.07 | | poster | 19.83 | 23.12 | | stage | 32.43 | 63.99 | | van | 42.04 | 50.71 | | ship | 86.63 | 93.51 | | fountain | 56.47 | 58.41 | | conveyer belt | 79.78 | 97.52 | | canopy | 47.7 | 61.41 | | washer | 88.43 | 94.43 | | plaything | 29.56 | 41.74 | | swimming pool | 60.34 | 91.15 | | stool | 46.55 | 63.16 | | barrel | 50.3 | 65.04 | | basket | 44.93 | 57.68 | | waterfall | 43.87 | 49.35 | | tent | 94.63 | 97.98 | | bag | 28.2 | 32.81 | | minibike | 75.46 | 86.65 | | cradle | 85.92 | 96.98 | | oven | 63.93 | 74.86 | | ball | 44.51 | 46.37 | | food | 56.03 | 66.02 | | step | 12.97 | 14.27 | | tank | 78.99 | 96.2 | | trade name | 31.54 | 37.08 | | microwave | 87.28 | 93.94 | | pot | 55.73 | 66.29 | | animal | 64.81 | 66.93 | | bicycle | 57.9 | 78.41 | | lake | 60.82 | 63.62 | | dishwasher | 65.87 | 73.33 | | screen | 44.97 | 59.12 | | blanket | 24.57 | 28.3 | | sculpture | 71.71 | 81.04 | | hood | 61.61 | 69.74 | | sconce | 52.62 | 59.41 | | vase | 42.01 | 53.47 | | traffic light | 33.7 | 53.02 | | tray | 17.23 | 22.98 | | ashcan | 53.18 | 65.38 | | fan | 64.82 | 75.15 | | pier | 39.75 | 45.19 | | crt screen | 10.43 | 30.48 | | plate | 60.02 | 76.99 | | monitor | 67.53 | 76.26 | | bulletin board | 56.68 | 76.56 | | shower | 1.27 | 1.34 | | radiator | 67.74 | 73.24 | | glass | 16.5 | 17.21 | | clock | 48.71 | 54.29 | | flag | 67.01 | 69.5 | +---------------------+-------+-------+ 2024-01-18 06:20:03,111 - mmseg - INFO - Summary: 2024-01-18 06:20:03,111 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.49 | 56.38 | 68.06 | +-------+-------+-------+ 2024-01-18 06:20:03,113 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 06:20:03,113 - mmseg - INFO - Iter(val) [250] aAcc: 0.8549, mIoU: 0.5638, mAcc: 0.6806, IoU.wall: 0.8110, IoU.building: 0.8508, IoU.sky: 0.9440, IoU.floor: 0.8404, IoU.tree: 0.7602, IoU.ceiling: 0.8614, IoU.road: 0.8611, IoU.bed : 0.9231, IoU.windowpane: 0.6420, IoU.grass: 0.6674, IoU.cabinet: 0.6415, IoU.sidewalk: 0.7021, IoU.person: 0.8462, IoU.earth: 0.4205, IoU.door: 0.5461, IoU.table: 0.6609, IoU.mountain: 0.6180, IoU.plant: 0.5547, IoU.curtain: 0.7602, IoU.chair: 0.6215, IoU.car: 0.8597, IoU.water: 0.6146, IoU.painting: 0.7722, IoU.sofa: 0.7437, IoU.shelf: 0.4400, IoU.house: 0.5126, IoU.sea: 0.6779, IoU.mirror: 0.7708, IoU.rug: 0.6958, IoU.field: 0.3038, IoU.armchair: 0.5391, IoU.seat: 0.6606, IoU.fence: 0.4334, IoU.desk: 0.5320, IoU.rock: 0.5439, IoU.wardrobe: 0.5115, IoU.lamp: 0.7143, IoU.bathtub: 0.7954, IoU.railing: 0.3989, IoU.cushion: 0.6804, IoU.base: 0.3514, IoU.box: 0.3599, IoU.column: 0.5464, IoU.signboard: 0.3542, IoU.chest of drawers: 0.5063, IoU.counter: 0.5105, IoU.sand: 0.5750, IoU.sink: 0.8023, IoU.skyscraper: 0.4096, IoU.fireplace: 0.7078, IoU.refrigerator: 0.8257, IoU.grandstand: 0.5453, IoU.path: 0.2694, IoU.stairs: 0.4850, IoU.runway: 0.7397, IoU.case: 0.6708, IoU.pool table: 0.9405, IoU.pillow: 0.6790, IoU.screen door: 0.6705, IoU.stairway: 0.4838, IoU.river: 0.1578, IoU.bridge: 0.7832, IoU.bookcase: 0.4087, IoU.blind: 0.3347, IoU.coffee table: 0.5560, IoU.toilet: 0.9061, IoU.flower: 0.4543, IoU.book: 0.3581, IoU.hill: 0.0720, IoU.bench: 0.6318, IoU.countertop: 0.6547, IoU.stove: 0.8222, IoU.palm: 0.5583, IoU.kitchen island: 0.4524, IoU.computer: 0.6161, IoU.swivel chair: 0.4369, IoU.boat: 0.6814, IoU.bar: 0.7164, IoU.arcade machine: 0.8871, IoU.hovel: 0.4441, IoU.bus: 0.9122, IoU.towel: 0.7379, IoU.light: 0.5482, IoU.truck: 0.4810, IoU.tower: 0.3220, IoU.chandelier: 0.7178, IoU.awning: 0.4360, IoU.streetlight: 0.2899, IoU.booth: 0.3895, IoU.television receiver: 0.8210, IoU.airplane: 0.6314, IoU.dirt track: 0.0513, IoU.apparel: 0.6180, IoU.pole: 0.2545, IoU.land: 0.0225, IoU.bannister: 0.0932, IoU.escalator: 0.6041, IoU.ottoman: 0.5690, IoU.bottle: 0.4454, IoU.buffet: 0.5720, IoU.poster: 0.1983, IoU.stage: 0.3243, IoU.van: 0.4204, IoU.ship: 0.8663, IoU.fountain: 0.5647, IoU.conveyer belt: 0.7978, IoU.canopy: 0.4770, IoU.washer: 0.8843, IoU.plaything: 0.2956, IoU.swimming pool: 0.6034, IoU.stool: 0.4655, IoU.barrel: 0.5030, IoU.basket: 0.4493, IoU.waterfall: 0.4387, IoU.tent: 0.9463, IoU.bag: 0.2820, IoU.minibike: 0.7546, IoU.cradle: 0.8592, IoU.oven: 0.6393, IoU.ball: 0.4451, IoU.food: 0.5603, IoU.step: 0.1297, IoU.tank: 0.7899, IoU.trade name: 0.3154, IoU.microwave: 0.8728, IoU.pot: 0.5573, IoU.animal: 0.6481, IoU.bicycle: 0.5790, IoU.lake: 0.6082, IoU.dishwasher: 0.6587, IoU.screen: 0.4497, IoU.blanket: 0.2457, IoU.sculpture: 0.7171, IoU.hood: 0.6161, IoU.sconce: 0.5262, IoU.vase: 0.4201, IoU.traffic light: 0.3370, IoU.tray: 0.1723, IoU.ashcan: 0.5318, IoU.fan: 0.6482, IoU.pier: 0.3975, IoU.crt screen: 0.1043, IoU.plate: 0.6002, IoU.monitor: 0.6753, IoU.bulletin board: 0.5668, IoU.shower: 0.0127, IoU.radiator: 0.6774, IoU.glass: 0.1650, IoU.clock: 0.4871, IoU.flag: 0.6701, Acc.wall: 0.9080, Acc.building: 0.9283, Acc.sky: 0.9698, Acc.floor: 0.9026, Acc.tree: 0.9121, Acc.ceiling: 0.9407, Acc.road: 0.9099, Acc.bed : 0.9661, Acc.windowpane: 0.8285, Acc.grass: 0.7812, Acc.cabinet: 0.7278, Acc.sidewalk: 0.8699, Acc.person: 0.9196, Acc.earth: 0.5989, Acc.door: 0.6561, Acc.table: 0.7696, Acc.mountain: 0.7312, Acc.plant: 0.6794, Acc.curtain: 0.8312, Acc.chair: 0.7255, Acc.car: 0.9354, Acc.water: 0.7616, Acc.painting: 0.8923, Acc.sofa: 0.8159, Acc.shelf: 0.6382, Acc.house: 0.6766, Acc.sea: 0.8323, Acc.mirror: 0.8714, Acc.rug: 0.8615, Acc.field: 0.4308, Acc.armchair: 0.8058, Acc.seat: 0.8806, Acc.fence: 0.5930, Acc.desk: 0.8292, Acc.rock: 0.7850, Acc.wardrobe: 0.7404, Acc.lamp: 0.8274, Acc.bathtub: 0.8513, Acc.railing: 0.5374, Acc.cushion: 0.7828, Acc.base: 0.4663, Acc.box: 0.4465, Acc.column: 0.6734, Acc.signboard: 0.4367, Acc.chest of drawers: 0.7361, Acc.counter: 0.5901, Acc.sand: 0.8661, Acc.sink: 0.8567, Acc.skyscraper: 0.4508, Acc.fireplace: 0.9069, Acc.refrigerator: 0.8796, Acc.grandstand: 0.7325, Acc.path: 0.3868, Acc.stairs: 0.6105, Acc.runway: 0.9794, Acc.case: 0.8360, Acc.pool table: 0.9653, Acc.pillow: 0.8002, Acc.screen door: 0.6993, Acc.stairway: 0.5683, Acc.river: 0.3064, Acc.bridge: 0.8901, Acc.bookcase: 0.7759, Acc.blind: 0.3691, Acc.coffee table: 0.8906, Acc.toilet: 0.9466, Acc.flower: 0.5953, Acc.book: 0.4382, Acc.hill: 0.1123, Acc.bench: 0.7581, Acc.countertop: 0.7989, Acc.stove: 0.8903, Acc.palm: 0.7315, Acc.kitchen island: 0.6544, Acc.computer: 0.6850, Acc.swivel chair: 0.6003, Acc.boat: 0.8890, Acc.bar: 0.8611, Acc.arcade machine: 0.9550, Acc.hovel: 0.4937, Acc.bus: 0.9534, Acc.towel: 0.8141, Acc.light: 0.6449, Acc.truck: 0.5644, Acc.tower: 0.5221, Acc.chandelier: 0.8170, Acc.awning: 0.5262, Acc.streetlight: 0.3280, Acc.booth: 0.4796, Acc.television receiver: 0.9022, Acc.airplane: 0.6926, Acc.dirt track: 0.1088, Acc.apparel: 0.7956, Acc.pole: 0.3839, Acc.land: 0.0305, Acc.bannister: 0.1147, Acc.escalator: 0.8749, Acc.ottoman: 0.7251, Acc.bottle: 0.6964, Acc.buffet: 0.7607, Acc.poster: 0.2312, Acc.stage: 0.6399, Acc.van: 0.5071, Acc.ship: 0.9351, Acc.fountain: 0.5841, Acc.conveyer belt: 0.9752, Acc.canopy: 0.6141, Acc.washer: 0.9443, Acc.plaything: 0.4174, Acc.swimming pool: 0.9115, Acc.stool: 0.6316, Acc.barrel: 0.6504, Acc.basket: 0.5768, Acc.waterfall: 0.4935, Acc.tent: 0.9798, Acc.bag: 0.3281, Acc.minibike: 0.8665, Acc.cradle: 0.9698, Acc.oven: 0.7486, Acc.ball: 0.4637, Acc.food: 0.6602, Acc.step: 0.1427, Acc.tank: 0.9620, Acc.trade name: 0.3708, Acc.microwave: 0.9394, Acc.pot: 0.6629, Acc.animal: 0.6693, Acc.bicycle: 0.7841, Acc.lake: 0.6362, Acc.dishwasher: 0.7333, Acc.screen: 0.5912, Acc.blanket: 0.2830, Acc.sculpture: 0.8104, Acc.hood: 0.6974, Acc.sconce: 0.5941, Acc.vase: 0.5347, Acc.traffic light: 0.5302, Acc.tray: 0.2298, Acc.ashcan: 0.6538, Acc.fan: 0.7515, Acc.pier: 0.4519, Acc.crt screen: 0.3048, Acc.plate: 0.7699, Acc.monitor: 0.7626, Acc.bulletin board: 0.7656, Acc.shower: 0.0134, Acc.radiator: 0.7324, Acc.glass: 0.1721, Acc.clock: 0.5429, Acc.flag: 0.6950 2024-01-18 06:21:03,985 - mmseg - INFO - Iter [25050/80000] lr: 2.748e-05, eta: 21:41:02, time: 4.383, data_time: 3.184, memory: 59004, decode.loss_ce: 0.1881, decode.acc_seg: 91.9439, aux.loss_ce: 0.0911, aux.acc_seg: 90.4740, loss: 0.2792 2024-01-18 06:22:04,594 - mmseg - INFO - Iter [25100/80000] lr: 2.745e-05, eta: 21:39:29, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1983, decode.acc_seg: 91.2663, aux.loss_ce: 0.0980, aux.acc_seg: 89.5217, loss: 0.2963 2024-01-18 06:23:05,056 - mmseg - INFO - Iter [25150/80000] lr: 2.743e-05, eta: 21:37:55, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1994, decode.acc_seg: 91.6434, aux.loss_ce: 0.0982, aux.acc_seg: 89.8181, loss: 0.2976 2024-01-18 06:24:05,468 - mmseg - INFO - Iter [25200/80000] lr: 2.740e-05, eta: 21:36:21, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1898, decode.acc_seg: 91.5744, aux.loss_ce: 0.0942, aux.acc_seg: 89.7840, loss: 0.2840 2024-01-18 06:25:05,977 - mmseg - INFO - Iter [25250/80000] lr: 2.738e-05, eta: 21:34:47, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2122, decode.acc_seg: 91.0376, aux.loss_ce: 0.1037, aux.acc_seg: 89.2869, loss: 0.3160 2024-01-18 06:26:08,570 - mmseg - INFO - Iter [25300/80000] lr: 2.735e-05, eta: 21:33:18, time: 1.252, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1978, decode.acc_seg: 91.5884, aux.loss_ce: 0.0979, aux.acc_seg: 89.6046, loss: 0.2956 2024-01-18 06:27:08,863 - mmseg - INFO - Iter [25350/80000] lr: 2.733e-05, eta: 21:31:44, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1888, decode.acc_seg: 92.1106, aux.loss_ce: 0.0891, aux.acc_seg: 90.5803, loss: 0.2778 2024-01-18 06:28:09,133 - mmseg - INFO - Iter [25400/80000] lr: 2.730e-05, eta: 21:30:10, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1932, decode.acc_seg: 91.4192, aux.loss_ce: 0.0956, aux.acc_seg: 89.6514, loss: 0.2888 2024-01-18 06:29:09,412 - mmseg - INFO - Iter [25450/80000] lr: 2.728e-05, eta: 21:28:37, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1822, decode.acc_seg: 91.7573, aux.loss_ce: 0.0911, aux.acc_seg: 89.9928, loss: 0.2733 2024-01-18 06:30:09,918 - mmseg - INFO - Iter [25500/80000] lr: 2.725e-05, eta: 21:27:04, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1928, decode.acc_seg: 91.6766, aux.loss_ce: 0.0958, aux.acc_seg: 89.7978, loss: 0.2886 2024-01-18 06:31:10,348 - mmseg - INFO - Iter [25550/80000] lr: 2.723e-05, eta: 21:25:31, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1787, decode.acc_seg: 92.2870, aux.loss_ce: 0.0914, aux.acc_seg: 90.3380, loss: 0.2701 2024-01-18 06:32:10,809 - mmseg - INFO - Iter [25600/80000] lr: 2.720e-05, eta: 21:23:58, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1939, decode.acc_seg: 91.8008, aux.loss_ce: 0.0986, aux.acc_seg: 89.6505, loss: 0.2926 2024-01-18 06:33:11,118 - mmseg - INFO - Iter [25650/80000] lr: 2.718e-05, eta: 21:22:25, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1969, decode.acc_seg: 91.7461, aux.loss_ce: 0.0966, aux.acc_seg: 89.9896, loss: 0.2936 2024-01-18 06:34:11,451 - mmseg - INFO - Iter [25700/80000] lr: 2.715e-05, eta: 21:20:52, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1841, decode.acc_seg: 92.1706, aux.loss_ce: 0.0903, aux.acc_seg: 90.5718, loss: 0.2744 2024-01-18 06:35:11,851 - mmseg - INFO - Iter [25750/80000] lr: 2.713e-05, eta: 21:19:19, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1936, decode.acc_seg: 91.5360, aux.loss_ce: 0.0942, aux.acc_seg: 89.9538, loss: 0.2878 2024-01-18 06:36:12,216 - mmseg - INFO - Iter [25800/80000] lr: 2.710e-05, eta: 21:17:47, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1911, decode.acc_seg: 91.9873, aux.loss_ce: 0.0953, aux.acc_seg: 90.1509, loss: 0.2864 2024-01-18 06:37:12,541 - mmseg - INFO - Iter [25850/80000] lr: 2.708e-05, eta: 21:16:14, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1836, decode.acc_seg: 92.2364, aux.loss_ce: 0.0910, aux.acc_seg: 90.5365, loss: 0.2746 2024-01-18 06:38:12,846 - mmseg - INFO - Iter [25900/80000] lr: 2.705e-05, eta: 21:14:42, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1965, decode.acc_seg: 91.5634, aux.loss_ce: 0.0980, aux.acc_seg: 89.8238, loss: 0.2945 2024-01-18 06:39:13,201 - mmseg - INFO - Iter [25950/80000] lr: 2.703e-05, eta: 21:13:09, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2043, decode.acc_seg: 91.4005, aux.loss_ce: 0.0994, aux.acc_seg: 89.6894, loss: 0.3036 2024-01-18 06:40:13,574 - mmseg - INFO - Saving checkpoint at 26000 iterations 2024-01-18 06:41:01,045 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 06:41:01,045 - mmseg - INFO - Iter [26000/80000] lr: 2.700e-05, eta: 21:13:16, time: 2.157, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1998, decode.acc_seg: 91.3585, aux.loss_ce: 0.0966, aux.acc_seg: 89.7382, loss: 0.2964 2024-01-18 06:43:38,377 - mmseg - INFO - per class results: 2024-01-18 06:43:38,383 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.56 | 89.59 | | building | 84.43 | 92.91 | | sky | 94.71 | 97.4 | | floor | 83.31 | 90.75 | | tree | 76.61 | 88.6 | | ceiling | 84.63 | 92.24 | | road | 86.57 | 91.36 | | bed | 91.78 | 96.52 | | windowpane | 64.23 | 81.32 | | grass | 65.05 | 76.29 | | cabinet | 64.79 | 73.07 | | sidewalk | 70.49 | 84.04 | | person | 83.64 | 94.65 | | earth | 36.82 | 50.39 | | door | 55.04 | 69.4 | | table | 69.67 | 80.44 | | mountain | 60.7 | 69.07 | | plant | 57.4 | 71.63 | | curtain | 78.92 | 88.29 | | chair | 64.26 | 77.84 | | car | 86.02 | 94.01 | | water | 60.8 | 74.96 | | painting | 74.01 | 90.75 | | sofa | 77.25 | 89.68 | | shelf | 46.16 | 64.02 | | house | 50.91 | 68.85 | | sea | 70.7 | 84.8 | | mirror | 75.63 | 85.29 | | rug | 60.87 | 74.03 | | field | 27.29 | 53.86 | | armchair | 60.33 | 74.15 | | seat | 65.36 | 83.19 | | fence | 45.73 | 56.28 | | desk | 55.86 | 80.72 | | rock | 57.26 | 78.91 | | wardrobe | 58.52 | 77.97 | | lamp | 71.46 | 83.63 | | bathtub | 82.21 | 86.29 | | railing | 39.65 | 54.68 | | cushion | 68.15 | 82.64 | | base | 33.82 | 54.36 | | box | 35.38 | 42.54 | | column | 55.97 | 66.54 | | signboard | 37.42 | 52.27 | | chest of drawers | 47.28 | 70.34 | | counter | 54.55 | 62.18 | | sand | 56.42 | 81.64 | | sink | 79.34 | 86.87 | | skyscraper | 51.67 | 63.88 | | fireplace | 73.8 | 89.86 | | refrigerator | 82.89 | 90.96 | | grandstand | 55.95 | 84.62 | | path | 28.62 | 38.09 | | stairs | 46.36 | 58.13 | | runway | 73.02 | 96.44 | | case | 71.22 | 76.7 | | pool table | 94.45 | 97.32 | | pillow | 65.28 | 77.14 | | screen door | 79.49 | 90.33 | | stairway | 46.68 | 61.81 | | river | 11.93 | 23.96 | | bridge | 70.15 | 81.4 | | bookcase | 44.24 | 59.14 | | blind | 36.83 | 43.02 | | coffee table | 68.67 | 81.5 | | toilet | 90.84 | 96.22 | | flower | 50.49 | 62.06 | | book | 53.69 | 72.31 | | hill | 6.12 | 13.7 | | bench | 64.33 | 76.02 | | countertop | 63.28 | 82.52 | | stove | 82.25 | 91.22 | | palm | 53.52 | 74.93 | | kitchen island | 46.19 | 75.65 | | computer | 78.08 | 92.0 | | swivel chair | 46.35 | 71.39 | | boat | 72.19 | 90.69 | | bar | 72.86 | 78.73 | | arcade machine | 88.92 | 97.95 | | hovel | 43.89 | 49.7 | | bus | 90.8 | 96.72 | | towel | 75.33 | 84.19 | | light | 52.84 | 58.54 | | truck | 43.91 | 51.35 | | tower | 37.86 | 72.91 | | chandelier | 71.73 | 84.5 | | awning | 41.97 | 56.52 | | streetlight | 28.77 | 34.0 | | booth | 38.26 | 48.15 | | television receiver | 82.52 | 90.23 | | airplane | 59.93 | 66.78 | | dirt track | 11.2 | 17.49 | | apparel | 64.78 | 80.88 | | pole | 22.09 | 31.4 | | land | 3.27 | 7.62 | | bannister | 11.3 | 16.49 | | escalator | 60.1 | 88.93 | | ottoman | 56.54 | 74.94 | | bottle | 41.26 | 70.16 | | buffet | 53.71 | 60.66 | | poster | 28.34 | 39.41 | | stage | 25.7 | 59.17 | | van | 47.61 | 67.26 | | ship | 77.9 | 83.83 | | fountain | 49.78 | 50.5 | | conveyer belt | 81.94 | 96.6 | | canopy | 51.67 | 73.98 | | washer | 87.01 | 92.11 | | plaything | 30.06 | 49.65 | | swimming pool | 57.13 | 82.68 | | stool | 48.06 | 70.39 | | barrel | 57.35 | 64.67 | | basket | 43.34 | 59.15 | | waterfall | 47.86 | 54.58 | | tent | 95.17 | 97.45 | | bag | 24.22 | 27.19 | | minibike | 75.44 | 88.06 | | cradle | 75.47 | 98.63 | | oven | 57.99 | 63.9 | | ball | 56.67 | 61.9 | | food | 62.89 | 74.64 | | step | 12.94 | 14.13 | | tank | 61.12 | 66.61 | | trade name | 25.1 | 28.41 | | microwave | 85.19 | 94.55 | | pot | 57.59 | 67.93 | | animal | 65.32 | 67.71 | | bicycle | 59.72 | 77.83 | | lake | 50.41 | 63.58 | | dishwasher | 69.03 | 75.57 | | screen | 47.71 | 69.17 | | blanket | 17.74 | 20.62 | | sculpture | 72.36 | 85.84 | | hood | 62.01 | 71.23 | | sconce | 55.16 | 65.55 | | vase | 41.99 | 56.44 | | traffic light | 34.92 | 55.78 | | tray | 18.05 | 28.5 | | ashcan | 52.76 | 69.0 | | fan | 67.61 | 80.69 | | pier | 39.34 | 43.81 | | crt screen | 9.99 | 13.85 | | plate | 58.06 | 78.09 | | monitor | 64.27 | 84.29 | | bulletin board | 56.62 | 82.49 | | shower | 0.0 | 0.0 | | radiator | 63.92 | 72.78 | | glass | 18.76 | 20.11 | | clock | 51.22 | 57.36 | | flag | 66.85 | 75.29 | +---------------------+-------+-------+ 2024-01-18 06:43:38,384 - mmseg - INFO - Summary: 2024-01-18 06:43:38,384 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.33 | 56.78 | 69.24 | +-------+-------+-------+ 2024-01-18 06:43:38,385 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 06:43:38,385 - mmseg - INFO - Iter(val) [250] aAcc: 0.8533, mIoU: 0.5678, mAcc: 0.6924, IoU.wall: 0.8056, IoU.building: 0.8443, IoU.sky: 0.9471, IoU.floor: 0.8331, IoU.tree: 0.7661, IoU.ceiling: 0.8463, IoU.road: 0.8657, IoU.bed : 0.9178, IoU.windowpane: 0.6423, IoU.grass: 0.6505, IoU.cabinet: 0.6479, IoU.sidewalk: 0.7049, IoU.person: 0.8364, IoU.earth: 0.3682, IoU.door: 0.5504, IoU.table: 0.6967, IoU.mountain: 0.6070, IoU.plant: 0.5740, IoU.curtain: 0.7892, IoU.chair: 0.6426, IoU.car: 0.8602, IoU.water: 0.6080, IoU.painting: 0.7401, IoU.sofa: 0.7725, IoU.shelf: 0.4616, IoU.house: 0.5091, IoU.sea: 0.7070, IoU.mirror: 0.7563, IoU.rug: 0.6087, IoU.field: 0.2729, IoU.armchair: 0.6033, IoU.seat: 0.6536, IoU.fence: 0.4573, IoU.desk: 0.5586, IoU.rock: 0.5726, IoU.wardrobe: 0.5852, IoU.lamp: 0.7146, IoU.bathtub: 0.8221, IoU.railing: 0.3965, IoU.cushion: 0.6815, IoU.base: 0.3382, IoU.box: 0.3538, IoU.column: 0.5597, IoU.signboard: 0.3742, IoU.chest of drawers: 0.4728, IoU.counter: 0.5455, IoU.sand: 0.5642, IoU.sink: 0.7934, IoU.skyscraper: 0.5167, IoU.fireplace: 0.7380, IoU.refrigerator: 0.8289, IoU.grandstand: 0.5595, IoU.path: 0.2862, IoU.stairs: 0.4636, IoU.runway: 0.7302, IoU.case: 0.7122, IoU.pool table: 0.9445, IoU.pillow: 0.6528, IoU.screen door: 0.7949, IoU.stairway: 0.4668, IoU.river: 0.1193, IoU.bridge: 0.7015, IoU.bookcase: 0.4424, IoU.blind: 0.3683, IoU.coffee table: 0.6867, IoU.toilet: 0.9084, IoU.flower: 0.5049, IoU.book: 0.5369, IoU.hill: 0.0612, IoU.bench: 0.6433, IoU.countertop: 0.6328, IoU.stove: 0.8225, IoU.palm: 0.5352, IoU.kitchen island: 0.4619, IoU.computer: 0.7808, IoU.swivel chair: 0.4635, IoU.boat: 0.7219, IoU.bar: 0.7286, IoU.arcade machine: 0.8892, IoU.hovel: 0.4389, IoU.bus: 0.9080, IoU.towel: 0.7533, IoU.light: 0.5284, IoU.truck: 0.4391, IoU.tower: 0.3786, IoU.chandelier: 0.7173, IoU.awning: 0.4197, IoU.streetlight: 0.2877, IoU.booth: 0.3826, IoU.television receiver: 0.8252, IoU.airplane: 0.5993, IoU.dirt track: 0.1120, IoU.apparel: 0.6478, IoU.pole: 0.2209, IoU.land: 0.0327, IoU.bannister: 0.1130, IoU.escalator: 0.6010, IoU.ottoman: 0.5654, IoU.bottle: 0.4126, IoU.buffet: 0.5371, IoU.poster: 0.2834, IoU.stage: 0.2570, IoU.van: 0.4761, IoU.ship: 0.7790, IoU.fountain: 0.4978, IoU.conveyer belt: 0.8194, IoU.canopy: 0.5167, IoU.washer: 0.8701, IoU.plaything: 0.3006, IoU.swimming pool: 0.5713, IoU.stool: 0.4806, IoU.barrel: 0.5735, IoU.basket: 0.4334, IoU.waterfall: 0.4786, IoU.tent: 0.9517, IoU.bag: 0.2422, IoU.minibike: 0.7544, IoU.cradle: 0.7547, IoU.oven: 0.5799, IoU.ball: 0.5667, IoU.food: 0.6289, IoU.step: 0.1294, IoU.tank: 0.6112, IoU.trade name: 0.2510, IoU.microwave: 0.8519, IoU.pot: 0.5759, IoU.animal: 0.6532, IoU.bicycle: 0.5972, IoU.lake: 0.5041, IoU.dishwasher: 0.6903, IoU.screen: 0.4771, IoU.blanket: 0.1774, IoU.sculpture: 0.7236, IoU.hood: 0.6201, IoU.sconce: 0.5516, IoU.vase: 0.4199, IoU.traffic light: 0.3492, IoU.tray: 0.1805, IoU.ashcan: 0.5276, IoU.fan: 0.6761, IoU.pier: 0.3934, IoU.crt screen: 0.0999, IoU.plate: 0.5806, IoU.monitor: 0.6427, IoU.bulletin board: 0.5662, IoU.shower: 0.0000, IoU.radiator: 0.6392, IoU.glass: 0.1876, IoU.clock: 0.5122, IoU.flag: 0.6685, Acc.wall: 0.8959, Acc.building: 0.9291, Acc.sky: 0.9740, Acc.floor: 0.9075, Acc.tree: 0.8860, Acc.ceiling: 0.9224, Acc.road: 0.9136, Acc.bed : 0.9652, Acc.windowpane: 0.8132, Acc.grass: 0.7629, Acc.cabinet: 0.7307, Acc.sidewalk: 0.8404, Acc.person: 0.9465, Acc.earth: 0.5039, Acc.door: 0.6940, Acc.table: 0.8044, Acc.mountain: 0.6907, Acc.plant: 0.7163, Acc.curtain: 0.8829, Acc.chair: 0.7784, Acc.car: 0.9401, Acc.water: 0.7496, Acc.painting: 0.9075, Acc.sofa: 0.8968, Acc.shelf: 0.6402, Acc.house: 0.6885, Acc.sea: 0.8480, Acc.mirror: 0.8529, Acc.rug: 0.7403, Acc.field: 0.5386, Acc.armchair: 0.7415, Acc.seat: 0.8319, Acc.fence: 0.5628, Acc.desk: 0.8072, Acc.rock: 0.7891, Acc.wardrobe: 0.7797, Acc.lamp: 0.8363, Acc.bathtub: 0.8629, Acc.railing: 0.5468, Acc.cushion: 0.8264, Acc.base: 0.5436, Acc.box: 0.4254, Acc.column: 0.6654, Acc.signboard: 0.5227, Acc.chest of drawers: 0.7034, Acc.counter: 0.6218, Acc.sand: 0.8164, Acc.sink: 0.8687, Acc.skyscraper: 0.6388, Acc.fireplace: 0.8986, Acc.refrigerator: 0.9096, Acc.grandstand: 0.8462, Acc.path: 0.3809, Acc.stairs: 0.5813, Acc.runway: 0.9644, Acc.case: 0.7670, Acc.pool table: 0.9732, Acc.pillow: 0.7714, Acc.screen door: 0.9033, Acc.stairway: 0.6181, Acc.river: 0.2396, Acc.bridge: 0.8140, Acc.bookcase: 0.5914, Acc.blind: 0.4302, Acc.coffee table: 0.8150, Acc.toilet: 0.9622, Acc.flower: 0.6206, Acc.book: 0.7231, Acc.hill: 0.1370, Acc.bench: 0.7602, Acc.countertop: 0.8252, Acc.stove: 0.9122, Acc.palm: 0.7493, Acc.kitchen island: 0.7565, Acc.computer: 0.9200, Acc.swivel chair: 0.7139, Acc.boat: 0.9069, Acc.bar: 0.7873, Acc.arcade machine: 0.9795, Acc.hovel: 0.4970, Acc.bus: 0.9672, Acc.towel: 0.8419, Acc.light: 0.5854, Acc.truck: 0.5135, Acc.tower: 0.7291, Acc.chandelier: 0.8450, Acc.awning: 0.5652, Acc.streetlight: 0.3400, Acc.booth: 0.4815, Acc.television receiver: 0.9023, Acc.airplane: 0.6678, Acc.dirt track: 0.1749, Acc.apparel: 0.8088, Acc.pole: 0.3140, Acc.land: 0.0762, Acc.bannister: 0.1649, Acc.escalator: 0.8893, Acc.ottoman: 0.7494, Acc.bottle: 0.7016, Acc.buffet: 0.6066, Acc.poster: 0.3941, Acc.stage: 0.5917, Acc.van: 0.6726, Acc.ship: 0.8383, Acc.fountain: 0.5050, Acc.conveyer belt: 0.9660, Acc.canopy: 0.7398, Acc.washer: 0.9211, Acc.plaything: 0.4965, Acc.swimming pool: 0.8268, Acc.stool: 0.7039, Acc.barrel: 0.6467, Acc.basket: 0.5915, Acc.waterfall: 0.5458, Acc.tent: 0.9745, Acc.bag: 0.2719, Acc.minibike: 0.8806, Acc.cradle: 0.9863, Acc.oven: 0.6390, Acc.ball: 0.6190, Acc.food: 0.7464, Acc.step: 0.1413, Acc.tank: 0.6661, Acc.trade name: 0.2841, Acc.microwave: 0.9455, Acc.pot: 0.6793, Acc.animal: 0.6771, Acc.bicycle: 0.7783, Acc.lake: 0.6358, Acc.dishwasher: 0.7557, Acc.screen: 0.6917, Acc.blanket: 0.2062, Acc.sculpture: 0.8584, Acc.hood: 0.7123, Acc.sconce: 0.6555, Acc.vase: 0.5644, Acc.traffic light: 0.5578, Acc.tray: 0.2850, Acc.ashcan: 0.6900, Acc.fan: 0.8069, Acc.pier: 0.4381, Acc.crt screen: 0.1385, Acc.plate: 0.7809, Acc.monitor: 0.8429, Acc.bulletin board: 0.8249, Acc.shower: 0.0000, Acc.radiator: 0.7278, Acc.glass: 0.2011, Acc.clock: 0.5736, Acc.flag: 0.7529 2024-01-18 06:44:39,227 - mmseg - INFO - Iter [26050/80000] lr: 2.698e-05, eta: 21:17:11, time: 4.364, data_time: 3.164, memory: 59004, decode.loss_ce: 0.1916, decode.acc_seg: 91.6438, aux.loss_ce: 0.0963, aux.acc_seg: 89.8132, loss: 0.2879 2024-01-18 06:45:39,626 - mmseg - INFO - Iter [26100/80000] lr: 2.695e-05, eta: 21:15:38, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1985, decode.acc_seg: 91.5988, aux.loss_ce: 0.0962, aux.acc_seg: 89.9643, loss: 0.2947 2024-01-18 06:46:39,910 - mmseg - INFO - Iter [26150/80000] lr: 2.693e-05, eta: 21:14:05, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1864, decode.acc_seg: 92.1299, aux.loss_ce: 0.0915, aux.acc_seg: 90.4433, loss: 0.2778 2024-01-18 06:47:40,226 - mmseg - INFO - Iter [26200/80000] lr: 2.690e-05, eta: 21:12:32, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1958, decode.acc_seg: 91.6160, aux.loss_ce: 0.0984, aux.acc_seg: 89.6821, loss: 0.2942 2024-01-18 06:48:40,794 - mmseg - INFO - Iter [26250/80000] lr: 2.688e-05, eta: 21:10:59, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1936, decode.acc_seg: 91.3541, aux.loss_ce: 0.0951, aux.acc_seg: 89.8164, loss: 0.2887 2024-01-18 06:49:41,258 - mmseg - INFO - Iter [26300/80000] lr: 2.685e-05, eta: 21:09:27, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2023, decode.acc_seg: 91.1348, aux.loss_ce: 0.0979, aux.acc_seg: 89.6502, loss: 0.3003 2024-01-18 06:50:41,676 - mmseg - INFO - Iter [26350/80000] lr: 2.683e-05, eta: 21:07:55, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1992, decode.acc_seg: 91.6594, aux.loss_ce: 0.0972, aux.acc_seg: 90.0710, loss: 0.2964 2024-01-18 06:51:42,065 - mmseg - INFO - Iter [26400/80000] lr: 2.680e-05, eta: 21:06:23, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.2008, decode.acc_seg: 91.5938, aux.loss_ce: 0.0984, aux.acc_seg: 90.0428, loss: 0.2992 2024-01-18 06:52:42,451 - mmseg - INFO - Iter [26450/80000] lr: 2.678e-05, eta: 21:04:50, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1928, decode.acc_seg: 91.8201, aux.loss_ce: 0.0955, aux.acc_seg: 90.1734, loss: 0.2883 2024-01-18 06:53:42,789 - mmseg - INFO - Iter [26500/80000] lr: 2.675e-05, eta: 21:03:18, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.2043, decode.acc_seg: 91.4575, aux.loss_ce: 0.0974, aux.acc_seg: 89.8908, loss: 0.3017 2024-01-18 06:54:45,352 - mmseg - INFO - Iter [26550/80000] lr: 2.673e-05, eta: 21:01:51, time: 1.251, data_time: 0.051, memory: 59004, decode.loss_ce: 0.2028, decode.acc_seg: 91.3700, aux.loss_ce: 0.0954, aux.acc_seg: 89.8678, loss: 0.2982 2024-01-18 06:55:45,755 - mmseg - INFO - Iter [26600/80000] lr: 2.670e-05, eta: 21:00:19, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1905, decode.acc_seg: 91.8050, aux.loss_ce: 0.0932, aux.acc_seg: 90.2273, loss: 0.2837 2024-01-18 06:56:46,226 - mmseg - INFO - Iter [26650/80000] lr: 2.668e-05, eta: 20:58:48, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1961, decode.acc_seg: 91.7112, aux.loss_ce: 0.0947, aux.acc_seg: 90.2012, loss: 0.2908 2024-01-18 06:57:46,536 - mmseg - INFO - Iter [26700/80000] lr: 2.665e-05, eta: 20:57:16, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1835, decode.acc_seg: 92.2009, aux.loss_ce: 0.0887, aux.acc_seg: 90.7055, loss: 0.2722 2024-01-18 06:58:46,881 - mmseg - INFO - Iter [26750/80000] lr: 2.663e-05, eta: 20:55:44, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1848, decode.acc_seg: 91.8421, aux.loss_ce: 0.0909, aux.acc_seg: 90.2116, loss: 0.2757 2024-01-18 06:59:47,414 - mmseg - INFO - Iter [26800/80000] lr: 2.660e-05, eta: 20:54:13, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1831, decode.acc_seg: 92.3844, aux.loss_ce: 0.0919, aux.acc_seg: 90.4632, loss: 0.2751 2024-01-18 07:00:47,967 - mmseg - INFO - Iter [26850/80000] lr: 2.658e-05, eta: 20:52:43, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1781, decode.acc_seg: 92.3679, aux.loss_ce: 0.0900, aux.acc_seg: 90.5426, loss: 0.2680 2024-01-18 07:01:48,462 - mmseg - INFO - Iter [26900/80000] lr: 2.655e-05, eta: 20:51:12, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1781, decode.acc_seg: 92.1784, aux.loss_ce: 0.0894, aux.acc_seg: 90.2720, loss: 0.2674 2024-01-18 07:02:48,879 - mmseg - INFO - Iter [26950/80000] lr: 2.653e-05, eta: 20:49:41, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1878, decode.acc_seg: 92.2401, aux.loss_ce: 0.0922, aux.acc_seg: 90.6456, loss: 0.2800 2024-01-18 07:03:49,270 - mmseg - INFO - Saving checkpoint at 27000 iterations 2024-01-18 07:04:37,362 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 07:04:37,362 - mmseg - INFO - Iter [27000/80000] lr: 2.650e-05, eta: 20:49:44, time: 2.170, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1837, decode.acc_seg: 92.0714, aux.loss_ce: 0.0913, aux.acc_seg: 90.3801, loss: 0.2750 2024-01-18 07:07:17,751 - mmseg - INFO - per class results: 2024-01-18 07:07:17,757 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.93 | 89.41 | | building | 84.34 | 94.01 | | sky | 94.62 | 97.22 | | floor | 83.61 | 92.38 | | tree | 75.78 | 90.32 | | ceiling | 86.16 | 93.59 | | road | 85.92 | 92.11 | | bed | 92.42 | 96.55 | | windowpane | 65.01 | 82.0 | | grass | 66.46 | 75.67 | | cabinet | 66.63 | 78.03 | | sidewalk | 70.24 | 83.78 | | person | 83.49 | 94.45 | | earth | 37.95 | 52.73 | | door | 54.42 | 70.3 | | table | 69.08 | 81.0 | | mountain | 61.3 | 73.55 | | plant | 54.58 | 65.7 | | curtain | 78.22 | 86.92 | | chair | 62.96 | 74.32 | | car | 86.4 | 93.69 | | water | 61.35 | 77.59 | | painting | 74.41 | 88.87 | | sofa | 78.54 | 89.49 | | shelf | 45.78 | 62.78 | | house | 45.47 | 56.14 | | sea | 71.65 | 83.44 | | mirror | 75.96 | 85.83 | | rug | 63.19 | 71.93 | | field | 28.0 | 46.02 | | armchair | 55.03 | 72.59 | | seat | 66.67 | 87.63 | | fence | 45.79 | 53.6 | | desk | 58.53 | 76.27 | | rock | 53.41 | 76.61 | | wardrobe | 54.75 | 64.82 | | lamp | 71.42 | 86.69 | | bathtub | 79.34 | 82.88 | | railing | 37.7 | 50.7 | | cushion | 59.67 | 65.51 | | base | 42.46 | 52.58 | | box | 38.55 | 49.11 | | column | 53.69 | 71.08 | | signboard | 34.57 | 43.78 | | chest of drawers | 47.01 | 63.66 | | counter | 48.48 | 56.64 | | sand | 50.72 | 75.49 | | sink | 80.22 | 87.3 | | skyscraper | 54.6 | 58.37 | | fireplace | 71.14 | 89.75 | | refrigerator | 80.85 | 88.4 | | grandstand | 62.44 | 84.08 | | path | 29.61 | 36.79 | | stairs | 37.26 | 44.31 | | runway | 75.17 | 97.12 | | case | 58.9 | 82.34 | | pool table | 94.4 | 98.01 | | pillow | 62.78 | 87.26 | | screen door | 65.01 | 68.8 | | stairway | 38.32 | 57.05 | | river | 9.08 | 18.73 | | bridge | 70.03 | 84.03 | | bookcase | 47.14 | 65.11 | | blind | 37.57 | 44.16 | | coffee table | 63.52 | 86.2 | | toilet | 91.75 | 95.85 | | flower | 46.92 | 59.64 | | book | 52.68 | 70.99 | | hill | 5.76 | 10.88 | | bench | 62.13 | 67.41 | | countertop | 62.3 | 72.88 | | stove | 83.8 | 90.18 | | palm | 56.66 | 71.55 | | kitchen island | 44.77 | 56.61 | | computer | 77.1 | 91.57 | | swivel chair | 42.55 | 56.3 | | boat | 69.72 | 88.39 | | bar | 68.92 | 90.72 | | arcade machine | 88.28 | 93.9 | | hovel | 41.81 | 45.25 | | bus | 90.37 | 96.55 | | towel | 75.01 | 84.81 | | light | 54.36 | 59.29 | | truck | 47.82 | 58.74 | | tower | 29.77 | 47.58 | | chandelier | 71.52 | 84.45 | | awning | 42.62 | 57.26 | | streetlight | 26.85 | 32.51 | | booth | 35.76 | 44.27 | | television receiver | 79.35 | 88.72 | | airplane | 69.89 | 78.75 | | dirt track | 19.78 | 40.35 | | apparel | 57.34 | 71.14 | | pole | 23.27 | 36.28 | | land | 6.35 | 11.81 | | bannister | 10.02 | 12.83 | | escalator | 59.11 | 88.27 | | ottoman | 57.73 | 70.15 | | bottle | 43.8 | 73.86 | | buffet | 60.1 | 69.68 | | poster | 24.49 | 28.94 | | stage | 25.01 | 73.96 | | van | 44.43 | 56.39 | | ship | 76.14 | 85.61 | | fountain | 58.35 | 60.16 | | conveyer belt | 78.16 | 97.85 | | canopy | 38.95 | 52.71 | | washer | 89.01 | 95.93 | | plaything | 32.39 | 65.83 | | swimming pool | 60.07 | 92.31 | | stool | 46.5 | 63.97 | | barrel | 55.89 | 65.46 | | basket | 45.2 | 58.87 | | waterfall | 46.57 | 56.89 | | tent | 93.14 | 98.33 | | bag | 26.81 | 30.83 | | minibike | 74.04 | 89.35 | | cradle | 88.03 | 97.52 | | oven | 61.75 | 77.57 | | ball | 55.73 | 61.38 | | food | 52.43 | 61.65 | | step | 15.0 | 17.35 | | tank | 78.62 | 95.74 | | trade name | 26.91 | 30.06 | | microwave | 87.1 | 94.66 | | pot | 58.32 | 68.59 | | animal | 68.02 | 69.99 | | bicycle | 60.88 | 84.3 | | lake | 60.32 | 63.56 | | dishwasher | 69.39 | 80.57 | | screen | 42.68 | 64.3 | | blanket | 31.88 | 39.33 | | sculpture | 60.97 | 85.95 | | hood | 62.32 | 77.24 | | sconce | 54.3 | 64.95 | | vase | 41.11 | 57.15 | | traffic light | 34.61 | 54.92 | | tray | 12.22 | 15.45 | | ashcan | 52.53 | 62.57 | | fan | 67.24 | 77.18 | | pier | 43.29 | 47.57 | | crt screen | 8.98 | 14.29 | | plate | 60.69 | 78.79 | | monitor | 63.66 | 84.77 | | bulletin board | 50.16 | 62.51 | | shower | 2.15 | 2.34 | | radiator | 66.86 | 74.2 | | glass | 18.41 | 19.47 | | clock | 46.44 | 65.56 | | flag | 69.42 | 75.79 | +---------------------+-------+-------+ 2024-01-18 07:07:17,757 - mmseg - INFO - Summary: 2024-01-18 07:07:17,758 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.41 | 56.43 | 68.65 | +-------+-------+-------+ 2024-01-18 07:07:17,758 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 07:07:17,759 - mmseg - INFO - Iter(val) [250] aAcc: 0.8541, mIoU: 0.5643, mAcc: 0.6865, IoU.wall: 0.8093, IoU.building: 0.8434, IoU.sky: 0.9462, IoU.floor: 0.8361, IoU.tree: 0.7578, IoU.ceiling: 0.8616, IoU.road: 0.8592, IoU.bed : 0.9242, IoU.windowpane: 0.6501, IoU.grass: 0.6646, IoU.cabinet: 0.6663, IoU.sidewalk: 0.7024, IoU.person: 0.8349, IoU.earth: 0.3795, IoU.door: 0.5442, IoU.table: 0.6908, IoU.mountain: 0.6130, IoU.plant: 0.5458, IoU.curtain: 0.7822, IoU.chair: 0.6296, IoU.car: 0.8640, IoU.water: 0.6135, IoU.painting: 0.7441, IoU.sofa: 0.7854, IoU.shelf: 0.4578, IoU.house: 0.4547, IoU.sea: 0.7165, IoU.mirror: 0.7596, IoU.rug: 0.6319, IoU.field: 0.2800, IoU.armchair: 0.5503, IoU.seat: 0.6667, IoU.fence: 0.4579, IoU.desk: 0.5853, IoU.rock: 0.5341, IoU.wardrobe: 0.5475, IoU.lamp: 0.7142, IoU.bathtub: 0.7934, IoU.railing: 0.3770, IoU.cushion: 0.5967, IoU.base: 0.4246, IoU.box: 0.3855, IoU.column: 0.5369, IoU.signboard: 0.3457, IoU.chest of drawers: 0.4701, IoU.counter: 0.4848, IoU.sand: 0.5072, IoU.sink: 0.8022, IoU.skyscraper: 0.5460, IoU.fireplace: 0.7114, IoU.refrigerator: 0.8085, IoU.grandstand: 0.6244, IoU.path: 0.2961, IoU.stairs: 0.3726, IoU.runway: 0.7517, IoU.case: 0.5890, IoU.pool table: 0.9440, IoU.pillow: 0.6278, IoU.screen door: 0.6501, IoU.stairway: 0.3832, IoU.river: 0.0908, IoU.bridge: 0.7003, IoU.bookcase: 0.4714, IoU.blind: 0.3757, IoU.coffee table: 0.6352, IoU.toilet: 0.9175, IoU.flower: 0.4692, IoU.book: 0.5268, IoU.hill: 0.0576, IoU.bench: 0.6213, IoU.countertop: 0.6230, IoU.stove: 0.8380, IoU.palm: 0.5666, IoU.kitchen island: 0.4477, IoU.computer: 0.7710, IoU.swivel chair: 0.4255, IoU.boat: 0.6972, IoU.bar: 0.6892, IoU.arcade machine: 0.8828, IoU.hovel: 0.4181, IoU.bus: 0.9037, IoU.towel: 0.7501, IoU.light: 0.5436, IoU.truck: 0.4782, IoU.tower: 0.2977, IoU.chandelier: 0.7152, IoU.awning: 0.4262, IoU.streetlight: 0.2685, IoU.booth: 0.3576, IoU.television receiver: 0.7935, IoU.airplane: 0.6989, IoU.dirt track: 0.1978, IoU.apparel: 0.5734, IoU.pole: 0.2327, IoU.land: 0.0635, IoU.bannister: 0.1002, IoU.escalator: 0.5911, IoU.ottoman: 0.5773, IoU.bottle: 0.4380, IoU.buffet: 0.6010, IoU.poster: 0.2449, IoU.stage: 0.2501, IoU.van: 0.4443, IoU.ship: 0.7614, IoU.fountain: 0.5835, IoU.conveyer belt: 0.7816, IoU.canopy: 0.3895, IoU.washer: 0.8901, IoU.plaything: 0.3239, IoU.swimming pool: 0.6007, IoU.stool: 0.4650, IoU.barrel: 0.5589, IoU.basket: 0.4520, IoU.waterfall: 0.4657, IoU.tent: 0.9314, IoU.bag: 0.2681, IoU.minibike: 0.7404, IoU.cradle: 0.8803, IoU.oven: 0.6175, IoU.ball: 0.5573, IoU.food: 0.5243, IoU.step: 0.1500, IoU.tank: 0.7862, IoU.trade name: 0.2691, IoU.microwave: 0.8710, IoU.pot: 0.5832, IoU.animal: 0.6802, IoU.bicycle: 0.6088, IoU.lake: 0.6032, IoU.dishwasher: 0.6939, IoU.screen: 0.4268, IoU.blanket: 0.3188, IoU.sculpture: 0.6097, IoU.hood: 0.6232, IoU.sconce: 0.5430, IoU.vase: 0.4111, IoU.traffic light: 0.3461, IoU.tray: 0.1222, IoU.ashcan: 0.5253, IoU.fan: 0.6724, IoU.pier: 0.4329, IoU.crt screen: 0.0898, IoU.plate: 0.6069, IoU.monitor: 0.6366, IoU.bulletin board: 0.5016, IoU.shower: 0.0215, IoU.radiator: 0.6686, IoU.glass: 0.1841, IoU.clock: 0.4644, IoU.flag: 0.6942, Acc.wall: 0.8941, Acc.building: 0.9401, Acc.sky: 0.9722, Acc.floor: 0.9238, Acc.tree: 0.9032, Acc.ceiling: 0.9359, Acc.road: 0.9211, Acc.bed : 0.9655, Acc.windowpane: 0.8200, Acc.grass: 0.7567, Acc.cabinet: 0.7803, Acc.sidewalk: 0.8378, Acc.person: 0.9445, Acc.earth: 0.5273, Acc.door: 0.7030, Acc.table: 0.8100, Acc.mountain: 0.7355, Acc.plant: 0.6570, Acc.curtain: 0.8692, Acc.chair: 0.7432, Acc.car: 0.9369, Acc.water: 0.7759, Acc.painting: 0.8887, Acc.sofa: 0.8949, Acc.shelf: 0.6278, Acc.house: 0.5614, Acc.sea: 0.8344, Acc.mirror: 0.8583, Acc.rug: 0.7193, Acc.field: 0.4602, Acc.armchair: 0.7259, Acc.seat: 0.8763, Acc.fence: 0.5360, Acc.desk: 0.7627, Acc.rock: 0.7661, Acc.wardrobe: 0.6482, Acc.lamp: 0.8669, Acc.bathtub: 0.8288, Acc.railing: 0.5070, Acc.cushion: 0.6551, Acc.base: 0.5258, Acc.box: 0.4911, Acc.column: 0.7108, Acc.signboard: 0.4378, Acc.chest of drawers: 0.6366, Acc.counter: 0.5664, Acc.sand: 0.7549, Acc.sink: 0.8730, Acc.skyscraper: 0.5837, Acc.fireplace: 0.8975, Acc.refrigerator: 0.8840, Acc.grandstand: 0.8408, Acc.path: 0.3679, Acc.stairs: 0.4431, Acc.runway: 0.9712, Acc.case: 0.8234, Acc.pool table: 0.9801, Acc.pillow: 0.8726, Acc.screen door: 0.6880, Acc.stairway: 0.5705, Acc.river: 0.1873, Acc.bridge: 0.8403, Acc.bookcase: 0.6511, Acc.blind: 0.4416, Acc.coffee table: 0.8620, Acc.toilet: 0.9585, Acc.flower: 0.5964, Acc.book: 0.7099, Acc.hill: 0.1088, Acc.bench: 0.6741, Acc.countertop: 0.7288, Acc.stove: 0.9018, Acc.palm: 0.7155, Acc.kitchen island: 0.5661, Acc.computer: 0.9157, Acc.swivel chair: 0.5630, Acc.boat: 0.8839, Acc.bar: 0.9072, Acc.arcade machine: 0.9390, Acc.hovel: 0.4525, Acc.bus: 0.9655, Acc.towel: 0.8481, Acc.light: 0.5929, Acc.truck: 0.5874, Acc.tower: 0.4758, Acc.chandelier: 0.8445, Acc.awning: 0.5726, Acc.streetlight: 0.3251, Acc.booth: 0.4427, Acc.television receiver: 0.8872, Acc.airplane: 0.7875, Acc.dirt track: 0.4035, Acc.apparel: 0.7114, Acc.pole: 0.3628, Acc.land: 0.1181, Acc.bannister: 0.1283, Acc.escalator: 0.8827, Acc.ottoman: 0.7015, Acc.bottle: 0.7386, Acc.buffet: 0.6968, Acc.poster: 0.2894, Acc.stage: 0.7396, Acc.van: 0.5639, Acc.ship: 0.8561, Acc.fountain: 0.6016, Acc.conveyer belt: 0.9785, Acc.canopy: 0.5271, Acc.washer: 0.9593, Acc.plaything: 0.6583, Acc.swimming pool: 0.9231, Acc.stool: 0.6397, Acc.barrel: 0.6546, Acc.basket: 0.5887, Acc.waterfall: 0.5689, Acc.tent: 0.9833, Acc.bag: 0.3083, Acc.minibike: 0.8935, Acc.cradle: 0.9752, Acc.oven: 0.7757, Acc.ball: 0.6138, Acc.food: 0.6165, Acc.step: 0.1735, Acc.tank: 0.9574, Acc.trade name: 0.3006, Acc.microwave: 0.9466, Acc.pot: 0.6859, Acc.animal: 0.6999, Acc.bicycle: 0.8430, Acc.lake: 0.6356, Acc.dishwasher: 0.8057, Acc.screen: 0.6430, Acc.blanket: 0.3933, Acc.sculpture: 0.8595, Acc.hood: 0.7724, Acc.sconce: 0.6495, Acc.vase: 0.5715, Acc.traffic light: 0.5492, Acc.tray: 0.1545, Acc.ashcan: 0.6257, Acc.fan: 0.7718, Acc.pier: 0.4757, Acc.crt screen: 0.1429, Acc.plate: 0.7879, Acc.monitor: 0.8477, Acc.bulletin board: 0.6251, Acc.shower: 0.0234, Acc.radiator: 0.7420, Acc.glass: 0.1947, Acc.clock: 0.6556, Acc.flag: 0.7579 2024-01-18 07:08:18,592 - mmseg - INFO - Iter [27050/80000] lr: 2.648e-05, eta: 20:53:28, time: 4.425, data_time: 3.225, memory: 59004, decode.loss_ce: 0.1878, decode.acc_seg: 91.8136, aux.loss_ce: 0.0933, aux.acc_seg: 89.9282, loss: 0.2811 2024-01-18 07:09:18,980 - mmseg - INFO - Iter [27100/80000] lr: 2.645e-05, eta: 20:51:56, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1791, decode.acc_seg: 92.2205, aux.loss_ce: 0.0916, aux.acc_seg: 90.2242, loss: 0.2707 2024-01-18 07:10:19,435 - mmseg - INFO - Iter [27150/80000] lr: 2.643e-05, eta: 20:50:25, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1891, decode.acc_seg: 91.9913, aux.loss_ce: 0.0930, aux.acc_seg: 90.1329, loss: 0.2821 2024-01-18 07:11:19,790 - mmseg - INFO - Iter [27200/80000] lr: 2.640e-05, eta: 20:48:53, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1774, decode.acc_seg: 92.2940, aux.loss_ce: 0.0896, aux.acc_seg: 90.5163, loss: 0.2669 2024-01-18 07:12:20,211 - mmseg - INFO - Iter [27250/80000] lr: 2.638e-05, eta: 20:47:22, time: 1.208, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1934, decode.acc_seg: 91.6494, aux.loss_ce: 0.0936, aux.acc_seg: 90.1300, loss: 0.2869 2024-01-18 07:13:20,713 - mmseg - INFO - Iter [27300/80000] lr: 2.635e-05, eta: 20:45:51, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1810, decode.acc_seg: 92.4239, aux.loss_ce: 0.0892, aux.acc_seg: 90.6110, loss: 0.2702 2024-01-18 07:14:21,148 - mmseg - INFO - Iter [27350/80000] lr: 2.633e-05, eta: 20:44:20, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1799, decode.acc_seg: 92.1188, aux.loss_ce: 0.0916, aux.acc_seg: 90.2470, loss: 0.2715 2024-01-18 07:15:21,504 - mmseg - INFO - Iter [27400/80000] lr: 2.630e-05, eta: 20:42:49, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1916, decode.acc_seg: 91.6336, aux.loss_ce: 0.0950, aux.acc_seg: 89.9839, loss: 0.2866 2024-01-18 07:16:21,925 - mmseg - INFO - Iter [27450/80000] lr: 2.628e-05, eta: 20:41:18, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1843, decode.acc_seg: 92.1582, aux.loss_ce: 0.0919, aux.acc_seg: 90.4428, loss: 0.2762 2024-01-18 07:17:22,356 - mmseg - INFO - Iter [27500/80000] lr: 2.625e-05, eta: 20:39:47, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1877, decode.acc_seg: 91.8085, aux.loss_ce: 0.0944, aux.acc_seg: 90.1688, loss: 0.2821 2024-01-18 07:18:22,752 - mmseg - INFO - Iter [27550/80000] lr: 2.623e-05, eta: 20:38:16, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1863, decode.acc_seg: 91.9832, aux.loss_ce: 0.0959, aux.acc_seg: 89.7925, loss: 0.2823 2024-01-18 07:19:23,203 - mmseg - INFO - Iter [27600/80000] lr: 2.620e-05, eta: 20:36:46, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1973, decode.acc_seg: 91.4524, aux.loss_ce: 0.0966, aux.acc_seg: 89.7263, loss: 0.2939 2024-01-18 07:20:23,642 - mmseg - INFO - Iter [27650/80000] lr: 2.618e-05, eta: 20:35:15, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1898, decode.acc_seg: 91.7720, aux.loss_ce: 0.0921, aux.acc_seg: 90.3044, loss: 0.2818 2024-01-18 07:21:24,090 - mmseg - INFO - Iter [27700/80000] lr: 2.615e-05, eta: 20:33:45, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1817, decode.acc_seg: 92.1447, aux.loss_ce: 0.0900, aux.acc_seg: 90.4838, loss: 0.2717 2024-01-18 07:22:24,439 - mmseg - INFO - Iter [27750/80000] lr: 2.613e-05, eta: 20:32:14, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1793, decode.acc_seg: 92.3045, aux.loss_ce: 0.0896, aux.acc_seg: 90.6571, loss: 0.2688 2024-01-18 07:23:27,072 - mmseg - INFO - Iter [27800/80000] lr: 2.610e-05, eta: 20:30:48, time: 1.253, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1819, decode.acc_seg: 92.2472, aux.loss_ce: 0.0899, aux.acc_seg: 90.6954, loss: 0.2718 2024-01-18 07:24:27,502 - mmseg - INFO - Iter [27850/80000] lr: 2.608e-05, eta: 20:29:18, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1776, decode.acc_seg: 92.3792, aux.loss_ce: 0.0858, aux.acc_seg: 90.8064, loss: 0.2633 2024-01-18 07:25:27,913 - mmseg - INFO - Iter [27900/80000] lr: 2.605e-05, eta: 20:27:48, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1845, decode.acc_seg: 92.0549, aux.loss_ce: 0.0910, aux.acc_seg: 90.3801, loss: 0.2754 2024-01-18 07:26:28,346 - mmseg - INFO - Iter [27950/80000] lr: 2.603e-05, eta: 20:26:19, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1772, decode.acc_seg: 92.3779, aux.loss_ce: 0.0892, aux.acc_seg: 90.5650, loss: 0.2663 2024-01-18 07:27:28,776 - mmseg - INFO - Saving checkpoint at 28000 iterations 2024-01-18 07:28:15,372 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 07:28:15,373 - mmseg - INFO - Iter [28000/80000] lr: 2.600e-05, eta: 20:26:15, time: 2.140, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1878, decode.acc_seg: 91.8581, aux.loss_ce: 0.0931, aux.acc_seg: 90.0344, loss: 0.2809 2024-01-18 07:30:52,242 - mmseg - INFO - per class results: 2024-01-18 07:30:52,249 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.59 | 90.48 | | building | 84.37 | 91.96 | | sky | 94.53 | 97.57 | | floor | 83.4 | 91.42 | | tree | 75.79 | 87.68 | | ceiling | 85.7 | 92.1 | | road | 86.42 | 91.47 | | bed | 91.85 | 97.19 | | windowpane | 63.12 | 75.66 | | grass | 67.41 | 77.09 | | cabinet | 64.13 | 73.12 | | sidewalk | 70.82 | 83.63 | | person | 83.86 | 94.01 | | earth | 37.23 | 50.07 | | door | 57.49 | 75.8 | | table | 66.43 | 86.31 | | mountain | 56.77 | 65.77 | | plant | 56.46 | 70.06 | | curtain | 77.4 | 86.28 | | chair | 62.8 | 74.05 | | car | 86.12 | 94.32 | | water | 60.36 | 76.29 | | painting | 73.47 | 87.46 | | sofa | 78.43 | 90.0 | | shelf | 44.49 | 58.68 | | house | 46.14 | 68.98 | | sea | 69.52 | 82.2 | | mirror | 75.84 | 87.83 | | rug | 62.06 | 72.95 | | field | 29.45 | 57.44 | | armchair | 55.58 | 74.39 | | seat | 66.27 | 83.63 | | fence | 45.84 | 54.93 | | desk | 54.76 | 73.71 | | rock | 53.04 | 82.33 | | wardrobe | 54.0 | 73.26 | | lamp | 71.64 | 85.43 | | bathtub | 82.61 | 86.78 | | railing | 37.19 | 46.76 | | cushion | 62.73 | 68.16 | | base | 38.15 | 60.22 | | box | 37.88 | 45.64 | | column | 52.45 | 61.15 | | signboard | 35.85 | 48.26 | | chest of drawers | 47.98 | 67.83 | | counter | 46.7 | 52.69 | | sand | 54.4 | 78.96 | | sink | 80.65 | 88.13 | | skyscraper | 54.13 | 63.95 | | fireplace | 77.74 | 88.71 | | refrigerator | 80.14 | 91.07 | | grandstand | 63.22 | 82.11 | | path | 29.92 | 40.72 | | stairs | 36.93 | 42.76 | | runway | 74.26 | 95.62 | | case | 63.51 | 76.91 | | pool table | 94.02 | 98.18 | | pillow | 65.87 | 81.74 | | screen door | 74.08 | 79.38 | | stairway | 42.07 | 59.71 | | river | 10.99 | 22.88 | | bridge | 70.69 | 84.85 | | bookcase | 43.4 | 64.77 | | blind | 33.58 | 37.3 | | coffee table | 64.23 | 73.36 | | toilet | 90.19 | 97.62 | | flower | 45.74 | 67.56 | | book | 53.09 | 75.94 | | hill | 7.35 | 13.83 | | bench | 65.21 | 75.46 | | countertop | 64.23 | 81.98 | | stove | 82.22 | 90.96 | | palm | 55.72 | 69.36 | | kitchen island | 38.46 | 60.01 | | computer | 76.0 | 88.5 | | swivel chair | 43.02 | 62.79 | | boat | 55.6 | 92.33 | | bar | 67.04 | 86.54 | | arcade machine | 89.57 | 95.83 | | hovel | 44.48 | 51.51 | | bus | 91.55 | 95.68 | | towel | 76.5 | 83.54 | | light | 57.72 | 67.18 | | truck | 47.36 | 57.77 | | tower | 26.17 | 43.24 | | chandelier | 71.52 | 83.99 | | awning | 41.25 | 54.22 | | streetlight | 24.61 | 27.77 | | booth | 43.79 | 63.73 | | television receiver | 82.52 | 90.59 | | airplane | 68.85 | 77.64 | | dirt track | 9.65 | 13.13 | | apparel | 57.07 | 81.11 | | pole | 28.95 | 56.5 | | land | 10.73 | 20.07 | | bannister | 13.46 | 24.36 | | escalator | 59.81 | 87.12 | | ottoman | 51.18 | 67.24 | | bottle | 40.68 | 73.57 | | buffet | 58.29 | 67.8 | | poster | 22.24 | 29.82 | | stage | 28.9 | 69.09 | | van | 49.55 | 63.12 | | ship | 74.82 | 90.55 | | fountain | 60.73 | 64.36 | | conveyer belt | 76.06 | 98.48 | | canopy | 50.44 | 69.39 | | washer | 87.62 | 92.35 | | plaything | 24.19 | 48.51 | | swimming pool | 60.15 | 89.54 | | stool | 44.81 | 67.0 | | barrel | 57.79 | 67.17 | | basket | 44.1 | 57.88 | | waterfall | 45.34 | 59.49 | | tent | 90.44 | 98.84 | | bag | 26.9 | 30.93 | | minibike | 74.1 | 87.5 | | cradle | 84.33 | 98.42 | | oven | 66.29 | 78.15 | | ball | 59.18 | 70.1 | | food | 63.35 | 74.82 | | step | 22.8 | 25.61 | | tank | 82.5 | 92.5 | | trade name | 29.93 | 41.82 | | microwave | 88.43 | 93.91 | | pot | 56.25 | 65.54 | | animal | 68.06 | 71.06 | | bicycle | 59.7 | 77.37 | | lake | 60.77 | 63.67 | | dishwasher | 60.56 | 77.86 | | screen | 43.31 | 57.76 | | blanket | 25.75 | 30.45 | | sculpture | 73.76 | 84.13 | | hood | 56.85 | 64.89 | | sconce | 53.01 | 63.21 | | vase | 42.37 | 56.2 | | traffic light | 34.25 | 49.44 | | tray | 20.56 | 28.07 | | ashcan | 51.1 | 69.83 | | fan | 64.32 | 73.46 | | pier | 40.09 | 43.69 | | crt screen | 3.49 | 6.3 | | plate | 58.22 | 75.23 | | monitor | 65.14 | 84.97 | | bulletin board | 52.6 | 68.28 | | shower | 3.94 | 4.44 | | radiator | 64.65 | 75.89 | | glass | 20.05 | 21.63 | | clock | 50.89 | 57.6 | | flag | 67.57 | 72.0 | +---------------------+-------+-------+ 2024-01-18 07:30:52,249 - mmseg - INFO - Summary: 2024-01-18 07:30:52,249 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.19 | 56.54 | 69.29 | +-------+-------+-------+ 2024-01-18 07:30:52,250 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 07:30:52,250 - mmseg - INFO - Iter(val) [250] aAcc: 0.8519, mIoU: 0.5654, mAcc: 0.6929, IoU.wall: 0.8059, IoU.building: 0.8437, IoU.sky: 0.9453, IoU.floor: 0.8340, IoU.tree: 0.7579, IoU.ceiling: 0.8570, IoU.road: 0.8642, IoU.bed : 0.9185, IoU.windowpane: 0.6312, IoU.grass: 0.6741, IoU.cabinet: 0.6413, IoU.sidewalk: 0.7082, IoU.person: 0.8386, IoU.earth: 0.3723, IoU.door: 0.5749, IoU.table: 0.6643, IoU.mountain: 0.5677, IoU.plant: 0.5646, IoU.curtain: 0.7740, IoU.chair: 0.6280, IoU.car: 0.8612, IoU.water: 0.6036, IoU.painting: 0.7347, IoU.sofa: 0.7843, IoU.shelf: 0.4449, IoU.house: 0.4614, IoU.sea: 0.6952, IoU.mirror: 0.7584, IoU.rug: 0.6206, IoU.field: 0.2945, IoU.armchair: 0.5558, IoU.seat: 0.6627, IoU.fence: 0.4584, IoU.desk: 0.5476, IoU.rock: 0.5304, IoU.wardrobe: 0.5400, IoU.lamp: 0.7164, IoU.bathtub: 0.8261, IoU.railing: 0.3719, IoU.cushion: 0.6273, IoU.base: 0.3815, IoU.box: 0.3788, IoU.column: 0.5245, IoU.signboard: 0.3585, IoU.chest of drawers: 0.4798, IoU.counter: 0.4670, IoU.sand: 0.5440, IoU.sink: 0.8065, IoU.skyscraper: 0.5413, IoU.fireplace: 0.7774, IoU.refrigerator: 0.8014, IoU.grandstand: 0.6322, IoU.path: 0.2992, IoU.stairs: 0.3693, IoU.runway: 0.7426, IoU.case: 0.6351, IoU.pool table: 0.9402, IoU.pillow: 0.6587, IoU.screen door: 0.7408, IoU.stairway: 0.4207, IoU.river: 0.1099, IoU.bridge: 0.7069, IoU.bookcase: 0.4340, IoU.blind: 0.3358, IoU.coffee table: 0.6423, IoU.toilet: 0.9019, IoU.flower: 0.4574, IoU.book: 0.5309, IoU.hill: 0.0735, IoU.bench: 0.6521, IoU.countertop: 0.6423, IoU.stove: 0.8222, IoU.palm: 0.5572, IoU.kitchen island: 0.3846, IoU.computer: 0.7600, IoU.swivel chair: 0.4302, IoU.boat: 0.5560, IoU.bar: 0.6704, IoU.arcade machine: 0.8957, IoU.hovel: 0.4448, IoU.bus: 0.9155, IoU.towel: 0.7650, IoU.light: 0.5772, IoU.truck: 0.4736, IoU.tower: 0.2617, IoU.chandelier: 0.7152, IoU.awning: 0.4125, IoU.streetlight: 0.2461, IoU.booth: 0.4379, IoU.television receiver: 0.8252, IoU.airplane: 0.6885, IoU.dirt track: 0.0965, IoU.apparel: 0.5707, IoU.pole: 0.2895, IoU.land: 0.1073, IoU.bannister: 0.1346, IoU.escalator: 0.5981, IoU.ottoman: 0.5118, IoU.bottle: 0.4068, IoU.buffet: 0.5829, IoU.poster: 0.2224, IoU.stage: 0.2890, IoU.van: 0.4955, IoU.ship: 0.7482, IoU.fountain: 0.6073, IoU.conveyer belt: 0.7606, IoU.canopy: 0.5044, IoU.washer: 0.8762, IoU.plaything: 0.2419, IoU.swimming pool: 0.6015, IoU.stool: 0.4481, IoU.barrel: 0.5779, IoU.basket: 0.4410, IoU.waterfall: 0.4534, IoU.tent: 0.9044, IoU.bag: 0.2690, IoU.minibike: 0.7410, IoU.cradle: 0.8433, IoU.oven: 0.6629, IoU.ball: 0.5918, IoU.food: 0.6335, IoU.step: 0.2280, IoU.tank: 0.8250, IoU.trade name: 0.2993, IoU.microwave: 0.8843, IoU.pot: 0.5625, IoU.animal: 0.6806, IoU.bicycle: 0.5970, IoU.lake: 0.6077, IoU.dishwasher: 0.6056, IoU.screen: 0.4331, IoU.blanket: 0.2575, IoU.sculpture: 0.7376, IoU.hood: 0.5685, IoU.sconce: 0.5301, IoU.vase: 0.4237, IoU.traffic light: 0.3425, IoU.tray: 0.2056, IoU.ashcan: 0.5110, IoU.fan: 0.6432, IoU.pier: 0.4009, IoU.crt screen: 0.0349, IoU.plate: 0.5822, IoU.monitor: 0.6514, IoU.bulletin board: 0.5260, IoU.shower: 0.0394, IoU.radiator: 0.6465, IoU.glass: 0.2005, IoU.clock: 0.5089, IoU.flag: 0.6757, Acc.wall: 0.9048, Acc.building: 0.9196, Acc.sky: 0.9757, Acc.floor: 0.9142, Acc.tree: 0.8768, Acc.ceiling: 0.9210, Acc.road: 0.9147, Acc.bed : 0.9719, Acc.windowpane: 0.7566, Acc.grass: 0.7709, Acc.cabinet: 0.7312, Acc.sidewalk: 0.8363, Acc.person: 0.9401, Acc.earth: 0.5007, Acc.door: 0.7580, Acc.table: 0.8631, Acc.mountain: 0.6577, Acc.plant: 0.7006, Acc.curtain: 0.8628, Acc.chair: 0.7405, Acc.car: 0.9432, Acc.water: 0.7629, Acc.painting: 0.8746, Acc.sofa: 0.9000, Acc.shelf: 0.5868, Acc.house: 0.6898, Acc.sea: 0.8220, Acc.mirror: 0.8783, Acc.rug: 0.7295, Acc.field: 0.5744, Acc.armchair: 0.7439, Acc.seat: 0.8363, Acc.fence: 0.5493, Acc.desk: 0.7371, Acc.rock: 0.8233, Acc.wardrobe: 0.7326, Acc.lamp: 0.8543, Acc.bathtub: 0.8678, Acc.railing: 0.4676, Acc.cushion: 0.6816, Acc.base: 0.6022, Acc.box: 0.4564, Acc.column: 0.6115, Acc.signboard: 0.4826, Acc.chest of drawers: 0.6783, Acc.counter: 0.5269, Acc.sand: 0.7896, Acc.sink: 0.8813, Acc.skyscraper: 0.6395, Acc.fireplace: 0.8871, Acc.refrigerator: 0.9107, Acc.grandstand: 0.8211, Acc.path: 0.4072, Acc.stairs: 0.4276, Acc.runway: 0.9562, Acc.case: 0.7691, Acc.pool table: 0.9818, Acc.pillow: 0.8174, Acc.screen door: 0.7938, Acc.stairway: 0.5971, Acc.river: 0.2288, Acc.bridge: 0.8485, Acc.bookcase: 0.6477, Acc.blind: 0.3730, Acc.coffee table: 0.7336, Acc.toilet: 0.9762, Acc.flower: 0.6756, Acc.book: 0.7594, Acc.hill: 0.1383, Acc.bench: 0.7546, Acc.countertop: 0.8198, Acc.stove: 0.9096, Acc.palm: 0.6936, Acc.kitchen island: 0.6001, Acc.computer: 0.8850, Acc.swivel chair: 0.6279, Acc.boat: 0.9233, Acc.bar: 0.8654, Acc.arcade machine: 0.9583, Acc.hovel: 0.5151, Acc.bus: 0.9568, Acc.towel: 0.8354, Acc.light: 0.6718, Acc.truck: 0.5777, Acc.tower: 0.4324, Acc.chandelier: 0.8399, Acc.awning: 0.5422, Acc.streetlight: 0.2777, Acc.booth: 0.6373, Acc.television receiver: 0.9059, Acc.airplane: 0.7764, Acc.dirt track: 0.1313, Acc.apparel: 0.8111, Acc.pole: 0.5650, Acc.land: 0.2007, Acc.bannister: 0.2436, Acc.escalator: 0.8712, Acc.ottoman: 0.6724, Acc.bottle: 0.7357, Acc.buffet: 0.6780, Acc.poster: 0.2982, Acc.stage: 0.6909, Acc.van: 0.6312, Acc.ship: 0.9055, Acc.fountain: 0.6436, Acc.conveyer belt: 0.9848, Acc.canopy: 0.6939, Acc.washer: 0.9235, Acc.plaything: 0.4851, Acc.swimming pool: 0.8954, Acc.stool: 0.6700, Acc.barrel: 0.6717, Acc.basket: 0.5788, Acc.waterfall: 0.5949, Acc.tent: 0.9884, Acc.bag: 0.3093, Acc.minibike: 0.8750, Acc.cradle: 0.9842, Acc.oven: 0.7815, Acc.ball: 0.7010, Acc.food: 0.7482, Acc.step: 0.2561, Acc.tank: 0.9250, Acc.trade name: 0.4182, Acc.microwave: 0.9391, Acc.pot: 0.6554, Acc.animal: 0.7106, Acc.bicycle: 0.7737, Acc.lake: 0.6367, Acc.dishwasher: 0.7786, Acc.screen: 0.5776, Acc.blanket: 0.3045, Acc.sculpture: 0.8413, Acc.hood: 0.6489, Acc.sconce: 0.6321, Acc.vase: 0.5620, Acc.traffic light: 0.4944, Acc.tray: 0.2807, Acc.ashcan: 0.6983, Acc.fan: 0.7346, Acc.pier: 0.4369, Acc.crt screen: 0.0630, Acc.plate: 0.7523, Acc.monitor: 0.8497, Acc.bulletin board: 0.6828, Acc.shower: 0.0444, Acc.radiator: 0.7589, Acc.glass: 0.2163, Acc.clock: 0.5760, Acc.flag: 0.7200 2024-01-18 07:31:52,968 - mmseg - INFO - Iter [28050/80000] lr: 2.598e-05, eta: 20:29:37, time: 4.352, data_time: 3.153, memory: 59004, decode.loss_ce: 0.1907, decode.acc_seg: 91.7518, aux.loss_ce: 0.0949, aux.acc_seg: 90.0846, loss: 0.2855 2024-01-18 07:32:53,223 - mmseg - INFO - Iter [28100/80000] lr: 2.595e-05, eta: 20:28:06, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1861, decode.acc_seg: 92.2401, aux.loss_ce: 0.0902, aux.acc_seg: 90.7519, loss: 0.2764 2024-01-18 07:33:53,608 - mmseg - INFO - Iter [28150/80000] lr: 2.593e-05, eta: 20:26:35, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1696, decode.acc_seg: 92.5647, aux.loss_ce: 0.0853, aux.acc_seg: 90.8235, loss: 0.2549 2024-01-18 07:34:54,021 - mmseg - INFO - Iter [28200/80000] lr: 2.590e-05, eta: 20:25:05, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1750, decode.acc_seg: 92.2855, aux.loss_ce: 0.0885, aux.acc_seg: 90.5602, loss: 0.2635 2024-01-18 07:35:54,308 - mmseg - INFO - Iter [28250/80000] lr: 2.588e-05, eta: 20:23:34, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1762, decode.acc_seg: 92.1749, aux.loss_ce: 0.0854, aux.acc_seg: 90.8314, loss: 0.2616 2024-01-18 07:36:54,697 - mmseg - INFO - Iter [28300/80000] lr: 2.585e-05, eta: 20:22:04, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1808, decode.acc_seg: 92.3291, aux.loss_ce: 0.0896, aux.acc_seg: 90.6463, loss: 0.2704 2024-01-18 07:37:55,205 - mmseg - INFO - Iter [28350/80000] lr: 2.583e-05, eta: 20:20:34, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1835, decode.acc_seg: 92.1114, aux.loss_ce: 0.0884, aux.acc_seg: 90.7583, loss: 0.2719 2024-01-18 07:38:55,686 - mmseg - INFO - Iter [28400/80000] lr: 2.580e-05, eta: 20:19:05, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1904, decode.acc_seg: 92.2440, aux.loss_ce: 0.0912, aux.acc_seg: 90.5856, loss: 0.2816 2024-01-18 07:39:56,090 - mmseg - INFO - Iter [28450/80000] lr: 2.578e-05, eta: 20:17:35, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1814, decode.acc_seg: 92.0756, aux.loss_ce: 0.0895, aux.acc_seg: 90.4775, loss: 0.2709 2024-01-18 07:40:56,487 - mmseg - INFO - Iter [28500/80000] lr: 2.575e-05, eta: 20:16:05, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1758, decode.acc_seg: 92.2052, aux.loss_ce: 0.0867, aux.acc_seg: 90.6785, loss: 0.2626 2024-01-18 07:41:56,922 - mmseg - INFO - Iter [28550/80000] lr: 2.573e-05, eta: 20:14:35, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1922, decode.acc_seg: 91.8485, aux.loss_ce: 0.0931, aux.acc_seg: 90.2432, loss: 0.2853 2024-01-18 07:42:57,315 - mmseg - INFO - Iter [28600/80000] lr: 2.570e-05, eta: 20:13:06, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1831, decode.acc_seg: 92.1231, aux.loss_ce: 0.0915, aux.acc_seg: 90.2953, loss: 0.2746 2024-01-18 07:43:57,796 - mmseg - INFO - Iter [28650/80000] lr: 2.568e-05, eta: 20:11:36, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1747, decode.acc_seg: 92.3114, aux.loss_ce: 0.0874, aux.acc_seg: 90.6105, loss: 0.2621 2024-01-18 07:44:58,301 - mmseg - INFO - Iter [28700/80000] lr: 2.565e-05, eta: 20:10:07, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1770, decode.acc_seg: 92.2887, aux.loss_ce: 0.0885, aux.acc_seg: 90.4859, loss: 0.2654 2024-01-18 07:45:58,661 - mmseg - INFO - Iter [28750/80000] lr: 2.563e-05, eta: 20:08:38, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1816, decode.acc_seg: 92.1406, aux.loss_ce: 0.0905, aux.acc_seg: 90.3021, loss: 0.2722 2024-01-18 07:46:59,021 - mmseg - INFO - Iter [28800/80000] lr: 2.560e-05, eta: 20:07:09, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1796, decode.acc_seg: 92.2918, aux.loss_ce: 0.0886, aux.acc_seg: 90.7034, loss: 0.2682 2024-01-18 07:47:59,547 - mmseg - INFO - Iter [28850/80000] lr: 2.558e-05, eta: 20:05:40, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1762, decode.acc_seg: 92.4443, aux.loss_ce: 0.0883, aux.acc_seg: 90.7992, loss: 0.2645 2024-01-18 07:48:59,838 - mmseg - INFO - Iter [28900/80000] lr: 2.555e-05, eta: 20:04:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1838, decode.acc_seg: 92.0432, aux.loss_ce: 0.0902, aux.acc_seg: 90.4688, loss: 0.2741 2024-01-18 07:50:00,371 - mmseg - INFO - Iter [28950/80000] lr: 2.553e-05, eta: 20:02:42, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1909, decode.acc_seg: 91.8473, aux.loss_ce: 0.0940, aux.acc_seg: 90.1193, loss: 0.2848 2024-01-18 07:51:00,765 - mmseg - INFO - Saving checkpoint at 29000 iterations 2024-01-18 07:51:47,025 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 07:51:47,026 - mmseg - INFO - Iter [29000/80000] lr: 2.550e-05, eta: 20:02:35, time: 2.133, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1851, decode.acc_seg: 92.0193, aux.loss_ce: 0.0906, aux.acc_seg: 90.4499, loss: 0.2757 2024-01-18 07:54:23,911 - mmseg - INFO - per class results: 2024-01-18 07:54:23,918 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.96 | 90.65 | | building | 83.61 | 91.36 | | sky | 94.62 | 97.12 | | floor | 83.14 | 90.73 | | tree | 76.09 | 89.85 | | ceiling | 85.72 | 91.67 | | road | 85.91 | 91.72 | | bed | 91.59 | 97.4 | | windowpane | 64.79 | 80.88 | | grass | 66.88 | 78.99 | | cabinet | 64.78 | 75.22 | | sidewalk | 69.34 | 82.86 | | person | 84.47 | 93.3 | | earth | 36.65 | 51.28 | | door | 57.63 | 68.86 | | table | 67.48 | 81.23 | | mountain | 59.72 | 69.88 | | plant | 53.62 | 66.98 | | curtain | 77.42 | 87.28 | | chair | 64.38 | 75.81 | | car | 86.84 | 93.33 | | water | 61.64 | 78.38 | | painting | 75.36 | 86.23 | | sofa | 78.51 | 88.02 | | shelf | 45.32 | 66.01 | | house | 42.22 | 74.9 | | sea | 70.21 | 83.26 | | mirror | 75.78 | 85.28 | | rug | 59.51 | 70.02 | | field | 30.14 | 48.88 | | armchair | 57.12 | 76.52 | | seat | 68.86 | 88.46 | | fence | 44.12 | 58.98 | | desk | 56.62 | 78.2 | | rock | 59.35 | 76.81 | | wardrobe | 54.81 | 75.25 | | lamp | 72.71 | 81.87 | | bathtub | 78.68 | 87.27 | | railing | 41.73 | 61.81 | | cushion | 66.62 | 73.94 | | base | 36.48 | 46.12 | | box | 39.11 | 52.81 | | column | 53.22 | 68.21 | | signboard | 35.8 | 45.09 | | chest of drawers | 44.28 | 69.92 | | counter | 44.91 | 49.66 | | sand | 51.57 | 75.8 | | sink | 80.19 | 84.88 | | skyscraper | 41.41 | 47.98 | | fireplace | 76.51 | 89.48 | | refrigerator | 79.27 | 86.72 | | grandstand | 56.16 | 88.96 | | path | 23.83 | 31.82 | | stairs | 41.06 | 46.88 | | runway | 73.56 | 96.89 | | case | 59.55 | 89.92 | | pool table | 94.4 | 97.92 | | pillow | 64.16 | 73.73 | | screen door | 73.27 | 83.4 | | stairway | 48.69 | 60.33 | | river | 15.07 | 30.51 | | bridge | 70.37 | 84.74 | | bookcase | 43.21 | 54.24 | | blind | 34.2 | 35.89 | | coffee table | 63.17 | 86.14 | | toilet | 91.38 | 95.68 | | flower | 48.13 | 63.34 | | book | 54.78 | 70.76 | | hill | 5.5 | 13.14 | | bench | 63.96 | 72.54 | | countertop | 62.8 | 84.28 | | stove | 82.68 | 86.72 | | palm | 54.73 | 68.57 | | kitchen island | 44.22 | 71.84 | | computer | 75.46 | 91.69 | | swivel chair | 37.19 | 45.86 | | boat | 68.56 | 91.78 | | bar | 68.9 | 89.09 | | arcade machine | 89.58 | 96.56 | | hovel | 9.0 | 9.1 | | bus | 90.01 | 95.74 | | towel | 72.91 | 78.09 | | light | 55.51 | 61.01 | | truck | 50.35 | 66.13 | | tower | 31.71 | 52.55 | | chandelier | 69.11 | 77.43 | | awning | 43.25 | 67.36 | | streetlight | 29.81 | 40.57 | | booth | 46.74 | 54.46 | | television receiver | 80.11 | 84.84 | | airplane | 63.2 | 71.35 | | dirt track | 11.52 | 25.6 | | apparel | 61.84 | 76.23 | | pole | 23.82 | 37.28 | | land | 8.23 | 13.59 | | bannister | 5.93 | 6.7 | | escalator | 58.41 | 87.54 | | ottoman | 54.59 | 67.44 | | bottle | 39.5 | 60.94 | | buffet | 61.45 | 70.97 | | poster | 27.14 | 35.39 | | stage | 30.5 | 77.35 | | van | 52.63 | 62.1 | | ship | 73.96 | 79.45 | | fountain | 45.63 | 46.3 | | conveyer belt | 77.22 | 98.11 | | canopy | 48.17 | 71.25 | | washer | 89.12 | 95.66 | | plaything | 27.1 | 48.69 | | swimming pool | 58.6 | 87.61 | | stool | 48.82 | 68.27 | | barrel | 51.93 | 64.76 | | basket | 40.42 | 49.84 | | waterfall | 46.35 | 57.09 | | tent | 88.24 | 98.04 | | bag | 16.98 | 17.81 | | minibike | 75.15 | 86.97 | | cradle | 82.48 | 97.93 | | oven | 64.42 | 79.4 | | ball | 57.05 | 68.95 | | food | 52.12 | 64.47 | | step | 21.59 | 29.42 | | tank | 79.08 | 92.35 | | trade name | 26.97 | 30.1 | | microwave | 87.56 | 94.23 | | pot | 52.57 | 58.86 | | animal | 66.0 | 68.48 | | bicycle | 54.99 | 65.14 | | lake | 61.02 | 63.62 | | dishwasher | 72.92 | 80.77 | | screen | 51.83 | 69.05 | | blanket | 17.29 | 19.85 | | sculpture | 75.88 | 82.08 | | hood | 58.36 | 68.79 | | sconce | 53.36 | 63.66 | | vase | 44.25 | 57.3 | | traffic light | 33.69 | 57.24 | | tray | 13.81 | 18.83 | | ashcan | 52.53 | 62.05 | | fan | 66.95 | 79.54 | | pier | 41.39 | 43.69 | | crt screen | 2.46 | 3.44 | | plate | 59.41 | 76.91 | | monitor | 65.91 | 85.49 | | bulletin board | 49.44 | 62.26 | | shower | 5.56 | 5.75 | | radiator | 65.37 | 76.63 | | glass | 19.14 | 20.53 | | clock | 49.47 | 52.43 | | flag | 69.68 | 80.94 | +---------------------+-------+-------+ 2024-01-18 07:54:23,918 - mmseg - INFO - Summary: 2024-01-18 07:54:23,918 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.14 | 56.04 | 68.24 | +-------+-------+-------+ 2024-01-18 07:54:23,919 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 07:54:23,919 - mmseg - INFO - Iter(val) [250] aAcc: 0.8514, mIoU: 0.5604, mAcc: 0.6824, IoU.wall: 0.8096, IoU.building: 0.8361, IoU.sky: 0.9462, IoU.floor: 0.8314, IoU.tree: 0.7609, IoU.ceiling: 0.8572, IoU.road: 0.8591, IoU.bed : 0.9159, IoU.windowpane: 0.6479, IoU.grass: 0.6688, IoU.cabinet: 0.6478, IoU.sidewalk: 0.6934, IoU.person: 0.8447, IoU.earth: 0.3665, IoU.door: 0.5763, IoU.table: 0.6748, IoU.mountain: 0.5972, IoU.plant: 0.5362, IoU.curtain: 0.7742, IoU.chair: 0.6438, IoU.car: 0.8684, IoU.water: 0.6164, IoU.painting: 0.7536, IoU.sofa: 0.7851, IoU.shelf: 0.4532, IoU.house: 0.4222, IoU.sea: 0.7021, IoU.mirror: 0.7578, IoU.rug: 0.5951, IoU.field: 0.3014, IoU.armchair: 0.5712, IoU.seat: 0.6886, IoU.fence: 0.4412, IoU.desk: 0.5662, IoU.rock: 0.5935, IoU.wardrobe: 0.5481, IoU.lamp: 0.7271, IoU.bathtub: 0.7868, IoU.railing: 0.4173, IoU.cushion: 0.6662, IoU.base: 0.3648, IoU.box: 0.3911, IoU.column: 0.5322, IoU.signboard: 0.3580, IoU.chest of drawers: 0.4428, IoU.counter: 0.4491, IoU.sand: 0.5157, IoU.sink: 0.8019, IoU.skyscraper: 0.4141, IoU.fireplace: 0.7651, IoU.refrigerator: 0.7927, IoU.grandstand: 0.5616, IoU.path: 0.2383, IoU.stairs: 0.4106, IoU.runway: 0.7356, IoU.case: 0.5955, IoU.pool table: 0.9440, IoU.pillow: 0.6416, IoU.screen door: 0.7327, IoU.stairway: 0.4869, IoU.river: 0.1507, IoU.bridge: 0.7037, IoU.bookcase: 0.4321, IoU.blind: 0.3420, IoU.coffee table: 0.6317, IoU.toilet: 0.9138, IoU.flower: 0.4813, IoU.book: 0.5478, IoU.hill: 0.0550, IoU.bench: 0.6396, IoU.countertop: 0.6280, IoU.stove: 0.8268, IoU.palm: 0.5473, IoU.kitchen island: 0.4422, IoU.computer: 0.7546, IoU.swivel chair: 0.3719, IoU.boat: 0.6856, IoU.bar: 0.6890, IoU.arcade machine: 0.8958, IoU.hovel: 0.0900, IoU.bus: 0.9001, IoU.towel: 0.7291, IoU.light: 0.5551, IoU.truck: 0.5035, IoU.tower: 0.3171, IoU.chandelier: 0.6911, IoU.awning: 0.4325, IoU.streetlight: 0.2981, IoU.booth: 0.4674, IoU.television receiver: 0.8011, IoU.airplane: 0.6320, IoU.dirt track: 0.1152, IoU.apparel: 0.6184, IoU.pole: 0.2382, IoU.land: 0.0823, IoU.bannister: 0.0593, IoU.escalator: 0.5841, IoU.ottoman: 0.5459, IoU.bottle: 0.3950, IoU.buffet: 0.6145, IoU.poster: 0.2714, IoU.stage: 0.3050, IoU.van: 0.5263, IoU.ship: 0.7396, IoU.fountain: 0.4563, IoU.conveyer belt: 0.7722, IoU.canopy: 0.4817, IoU.washer: 0.8912, IoU.plaything: 0.2710, IoU.swimming pool: 0.5860, IoU.stool: 0.4882, IoU.barrel: 0.5193, IoU.basket: 0.4042, IoU.waterfall: 0.4635, IoU.tent: 0.8824, IoU.bag: 0.1698, IoU.minibike: 0.7515, IoU.cradle: 0.8248, IoU.oven: 0.6442, IoU.ball: 0.5705, IoU.food: 0.5212, IoU.step: 0.2159, IoU.tank: 0.7908, IoU.trade name: 0.2697, IoU.microwave: 0.8756, IoU.pot: 0.5257, IoU.animal: 0.6600, IoU.bicycle: 0.5499, IoU.lake: 0.6102, IoU.dishwasher: 0.7292, IoU.screen: 0.5183, IoU.blanket: 0.1729, IoU.sculpture: 0.7588, IoU.hood: 0.5836, IoU.sconce: 0.5336, IoU.vase: 0.4425, IoU.traffic light: 0.3369, IoU.tray: 0.1381, IoU.ashcan: 0.5253, IoU.fan: 0.6695, IoU.pier: 0.4139, IoU.crt screen: 0.0246, IoU.plate: 0.5941, IoU.monitor: 0.6591, IoU.bulletin board: 0.4944, IoU.shower: 0.0556, IoU.radiator: 0.6537, IoU.glass: 0.1914, IoU.clock: 0.4947, IoU.flag: 0.6968, Acc.wall: 0.9065, Acc.building: 0.9136, Acc.sky: 0.9712, Acc.floor: 0.9073, Acc.tree: 0.8985, Acc.ceiling: 0.9167, Acc.road: 0.9172, Acc.bed : 0.9740, Acc.windowpane: 0.8088, Acc.grass: 0.7899, Acc.cabinet: 0.7522, Acc.sidewalk: 0.8286, Acc.person: 0.9330, Acc.earth: 0.5128, Acc.door: 0.6886, Acc.table: 0.8123, Acc.mountain: 0.6988, Acc.plant: 0.6698, Acc.curtain: 0.8728, Acc.chair: 0.7581, Acc.car: 0.9333, Acc.water: 0.7838, Acc.painting: 0.8623, Acc.sofa: 0.8802, Acc.shelf: 0.6601, Acc.house: 0.7490, Acc.sea: 0.8326, Acc.mirror: 0.8528, Acc.rug: 0.7002, Acc.field: 0.4888, Acc.armchair: 0.7652, Acc.seat: 0.8846, Acc.fence: 0.5898, Acc.desk: 0.7820, Acc.rock: 0.7681, Acc.wardrobe: 0.7525, Acc.lamp: 0.8187, Acc.bathtub: 0.8727, Acc.railing: 0.6181, Acc.cushion: 0.7394, Acc.base: 0.4612, Acc.box: 0.5281, Acc.column: 0.6821, Acc.signboard: 0.4509, Acc.chest of drawers: 0.6992, Acc.counter: 0.4966, Acc.sand: 0.7580, Acc.sink: 0.8488, Acc.skyscraper: 0.4798, Acc.fireplace: 0.8948, Acc.refrigerator: 0.8672, Acc.grandstand: 0.8896, Acc.path: 0.3182, Acc.stairs: 0.4688, Acc.runway: 0.9689, Acc.case: 0.8992, Acc.pool table: 0.9792, Acc.pillow: 0.7373, Acc.screen door: 0.8340, Acc.stairway: 0.6033, Acc.river: 0.3051, Acc.bridge: 0.8474, Acc.bookcase: 0.5424, Acc.blind: 0.3589, Acc.coffee table: 0.8614, Acc.toilet: 0.9568, Acc.flower: 0.6334, Acc.book: 0.7076, Acc.hill: 0.1314, Acc.bench: 0.7254, Acc.countertop: 0.8428, Acc.stove: 0.8672, Acc.palm: 0.6857, Acc.kitchen island: 0.7184, Acc.computer: 0.9169, Acc.swivel chair: 0.4586, Acc.boat: 0.9178, Acc.bar: 0.8909, Acc.arcade machine: 0.9656, Acc.hovel: 0.0910, Acc.bus: 0.9574, Acc.towel: 0.7809, Acc.light: 0.6101, Acc.truck: 0.6613, Acc.tower: 0.5255, Acc.chandelier: 0.7743, Acc.awning: 0.6736, Acc.streetlight: 0.4057, Acc.booth: 0.5446, Acc.television receiver: 0.8484, Acc.airplane: 0.7135, Acc.dirt track: 0.2560, Acc.apparel: 0.7623, Acc.pole: 0.3728, Acc.land: 0.1359, Acc.bannister: 0.0670, Acc.escalator: 0.8754, Acc.ottoman: 0.6744, Acc.bottle: 0.6094, Acc.buffet: 0.7097, Acc.poster: 0.3539, Acc.stage: 0.7735, Acc.van: 0.6210, Acc.ship: 0.7945, Acc.fountain: 0.4630, Acc.conveyer belt: 0.9811, Acc.canopy: 0.7125, Acc.washer: 0.9566, Acc.plaything: 0.4869, Acc.swimming pool: 0.8761, Acc.stool: 0.6827, Acc.barrel: 0.6476, Acc.basket: 0.4984, Acc.waterfall: 0.5709, Acc.tent: 0.9804, Acc.bag: 0.1781, Acc.minibike: 0.8697, Acc.cradle: 0.9793, Acc.oven: 0.7940, Acc.ball: 0.6895, Acc.food: 0.6447, Acc.step: 0.2942, Acc.tank: 0.9235, Acc.trade name: 0.3010, Acc.microwave: 0.9423, Acc.pot: 0.5886, Acc.animal: 0.6848, Acc.bicycle: 0.6514, Acc.lake: 0.6362, Acc.dishwasher: 0.8077, Acc.screen: 0.6905, Acc.blanket: 0.1985, Acc.sculpture: 0.8208, Acc.hood: 0.6879, Acc.sconce: 0.6366, Acc.vase: 0.5730, Acc.traffic light: 0.5724, Acc.tray: 0.1883, Acc.ashcan: 0.6205, Acc.fan: 0.7954, Acc.pier: 0.4369, Acc.crt screen: 0.0344, Acc.plate: 0.7691, Acc.monitor: 0.8549, Acc.bulletin board: 0.6226, Acc.shower: 0.0575, Acc.radiator: 0.7663, Acc.glass: 0.2053, Acc.clock: 0.5243, Acc.flag: 0.8094 2024-01-18 07:55:26,837 - mmseg - INFO - Iter [29050/80000] lr: 2.548e-05, eta: 20:05:45, time: 4.396, data_time: 3.196, memory: 59004, decode.loss_ce: 0.1942, decode.acc_seg: 91.5017, aux.loss_ce: 0.0967, aux.acc_seg: 89.7476, loss: 0.2909 2024-01-18 07:56:27,195 - mmseg - INFO - Iter [29100/80000] lr: 2.545e-05, eta: 20:04:16, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1719, decode.acc_seg: 92.5557, aux.loss_ce: 0.0839, aux.acc_seg: 91.1722, loss: 0.2558 2024-01-18 07:57:27,788 - mmseg - INFO - Iter [29150/80000] lr: 2.543e-05, eta: 20:02:47, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1751, decode.acc_seg: 92.2827, aux.loss_ce: 0.0879, aux.acc_seg: 90.6264, loss: 0.2629 2024-01-18 07:58:28,245 - mmseg - INFO - Iter [29200/80000] lr: 2.540e-05, eta: 20:01:17, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1742, decode.acc_seg: 92.4075, aux.loss_ce: 0.0867, aux.acc_seg: 90.7696, loss: 0.2609 2024-01-18 07:59:28,549 - mmseg - INFO - Iter [29250/80000] lr: 2.538e-05, eta: 19:59:48, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1736, decode.acc_seg: 92.4612, aux.loss_ce: 0.0856, aux.acc_seg: 90.9353, loss: 0.2592 2024-01-18 08:00:28,800 - mmseg - INFO - Iter [29300/80000] lr: 2.535e-05, eta: 19:58:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1754, decode.acc_seg: 92.7027, aux.loss_ce: 0.0849, aux.acc_seg: 91.2198, loss: 0.2602 2024-01-18 08:01:29,236 - mmseg - INFO - Iter [29350/80000] lr: 2.533e-05, eta: 19:56:50, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1733, decode.acc_seg: 92.5991, aux.loss_ce: 0.0855, aux.acc_seg: 91.0963, loss: 0.2588 2024-01-18 08:02:29,487 - mmseg - INFO - Iter [29400/80000] lr: 2.530e-05, eta: 19:55:21, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1706, decode.acc_seg: 92.5316, aux.loss_ce: 0.0864, aux.acc_seg: 90.7563, loss: 0.2569 2024-01-18 08:03:29,757 - mmseg - INFO - Iter [29450/80000] lr: 2.528e-05, eta: 19:53:51, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1775, decode.acc_seg: 92.2826, aux.loss_ce: 0.0869, aux.acc_seg: 90.8349, loss: 0.2644 2024-01-18 08:04:30,052 - mmseg - INFO - Iter [29500/80000] lr: 2.525e-05, eta: 19:52:23, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1775, decode.acc_seg: 91.9468, aux.loss_ce: 0.0886, aux.acc_seg: 90.3711, loss: 0.2661 2024-01-18 08:05:30,386 - mmseg - INFO - Iter [29550/80000] lr: 2.523e-05, eta: 19:50:54, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1737, decode.acc_seg: 92.5216, aux.loss_ce: 0.0884, aux.acc_seg: 90.6281, loss: 0.2621 2024-01-18 08:06:30,742 - mmseg - INFO - Iter [29600/80000] lr: 2.520e-05, eta: 19:49:25, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1861, decode.acc_seg: 91.9897, aux.loss_ce: 0.0940, aux.acc_seg: 89.9589, loss: 0.2801 2024-01-18 08:07:30,916 - mmseg - INFO - Iter [29650/80000] lr: 2.518e-05, eta: 19:47:56, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1757, decode.acc_seg: 92.3394, aux.loss_ce: 0.0875, aux.acc_seg: 90.7104, loss: 0.2632 2024-01-18 08:08:31,338 - mmseg - INFO - Iter [29700/80000] lr: 2.515e-05, eta: 19:46:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1768, decode.acc_seg: 92.2394, aux.loss_ce: 0.0878, aux.acc_seg: 90.5154, loss: 0.2646 2024-01-18 08:09:31,731 - mmseg - INFO - Iter [29750/80000] lr: 2.513e-05, eta: 19:45:00, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1949, decode.acc_seg: 91.7497, aux.loss_ce: 0.0940, aux.acc_seg: 90.2263, loss: 0.2889 2024-01-18 08:10:31,993 - mmseg - INFO - Iter [29800/80000] lr: 2.510e-05, eta: 19:43:31, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1709, decode.acc_seg: 92.4836, aux.loss_ce: 0.0850, aux.acc_seg: 90.7968, loss: 0.2559 2024-01-18 08:11:32,352 - mmseg - INFO - Iter [29850/80000] lr: 2.508e-05, eta: 19:42:03, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1798, decode.acc_seg: 92.2363, aux.loss_ce: 0.0904, aux.acc_seg: 90.5033, loss: 0.2701 2024-01-18 08:12:32,809 - mmseg - INFO - Iter [29900/80000] lr: 2.505e-05, eta: 19:40:35, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1849, decode.acc_seg: 92.1916, aux.loss_ce: 0.0931, aux.acc_seg: 90.3714, loss: 0.2780 2024-01-18 08:13:33,151 - mmseg - INFO - Iter [29950/80000] lr: 2.503e-05, eta: 19:39:07, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1829, decode.acc_seg: 91.9150, aux.loss_ce: 0.0902, aux.acc_seg: 90.3051, loss: 0.2731 2024-01-18 08:14:33,465 - mmseg - INFO - Saving checkpoint at 30000 iterations 2024-01-18 08:15:19,257 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 08:15:19,257 - mmseg - INFO - Iter [30000/80000] lr: 2.500e-05, eta: 19:38:56, time: 2.122, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1829, decode.acc_seg: 91.9249, aux.loss_ce: 0.0895, aux.acc_seg: 90.5104, loss: 0.2724 2024-01-18 08:17:56,034 - mmseg - INFO - per class results: 2024-01-18 08:17:56,040 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.45 | 88.83 | | building | 84.05 | 92.43 | | sky | 94.51 | 97.48 | | floor | 83.89 | 91.11 | | tree | 76.07 | 89.34 | | ceiling | 84.71 | 91.65 | | road | 85.68 | 91.44 | | bed | 92.15 | 97.12 | | windowpane | 65.42 | 80.5 | | grass | 68.06 | 79.92 | | cabinet | 62.75 | 72.36 | | sidewalk | 67.85 | 83.72 | | person | 84.58 | 92.97 | | earth | 37.88 | 50.21 | | door | 56.25 | 70.67 | | table | 66.5 | 81.07 | | mountain | 59.42 | 70.62 | | plant | 54.53 | 66.78 | | curtain | 74.66 | 90.02 | | chair | 64.34 | 75.86 | | car | 87.22 | 93.14 | | water | 61.57 | 77.12 | | painting | 69.65 | 89.58 | | sofa | 78.03 | 87.63 | | shelf | 42.75 | 62.32 | | house | 43.44 | 60.26 | | sea | 68.57 | 80.8 | | mirror | 75.37 | 87.1 | | rug | 69.24 | 84.33 | | field | 27.26 | 51.22 | | armchair | 58.01 | 74.87 | | seat | 67.53 | 89.35 | | fence | 47.71 | 65.17 | | desk | 56.99 | 78.38 | | rock | 55.3 | 76.82 | | wardrobe | 54.53 | 82.38 | | lamp | 72.07 | 81.43 | | bathtub | 80.88 | 85.72 | | railing | 33.03 | 42.79 | | cushion | 68.79 | 78.85 | | base | 39.23 | 50.07 | | box | 36.89 | 46.66 | | column | 52.5 | 64.87 | | signboard | 38.52 | 51.77 | | chest of drawers | 46.27 | 71.69 | | counter | 48.42 | 54.43 | | sand | 48.31 | 75.04 | | sink | 80.28 | 89.88 | | skyscraper | 55.4 | 70.09 | | fireplace | 73.35 | 92.81 | | refrigerator | 81.01 | 89.21 | | grandstand | 57.99 | 86.16 | | path | 24.86 | 34.26 | | stairs | 42.45 | 54.27 | | runway | 72.87 | 95.99 | | case | 65.35 | 87.16 | | pool table | 94.44 | 97.56 | | pillow | 68.46 | 82.16 | | screen door | 61.23 | 91.94 | | stairway | 42.14 | 49.69 | | river | 10.43 | 21.27 | | bridge | 73.59 | 88.52 | | bookcase | 42.34 | 56.11 | | blind | 42.12 | 49.95 | | coffee table | 62.48 | 84.13 | | toilet | 90.38 | 97.16 | | flower | 46.07 | 59.53 | | book | 52.59 | 79.22 | | hill | 5.81 | 12.81 | | bench | 66.65 | 75.79 | | countertop | 63.38 | 83.08 | | stove | 84.03 | 88.76 | | palm | 54.93 | 75.52 | | kitchen island | 43.26 | 79.04 | | computer | 77.24 | 89.23 | | swivel chair | 42.24 | 61.22 | | boat | 72.87 | 87.09 | | bar | 68.49 | 87.01 | | arcade machine | 87.92 | 93.37 | | hovel | 39.05 | 43.54 | | bus | 91.43 | 95.86 | | towel | 74.54 | 85.53 | | light | 51.59 | 54.51 | | truck | 48.24 | 56.37 | | tower | 26.54 | 54.09 | | chandelier | 69.72 | 82.12 | | awning | 34.02 | 38.69 | | streetlight | 26.56 | 29.12 | | booth | 43.82 | 49.62 | | television receiver | 83.9 | 90.11 | | airplane | 65.33 | 70.06 | | dirt track | 13.21 | 23.2 | | apparel | 56.35 | 71.81 | | pole | 31.81 | 49.62 | | land | 5.04 | 7.34 | | bannister | 12.92 | 17.84 | | escalator | 59.18 | 86.37 | | ottoman | 52.58 | 69.38 | | bottle | 41.82 | 72.0 | | buffet | 53.24 | 62.56 | | poster | 19.68 | 23.18 | | stage | 23.61 | 71.44 | | van | 53.57 | 66.38 | | ship | 68.47 | 78.45 | | fountain | 51.88 | 53.28 | | conveyer belt | 80.44 | 97.51 | | canopy | 20.82 | 27.74 | | washer | 88.16 | 94.13 | | plaything | 39.49 | 58.89 | | swimming pool | 50.79 | 74.14 | | stool | 47.67 | 66.65 | | barrel | 53.07 | 64.31 | | basket | 41.24 | 54.46 | | waterfall | 52.13 | 63.99 | | tent | 95.15 | 96.85 | | bag | 30.84 | 35.9 | | minibike | 74.43 | 86.7 | | cradle | 82.98 | 97.42 | | oven | 65.96 | 78.32 | | ball | 20.12 | 20.5 | | food | 53.89 | 61.57 | | step | 13.93 | 14.82 | | tank | 76.97 | 89.25 | | trade name | 12.95 | 13.22 | | microwave | 87.89 | 92.68 | | pot | 55.81 | 63.61 | | animal | 66.43 | 68.03 | | bicycle | 58.73 | 74.49 | | lake | 61.17 | 67.15 | | dishwasher | 73.03 | 80.07 | | screen | 48.43 | 78.86 | | blanket | 20.89 | 23.94 | | sculpture | 69.99 | 86.01 | | hood | 59.17 | 63.53 | | sconce | 55.33 | 66.63 | | vase | 44.23 | 58.9 | | traffic light | 31.96 | 59.39 | | tray | 13.97 | 16.55 | | ashcan | 52.33 | 62.34 | | fan | 63.93 | 72.44 | | pier | 41.1 | 48.57 | | crt screen | 3.37 | 5.35 | | plate | 54.79 | 62.73 | | monitor | 69.49 | 82.76 | | bulletin board | 56.96 | 73.5 | | shower | 10.19 | 10.58 | | radiator | 65.68 | 75.0 | | glass | 17.41 | 18.23 | | clock | 49.51 | 58.82 | | flag | 68.16 | 73.73 | +---------------------+-------+-------+ 2024-01-18 08:17:56,040 - mmseg - INFO - Summary: 2024-01-18 08:17:56,040 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 85.09 | 55.85 | 68.2 | +-------+-------+------+ 2024-01-18 08:17:56,041 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 08:17:56,041 - mmseg - INFO - Iter(val) [250] aAcc: 0.8509, mIoU: 0.5585, mAcc: 0.6820, IoU.wall: 0.8045, IoU.building: 0.8405, IoU.sky: 0.9451, IoU.floor: 0.8389, IoU.tree: 0.7607, IoU.ceiling: 0.8471, IoU.road: 0.8568, IoU.bed : 0.9215, IoU.windowpane: 0.6542, IoU.grass: 0.6806, IoU.cabinet: 0.6275, IoU.sidewalk: 0.6785, IoU.person: 0.8458, IoU.earth: 0.3788, IoU.door: 0.5625, IoU.table: 0.6650, IoU.mountain: 0.5942, IoU.plant: 0.5453, IoU.curtain: 0.7466, IoU.chair: 0.6434, IoU.car: 0.8722, IoU.water: 0.6157, IoU.painting: 0.6965, IoU.sofa: 0.7803, IoU.shelf: 0.4275, IoU.house: 0.4344, IoU.sea: 0.6857, IoU.mirror: 0.7537, IoU.rug: 0.6924, IoU.field: 0.2726, IoU.armchair: 0.5801, IoU.seat: 0.6753, IoU.fence: 0.4771, IoU.desk: 0.5699, IoU.rock: 0.5530, IoU.wardrobe: 0.5453, IoU.lamp: 0.7207, IoU.bathtub: 0.8088, IoU.railing: 0.3303, IoU.cushion: 0.6879, IoU.base: 0.3923, IoU.box: 0.3689, IoU.column: 0.5250, IoU.signboard: 0.3852, IoU.chest of drawers: 0.4627, IoU.counter: 0.4842, IoU.sand: 0.4831, IoU.sink: 0.8028, IoU.skyscraper: 0.5540, IoU.fireplace: 0.7335, IoU.refrigerator: 0.8101, IoU.grandstand: 0.5799, IoU.path: 0.2486, IoU.stairs: 0.4245, IoU.runway: 0.7287, IoU.case: 0.6535, IoU.pool table: 0.9444, IoU.pillow: 0.6846, IoU.screen door: 0.6123, IoU.stairway: 0.4214, IoU.river: 0.1043, IoU.bridge: 0.7359, IoU.bookcase: 0.4234, IoU.blind: 0.4212, IoU.coffee table: 0.6248, IoU.toilet: 0.9038, IoU.flower: 0.4607, IoU.book: 0.5259, IoU.hill: 0.0581, IoU.bench: 0.6665, IoU.countertop: 0.6338, IoU.stove: 0.8403, IoU.palm: 0.5493, IoU.kitchen island: 0.4326, IoU.computer: 0.7724, IoU.swivel chair: 0.4224, IoU.boat: 0.7287, IoU.bar: 0.6849, IoU.arcade machine: 0.8792, IoU.hovel: 0.3905, IoU.bus: 0.9143, IoU.towel: 0.7454, IoU.light: 0.5159, IoU.truck: 0.4824, IoU.tower: 0.2654, IoU.chandelier: 0.6972, IoU.awning: 0.3402, IoU.streetlight: 0.2656, IoU.booth: 0.4382, IoU.television receiver: 0.8390, IoU.airplane: 0.6533, IoU.dirt track: 0.1321, IoU.apparel: 0.5635, IoU.pole: 0.3181, IoU.land: 0.0504, IoU.bannister: 0.1292, IoU.escalator: 0.5918, IoU.ottoman: 0.5258, IoU.bottle: 0.4182, IoU.buffet: 0.5324, IoU.poster: 0.1968, IoU.stage: 0.2361, IoU.van: 0.5357, IoU.ship: 0.6847, IoU.fountain: 0.5188, IoU.conveyer belt: 0.8044, IoU.canopy: 0.2082, IoU.washer: 0.8816, IoU.plaything: 0.3949, IoU.swimming pool: 0.5079, IoU.stool: 0.4767, IoU.barrel: 0.5307, IoU.basket: 0.4124, IoU.waterfall: 0.5213, IoU.tent: 0.9515, IoU.bag: 0.3084, IoU.minibike: 0.7443, IoU.cradle: 0.8298, IoU.oven: 0.6596, IoU.ball: 0.2012, IoU.food: 0.5389, IoU.step: 0.1393, IoU.tank: 0.7697, IoU.trade name: 0.1295, IoU.microwave: 0.8789, IoU.pot: 0.5581, IoU.animal: 0.6643, IoU.bicycle: 0.5873, IoU.lake: 0.6117, IoU.dishwasher: 0.7303, IoU.screen: 0.4843, IoU.blanket: 0.2089, IoU.sculpture: 0.6999, IoU.hood: 0.5917, IoU.sconce: 0.5533, IoU.vase: 0.4423, IoU.traffic light: 0.3196, IoU.tray: 0.1397, IoU.ashcan: 0.5233, IoU.fan: 0.6393, IoU.pier: 0.4110, IoU.crt screen: 0.0337, IoU.plate: 0.5479, IoU.monitor: 0.6949, IoU.bulletin board: 0.5696, IoU.shower: 0.1019, IoU.radiator: 0.6568, IoU.glass: 0.1741, IoU.clock: 0.4951, IoU.flag: 0.6816, Acc.wall: 0.8883, Acc.building: 0.9243, Acc.sky: 0.9748, Acc.floor: 0.9111, Acc.tree: 0.8934, Acc.ceiling: 0.9165, Acc.road: 0.9144, Acc.bed : 0.9712, Acc.windowpane: 0.8050, Acc.grass: 0.7992, Acc.cabinet: 0.7236, Acc.sidewalk: 0.8372, Acc.person: 0.9297, Acc.earth: 0.5021, Acc.door: 0.7067, Acc.table: 0.8107, Acc.mountain: 0.7062, Acc.plant: 0.6678, Acc.curtain: 0.9002, Acc.chair: 0.7586, Acc.car: 0.9314, Acc.water: 0.7712, Acc.painting: 0.8958, Acc.sofa: 0.8763, Acc.shelf: 0.6232, Acc.house: 0.6026, Acc.sea: 0.8080, Acc.mirror: 0.8710, Acc.rug: 0.8433, Acc.field: 0.5122, Acc.armchair: 0.7487, Acc.seat: 0.8935, Acc.fence: 0.6517, Acc.desk: 0.7838, Acc.rock: 0.7682, Acc.wardrobe: 0.8238, Acc.lamp: 0.8143, Acc.bathtub: 0.8572, Acc.railing: 0.4279, Acc.cushion: 0.7885, Acc.base: 0.5007, Acc.box: 0.4666, Acc.column: 0.6487, Acc.signboard: 0.5177, Acc.chest of drawers: 0.7169, Acc.counter: 0.5443, Acc.sand: 0.7504, Acc.sink: 0.8988, Acc.skyscraper: 0.7009, Acc.fireplace: 0.9281, Acc.refrigerator: 0.8921, Acc.grandstand: 0.8616, Acc.path: 0.3426, Acc.stairs: 0.5427, Acc.runway: 0.9599, Acc.case: 0.8716, Acc.pool table: 0.9756, Acc.pillow: 0.8216, Acc.screen door: 0.9194, Acc.stairway: 0.4969, Acc.river: 0.2127, Acc.bridge: 0.8852, Acc.bookcase: 0.5611, Acc.blind: 0.4995, Acc.coffee table: 0.8413, Acc.toilet: 0.9716, Acc.flower: 0.5953, Acc.book: 0.7922, Acc.hill: 0.1281, Acc.bench: 0.7579, Acc.countertop: 0.8308, Acc.stove: 0.8876, Acc.palm: 0.7552, Acc.kitchen island: 0.7904, Acc.computer: 0.8923, Acc.swivel chair: 0.6122, Acc.boat: 0.8709, Acc.bar: 0.8701, Acc.arcade machine: 0.9337, Acc.hovel: 0.4354, Acc.bus: 0.9586, Acc.towel: 0.8553, Acc.light: 0.5451, Acc.truck: 0.5637, Acc.tower: 0.5409, Acc.chandelier: 0.8212, Acc.awning: 0.3869, Acc.streetlight: 0.2912, Acc.booth: 0.4962, Acc.television receiver: 0.9011, Acc.airplane: 0.7006, Acc.dirt track: 0.2320, Acc.apparel: 0.7181, Acc.pole: 0.4962, Acc.land: 0.0734, Acc.bannister: 0.1784, Acc.escalator: 0.8637, Acc.ottoman: 0.6938, Acc.bottle: 0.7200, Acc.buffet: 0.6256, Acc.poster: 0.2318, Acc.stage: 0.7144, Acc.van: 0.6638, Acc.ship: 0.7845, Acc.fountain: 0.5328, Acc.conveyer belt: 0.9751, Acc.canopy: 0.2774, Acc.washer: 0.9413, Acc.plaything: 0.5889, Acc.swimming pool: 0.7414, Acc.stool: 0.6665, Acc.barrel: 0.6431, Acc.basket: 0.5446, Acc.waterfall: 0.6399, Acc.tent: 0.9685, Acc.bag: 0.3590, Acc.minibike: 0.8670, Acc.cradle: 0.9742, Acc.oven: 0.7832, Acc.ball: 0.2050, Acc.food: 0.6157, Acc.step: 0.1482, Acc.tank: 0.8925, Acc.trade name: 0.1322, Acc.microwave: 0.9268, Acc.pot: 0.6361, Acc.animal: 0.6803, Acc.bicycle: 0.7449, Acc.lake: 0.6715, Acc.dishwasher: 0.8007, Acc.screen: 0.7886, Acc.blanket: 0.2394, Acc.sculpture: 0.8601, Acc.hood: 0.6353, Acc.sconce: 0.6663, Acc.vase: 0.5890, Acc.traffic light: 0.5939, Acc.tray: 0.1655, Acc.ashcan: 0.6234, Acc.fan: 0.7244, Acc.pier: 0.4857, Acc.crt screen: 0.0535, Acc.plate: 0.6273, Acc.monitor: 0.8276, Acc.bulletin board: 0.7350, Acc.shower: 0.1058, Acc.radiator: 0.7500, Acc.glass: 0.1823, Acc.clock: 0.5882, Acc.flag: 0.7373 2024-01-18 08:18:56,749 - mmseg - INFO - Iter [30050/80000] lr: 2.498e-05, eta: 19:41:49, time: 4.350, data_time: 3.151, memory: 59004, decode.loss_ce: 0.1901, decode.acc_seg: 92.1386, aux.loss_ce: 0.0928, aux.acc_seg: 90.5907, loss: 0.2829 2024-01-18 08:19:57,031 - mmseg - INFO - Iter [30100/80000] lr: 2.495e-05, eta: 19:40:20, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1735, decode.acc_seg: 92.4377, aux.loss_ce: 0.0884, aux.acc_seg: 90.4970, loss: 0.2619 2024-01-18 08:20:57,348 - mmseg - INFO - Iter [30150/80000] lr: 2.493e-05, eta: 19:38:52, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1848, decode.acc_seg: 92.1105, aux.loss_ce: 0.0882, aux.acc_seg: 90.7049, loss: 0.2730 2024-01-18 08:21:57,789 - mmseg - INFO - Iter [30200/80000] lr: 2.490e-05, eta: 19:37:23, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1731, decode.acc_seg: 92.4032, aux.loss_ce: 0.0883, aux.acc_seg: 90.5028, loss: 0.2615 2024-01-18 08:22:58,204 - mmseg - INFO - Iter [30250/80000] lr: 2.488e-05, eta: 19:35:55, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1733, decode.acc_seg: 92.5674, aux.loss_ce: 0.0875, aux.acc_seg: 90.7624, loss: 0.2609 2024-01-18 08:23:58,553 - mmseg - INFO - Iter [30300/80000] lr: 2.485e-05, eta: 19:34:27, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1732, decode.acc_seg: 92.3794, aux.loss_ce: 0.0866, aux.acc_seg: 90.7235, loss: 0.2598 2024-01-18 08:25:01,284 - mmseg - INFO - Iter [30350/80000] lr: 2.483e-05, eta: 19:33:03, time: 1.255, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1677, decode.acc_seg: 92.7501, aux.loss_ce: 0.0846, aux.acc_seg: 91.1898, loss: 0.2523 2024-01-18 08:26:01,596 - mmseg - INFO - Iter [30400/80000] lr: 2.480e-05, eta: 19:31:34, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1725, decode.acc_seg: 92.5852, aux.loss_ce: 0.0846, aux.acc_seg: 91.2159, loss: 0.2571 2024-01-18 08:27:01,915 - mmseg - INFO - Iter [30450/80000] lr: 2.478e-05, eta: 19:30:06, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1680, decode.acc_seg: 92.5241, aux.loss_ce: 0.0854, aux.acc_seg: 90.8177, loss: 0.2535 2024-01-18 08:28:02,191 - mmseg - INFO - Iter [30500/80000] lr: 2.475e-05, eta: 19:28:38, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1728, decode.acc_seg: 92.5268, aux.loss_ce: 0.0859, aux.acc_seg: 90.9854, loss: 0.2587 2024-01-18 08:29:02,539 - mmseg - INFO - Iter [30550/80000] lr: 2.473e-05, eta: 19:27:11, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1761, decode.acc_seg: 92.3314, aux.loss_ce: 0.0868, aux.acc_seg: 90.7252, loss: 0.2629 2024-01-18 08:30:02,866 - mmseg - INFO - Iter [30600/80000] lr: 2.470e-05, eta: 19:25:43, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1696, decode.acc_seg: 92.5873, aux.loss_ce: 0.0825, aux.acc_seg: 91.1584, loss: 0.2521 2024-01-18 08:31:03,124 - mmseg - INFO - Iter [30650/80000] lr: 2.468e-05, eta: 19:24:15, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1784, decode.acc_seg: 92.5271, aux.loss_ce: 0.0902, aux.acc_seg: 90.6344, loss: 0.2686 2024-01-18 08:32:03,560 - mmseg - INFO - Iter [30700/80000] lr: 2.465e-05, eta: 19:22:48, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1684, decode.acc_seg: 92.6007, aux.loss_ce: 0.0859, aux.acc_seg: 90.8048, loss: 0.2543 2024-01-18 08:33:04,026 - mmseg - INFO - Iter [30750/80000] lr: 2.463e-05, eta: 19:21:21, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1636, decode.acc_seg: 92.7980, aux.loss_ce: 0.0812, aux.acc_seg: 91.2642, loss: 0.2448 2024-01-18 08:34:04,396 - mmseg - INFO - Iter [30800/80000] lr: 2.460e-05, eta: 19:19:53, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1752, decode.acc_seg: 92.2212, aux.loss_ce: 0.0873, aux.acc_seg: 90.6968, loss: 0.2625 2024-01-18 08:35:04,726 - mmseg - INFO - Iter [30850/80000] lr: 2.458e-05, eta: 19:18:26, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1900, decode.acc_seg: 92.0649, aux.loss_ce: 0.0941, aux.acc_seg: 90.2938, loss: 0.2841 2024-01-18 08:36:05,163 - mmseg - INFO - Iter [30900/80000] lr: 2.455e-05, eta: 19:16:59, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1755, decode.acc_seg: 92.4056, aux.loss_ce: 0.0865, aux.acc_seg: 90.8798, loss: 0.2620 2024-01-18 08:37:05,374 - mmseg - INFO - Iter [30950/80000] lr: 2.453e-05, eta: 19:15:32, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1725, decode.acc_seg: 92.5988, aux.loss_ce: 0.0844, aux.acc_seg: 91.1618, loss: 0.2569 2024-01-18 08:38:05,670 - mmseg - INFO - Saving checkpoint at 31000 iterations 2024-01-18 08:38:55,132 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 08:38:55,132 - mmseg - INFO - Iter [31000/80000] lr: 2.450e-05, eta: 19:15:23, time: 2.195, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1639, decode.acc_seg: 92.9458, aux.loss_ce: 0.0831, aux.acc_seg: 91.2759, loss: 0.2470 2024-01-18 08:41:30,762 - mmseg - INFO - per class results: 2024-01-18 08:41:30,768 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.71 | 90.62 | | building | 84.53 | 93.46 | | sky | 94.77 | 97.23 | | floor | 83.13 | 91.1 | | tree | 75.1 | 87.8 | | ceiling | 84.36 | 90.31 | | road | 87.15 | 92.68 | | bed | 92.0 | 97.69 | | windowpane | 64.36 | 77.78 | | grass | 69.01 | 80.67 | | cabinet | 64.51 | 77.08 | | sidewalk | 71.64 | 83.05 | | person | 84.93 | 93.16 | | earth | 38.35 | 49.62 | | door | 56.86 | 70.72 | | table | 67.35 | 78.36 | | mountain | 61.98 | 73.35 | | plant | 54.27 | 66.41 | | curtain | 78.57 | 88.42 | | chair | 64.77 | 77.63 | | car | 87.01 | 94.87 | | water | 60.93 | 74.18 | | painting | 75.13 | 88.06 | | sofa | 78.56 | 89.68 | | shelf | 44.71 | 63.39 | | house | 48.35 | 65.1 | | sea | 70.03 | 83.27 | | mirror | 76.12 | 86.92 | | rug | 66.23 | 79.25 | | field | 24.3 | 42.49 | | armchair | 56.49 | 74.35 | | seat | 66.04 | 86.76 | | fence | 45.46 | 56.98 | | desk | 55.37 | 70.61 | | rock | 55.87 | 78.05 | | wardrobe | 58.67 | 76.06 | | lamp | 72.39 | 83.71 | | bathtub | 83.29 | 86.59 | | railing | 38.1 | 51.45 | | cushion | 66.84 | 75.4 | | base | 40.98 | 65.18 | | box | 38.27 | 48.25 | | column | 50.36 | 60.24 | | signboard | 38.01 | 46.66 | | chest of drawers | 43.33 | 56.5 | | counter | 51.26 | 60.2 | | sand | 56.89 | 85.08 | | sink | 77.42 | 87.19 | | skyscraper | 40.6 | 50.03 | | fireplace | 71.84 | 92.13 | | refrigerator | 82.81 | 94.02 | | grandstand | 56.1 | 86.43 | | path | 26.19 | 41.46 | | stairs | 47.57 | 63.09 | | runway | 74.81 | 96.72 | | case | 70.29 | 78.9 | | pool table | 94.3 | 97.88 | | pillow | 64.67 | 74.36 | | screen door | 67.92 | 75.38 | | stairway | 48.83 | 63.12 | | river | 12.9 | 30.75 | | bridge | 73.5 | 89.4 | | bookcase | 45.34 | 68.77 | | blind | 35.08 | 39.64 | | coffee table | 56.65 | 90.22 | | toilet | 91.11 | 96.12 | | flower | 46.44 | 56.58 | | book | 51.9 | 71.42 | | hill | 6.53 | 12.16 | | bench | 64.86 | 73.31 | | countertop | 63.33 | 83.13 | | stove | 84.45 | 92.22 | | palm | 58.41 | 77.34 | | kitchen island | 40.0 | 74.08 | | computer | 77.36 | 90.67 | | swivel chair | 41.69 | 51.63 | | boat | 69.36 | 91.39 | | bar | 67.21 | 88.36 | | arcade machine | 87.66 | 92.17 | | hovel | 36.02 | 39.84 | | bus | 89.94 | 96.5 | | towel | 76.26 | 87.98 | | light | 58.62 | 70.1 | | truck | 43.99 | 53.01 | | tower | 26.35 | 42.28 | | chandelier | 70.14 | 81.27 | | awning | 33.93 | 39.38 | | streetlight | 26.73 | 31.12 | | booth | 43.54 | 52.32 | | television receiver | 83.49 | 90.72 | | airplane | 71.83 | 80.66 | | dirt track | 21.49 | 46.82 | | apparel | 63.2 | 76.14 | | pole | 22.39 | 34.81 | | land | 5.41 | 8.78 | | bannister | 10.62 | 15.51 | | escalator | 60.62 | 87.49 | | ottoman | 54.45 | 73.79 | | bottle | 43.29 | 72.57 | | buffet | 50.85 | 57.2 | | poster | 21.78 | 26.81 | | stage | 27.19 | 70.81 | | van | 49.6 | 58.15 | | ship | 48.91 | 51.19 | | fountain | 47.18 | 47.75 | | conveyer belt | 77.06 | 97.71 | | canopy | 52.81 | 74.34 | | washer | 86.46 | 93.07 | | plaything | 38.95 | 60.87 | | swimming pool | 57.31 | 84.52 | | stool | 49.43 | 56.41 | | barrel | 55.09 | 69.51 | | basket | 41.78 | 56.6 | | waterfall | 48.74 | 54.66 | | tent | 94.46 | 98.02 | | bag | 25.5 | 29.72 | | minibike | 75.2 | 88.36 | | cradle | 79.14 | 98.78 | | oven | 64.02 | 78.11 | | ball | 29.47 | 31.29 | | food | 61.96 | 77.44 | | step | 22.22 | 25.52 | | tank | 77.83 | 93.57 | | trade name | 31.42 | 38.37 | | microwave | 87.16 | 95.02 | | pot | 55.79 | 64.19 | | animal | 64.44 | 66.22 | | bicycle | 60.85 | 80.08 | | lake | 53.95 | 68.42 | | dishwasher | 75.86 | 81.66 | | screen | 56.23 | 76.4 | | blanket | 12.29 | 13.3 | | sculpture | 68.7 | 85.75 | | hood | 61.08 | 76.18 | | sconce | 55.05 | 65.59 | | vase | 42.57 | 58.33 | | traffic light | 33.47 | 55.68 | | tray | 20.47 | 26.48 | | ashcan | 53.8 | 68.44 | | fan | 67.19 | 78.91 | | pier | 44.14 | 52.13 | | crt screen | 2.6 | 3.25 | | plate | 59.72 | 79.42 | | monitor | 68.16 | 84.92 | | bulletin board | 59.83 | 70.13 | | shower | 6.97 | 10.82 | | radiator | 64.16 | 75.68 | | glass | 19.08 | 20.24 | | clock | 51.96 | 56.68 | | flag | 69.65 | 74.94 | +---------------------+-------+-------+ 2024-01-18 08:41:30,768 - mmseg - INFO - Summary: 2024-01-18 08:41:30,768 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.41 | 56.51 | 68.97 | +-------+-------+-------+ 2024-01-18 08:41:30,769 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 08:41:30,769 - mmseg - INFO - Iter(val) [250] aAcc: 0.8541, mIoU: 0.5651, mAcc: 0.6897, IoU.wall: 0.8071, IoU.building: 0.8453, IoU.sky: 0.9477, IoU.floor: 0.8313, IoU.tree: 0.7510, IoU.ceiling: 0.8436, IoU.road: 0.8715, IoU.bed : 0.9200, IoU.windowpane: 0.6436, IoU.grass: 0.6901, IoU.cabinet: 0.6451, IoU.sidewalk: 0.7164, IoU.person: 0.8493, IoU.earth: 0.3835, IoU.door: 0.5686, IoU.table: 0.6735, IoU.mountain: 0.6198, IoU.plant: 0.5427, IoU.curtain: 0.7857, IoU.chair: 0.6477, IoU.car: 0.8701, IoU.water: 0.6093, IoU.painting: 0.7513, IoU.sofa: 0.7856, IoU.shelf: 0.4471, IoU.house: 0.4835, IoU.sea: 0.7003, IoU.mirror: 0.7612, IoU.rug: 0.6623, IoU.field: 0.2430, IoU.armchair: 0.5649, IoU.seat: 0.6604, IoU.fence: 0.4546, IoU.desk: 0.5537, IoU.rock: 0.5587, IoU.wardrobe: 0.5867, IoU.lamp: 0.7239, IoU.bathtub: 0.8329, IoU.railing: 0.3810, IoU.cushion: 0.6684, IoU.base: 0.4098, IoU.box: 0.3827, IoU.column: 0.5036, IoU.signboard: 0.3801, IoU.chest of drawers: 0.4333, IoU.counter: 0.5126, IoU.sand: 0.5689, IoU.sink: 0.7742, IoU.skyscraper: 0.4060, IoU.fireplace: 0.7184, IoU.refrigerator: 0.8281, IoU.grandstand: 0.5610, IoU.path: 0.2619, IoU.stairs: 0.4757, IoU.runway: 0.7481, IoU.case: 0.7029, IoU.pool table: 0.9430, IoU.pillow: 0.6467, IoU.screen door: 0.6792, IoU.stairway: 0.4883, IoU.river: 0.1290, IoU.bridge: 0.7350, IoU.bookcase: 0.4534, IoU.blind: 0.3508, IoU.coffee table: 0.5665, IoU.toilet: 0.9111, IoU.flower: 0.4644, IoU.book: 0.5190, IoU.hill: 0.0653, IoU.bench: 0.6486, IoU.countertop: 0.6333, IoU.stove: 0.8445, IoU.palm: 0.5841, IoU.kitchen island: 0.4000, IoU.computer: 0.7736, IoU.swivel chair: 0.4169, IoU.boat: 0.6936, IoU.bar: 0.6721, IoU.arcade machine: 0.8766, IoU.hovel: 0.3602, IoU.bus: 0.8994, IoU.towel: 0.7626, IoU.light: 0.5862, IoU.truck: 0.4399, IoU.tower: 0.2635, IoU.chandelier: 0.7014, IoU.awning: 0.3393, IoU.streetlight: 0.2673, IoU.booth: 0.4354, IoU.television receiver: 0.8349, IoU.airplane: 0.7183, IoU.dirt track: 0.2149, IoU.apparel: 0.6320, IoU.pole: 0.2239, IoU.land: 0.0541, IoU.bannister: 0.1062, IoU.escalator: 0.6062, IoU.ottoman: 0.5445, IoU.bottle: 0.4329, IoU.buffet: 0.5085, IoU.poster: 0.2178, IoU.stage: 0.2719, IoU.van: 0.4960, IoU.ship: 0.4891, IoU.fountain: 0.4718, IoU.conveyer belt: 0.7706, IoU.canopy: 0.5281, IoU.washer: 0.8646, IoU.plaything: 0.3895, IoU.swimming pool: 0.5731, IoU.stool: 0.4943, IoU.barrel: 0.5509, IoU.basket: 0.4178, IoU.waterfall: 0.4874, IoU.tent: 0.9446, IoU.bag: 0.2550, IoU.minibike: 0.7520, IoU.cradle: 0.7914, IoU.oven: 0.6402, IoU.ball: 0.2947, IoU.food: 0.6196, IoU.step: 0.2222, IoU.tank: 0.7783, IoU.trade name: 0.3142, IoU.microwave: 0.8716, IoU.pot: 0.5579, IoU.animal: 0.6444, IoU.bicycle: 0.6085, IoU.lake: 0.5395, IoU.dishwasher: 0.7586, IoU.screen: 0.5623, IoU.blanket: 0.1229, IoU.sculpture: 0.6870, IoU.hood: 0.6108, IoU.sconce: 0.5505, IoU.vase: 0.4257, IoU.traffic light: 0.3347, IoU.tray: 0.2047, IoU.ashcan: 0.5380, IoU.fan: 0.6719, IoU.pier: 0.4414, IoU.crt screen: 0.0260, IoU.plate: 0.5972, IoU.monitor: 0.6816, IoU.bulletin board: 0.5983, IoU.shower: 0.0697, IoU.radiator: 0.6416, IoU.glass: 0.1908, IoU.clock: 0.5196, IoU.flag: 0.6965, Acc.wall: 0.9062, Acc.building: 0.9346, Acc.sky: 0.9723, Acc.floor: 0.9110, Acc.tree: 0.8780, Acc.ceiling: 0.9031, Acc.road: 0.9268, Acc.bed : 0.9769, Acc.windowpane: 0.7778, Acc.grass: 0.8067, Acc.cabinet: 0.7708, Acc.sidewalk: 0.8305, Acc.person: 0.9316, Acc.earth: 0.4962, Acc.door: 0.7072, Acc.table: 0.7836, Acc.mountain: 0.7335, Acc.plant: 0.6641, Acc.curtain: 0.8842, Acc.chair: 0.7763, Acc.car: 0.9487, Acc.water: 0.7418, Acc.painting: 0.8806, Acc.sofa: 0.8968, Acc.shelf: 0.6339, Acc.house: 0.6510, Acc.sea: 0.8327, Acc.mirror: 0.8692, Acc.rug: 0.7925, Acc.field: 0.4249, Acc.armchair: 0.7435, Acc.seat: 0.8676, Acc.fence: 0.5698, Acc.desk: 0.7061, Acc.rock: 0.7805, Acc.wardrobe: 0.7606, Acc.lamp: 0.8371, Acc.bathtub: 0.8659, Acc.railing: 0.5145, Acc.cushion: 0.7540, Acc.base: 0.6518, Acc.box: 0.4825, Acc.column: 0.6024, Acc.signboard: 0.4666, Acc.chest of drawers: 0.5650, Acc.counter: 0.6020, Acc.sand: 0.8508, Acc.sink: 0.8719, Acc.skyscraper: 0.5003, Acc.fireplace: 0.9213, Acc.refrigerator: 0.9402, Acc.grandstand: 0.8643, Acc.path: 0.4146, Acc.stairs: 0.6309, Acc.runway: 0.9672, Acc.case: 0.7890, Acc.pool table: 0.9788, Acc.pillow: 0.7436, Acc.screen door: 0.7538, Acc.stairway: 0.6312, Acc.river: 0.3075, Acc.bridge: 0.8940, Acc.bookcase: 0.6877, Acc.blind: 0.3964, Acc.coffee table: 0.9022, Acc.toilet: 0.9612, Acc.flower: 0.5658, Acc.book: 0.7142, Acc.hill: 0.1216, Acc.bench: 0.7331, Acc.countertop: 0.8313, Acc.stove: 0.9222, Acc.palm: 0.7734, Acc.kitchen island: 0.7408, Acc.computer: 0.9067, Acc.swivel chair: 0.5163, Acc.boat: 0.9139, Acc.bar: 0.8836, Acc.arcade machine: 0.9217, Acc.hovel: 0.3984, Acc.bus: 0.9650, Acc.towel: 0.8798, Acc.light: 0.7010, Acc.truck: 0.5301, Acc.tower: 0.4228, Acc.chandelier: 0.8127, Acc.awning: 0.3938, Acc.streetlight: 0.3112, Acc.booth: 0.5232, Acc.television receiver: 0.9072, Acc.airplane: 0.8066, Acc.dirt track: 0.4682, Acc.apparel: 0.7614, Acc.pole: 0.3481, Acc.land: 0.0878, Acc.bannister: 0.1551, Acc.escalator: 0.8749, Acc.ottoman: 0.7379, Acc.bottle: 0.7257, Acc.buffet: 0.5720, Acc.poster: 0.2681, Acc.stage: 0.7081, Acc.van: 0.5815, Acc.ship: 0.5119, Acc.fountain: 0.4775, Acc.conveyer belt: 0.9771, Acc.canopy: 0.7434, Acc.washer: 0.9307, Acc.plaything: 0.6087, Acc.swimming pool: 0.8452, Acc.stool: 0.5641, Acc.barrel: 0.6951, Acc.basket: 0.5660, Acc.waterfall: 0.5466, Acc.tent: 0.9802, Acc.bag: 0.2972, Acc.minibike: 0.8836, Acc.cradle: 0.9878, Acc.oven: 0.7811, Acc.ball: 0.3129, Acc.food: 0.7744, Acc.step: 0.2552, Acc.tank: 0.9357, Acc.trade name: 0.3837, Acc.microwave: 0.9502, Acc.pot: 0.6419, Acc.animal: 0.6622, Acc.bicycle: 0.8008, Acc.lake: 0.6842, Acc.dishwasher: 0.8166, Acc.screen: 0.7640, Acc.blanket: 0.1330, Acc.sculpture: 0.8575, Acc.hood: 0.7618, Acc.sconce: 0.6559, Acc.vase: 0.5833, Acc.traffic light: 0.5568, Acc.tray: 0.2648, Acc.ashcan: 0.6844, Acc.fan: 0.7891, Acc.pier: 0.5213, Acc.crt screen: 0.0325, Acc.plate: 0.7942, Acc.monitor: 0.8492, Acc.bulletin board: 0.7013, Acc.shower: 0.1082, Acc.radiator: 0.7568, Acc.glass: 0.2024, Acc.clock: 0.5668, Acc.flag: 0.7494 2024-01-18 08:42:31,440 - mmseg - INFO - Iter [31050/80000] lr: 2.448e-05, eta: 19:18:01, time: 4.326, data_time: 3.129, memory: 59004, decode.loss_ce: 0.1765, decode.acc_seg: 92.6604, aux.loss_ce: 0.0865, aux.acc_seg: 91.1649, loss: 0.2630 2024-01-18 08:43:31,671 - mmseg - INFO - Iter [31100/80000] lr: 2.445e-05, eta: 19:16:34, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1829, decode.acc_seg: 92.2640, aux.loss_ce: 0.0902, aux.acc_seg: 90.5672, loss: 0.2731 2024-01-18 08:44:31,915 - mmseg - INFO - Iter [31150/80000] lr: 2.443e-05, eta: 19:15:06, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1798, decode.acc_seg: 92.3344, aux.loss_ce: 0.0884, aux.acc_seg: 90.7691, loss: 0.2681 2024-01-18 08:45:32,284 - mmseg - INFO - Iter [31200/80000] lr: 2.440e-05, eta: 19:13:38, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1834, decode.acc_seg: 92.1423, aux.loss_ce: 0.0898, aux.acc_seg: 90.5557, loss: 0.2732 2024-01-18 08:46:32,716 - mmseg - INFO - Iter [31250/80000] lr: 2.438e-05, eta: 19:12:11, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1705, decode.acc_seg: 92.4919, aux.loss_ce: 0.0858, aux.acc_seg: 90.9106, loss: 0.2563 2024-01-18 08:47:32,917 - mmseg - INFO - Iter [31300/80000] lr: 2.435e-05, eta: 19:10:44, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1739, decode.acc_seg: 92.3240, aux.loss_ce: 0.0853, aux.acc_seg: 90.8297, loss: 0.2592 2024-01-18 08:48:33,274 - mmseg - INFO - Iter [31350/80000] lr: 2.433e-05, eta: 19:09:16, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1638, decode.acc_seg: 92.8727, aux.loss_ce: 0.0827, aux.acc_seg: 91.1819, loss: 0.2465 2024-01-18 08:49:33,718 - mmseg - INFO - Iter [31400/80000] lr: 2.430e-05, eta: 19:07:49, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1828, decode.acc_seg: 92.1234, aux.loss_ce: 0.0933, aux.acc_seg: 90.2763, loss: 0.2761 2024-01-18 08:50:34,028 - mmseg - INFO - Iter [31450/80000] lr: 2.428e-05, eta: 19:06:22, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1718, decode.acc_seg: 92.4436, aux.loss_ce: 0.0883, aux.acc_seg: 90.3903, loss: 0.2601 2024-01-18 08:51:34,337 - mmseg - INFO - Iter [31500/80000] lr: 2.425e-05, eta: 19:04:55, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1807, decode.acc_seg: 92.2012, aux.loss_ce: 0.0909, aux.acc_seg: 90.4916, loss: 0.2716 2024-01-18 08:52:34,651 - mmseg - INFO - Iter [31550/80000] lr: 2.423e-05, eta: 19:03:28, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1816, decode.acc_seg: 92.1194, aux.loss_ce: 0.0898, aux.acc_seg: 90.4713, loss: 0.2714 2024-01-18 08:53:37,191 - mmseg - INFO - Iter [31600/80000] lr: 2.420e-05, eta: 19:02:05, time: 1.251, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1705, decode.acc_seg: 92.3715, aux.loss_ce: 0.0851, aux.acc_seg: 90.7649, loss: 0.2555 2024-01-18 08:54:37,572 - mmseg - INFO - Iter [31650/80000] lr: 2.418e-05, eta: 19:00:38, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1720, decode.acc_seg: 92.5882, aux.loss_ce: 0.0870, aux.acc_seg: 90.7267, loss: 0.2591 2024-01-18 08:55:37,925 - mmseg - INFO - Iter [31700/80000] lr: 2.415e-05, eta: 18:59:11, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1728, decode.acc_seg: 92.6563, aux.loss_ce: 0.0846, aux.acc_seg: 91.0606, loss: 0.2574 2024-01-18 08:56:38,347 - mmseg - INFO - Iter [31750/80000] lr: 2.413e-05, eta: 18:57:45, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1717, decode.acc_seg: 92.5738, aux.loss_ce: 0.0860, aux.acc_seg: 90.9326, loss: 0.2577 2024-01-18 08:57:38,772 - mmseg - INFO - Iter [31800/80000] lr: 2.410e-05, eta: 18:56:18, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1711, decode.acc_seg: 92.5324, aux.loss_ce: 0.0870, aux.acc_seg: 90.8463, loss: 0.2582 2024-01-18 08:58:39,098 - mmseg - INFO - Iter [31850/80000] lr: 2.408e-05, eta: 18:54:52, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1652, decode.acc_seg: 92.8021, aux.loss_ce: 0.0834, aux.acc_seg: 91.1721, loss: 0.2486 2024-01-18 08:59:39,587 - mmseg - INFO - Iter [31900/80000] lr: 2.405e-05, eta: 18:53:26, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1723, decode.acc_seg: 92.5552, aux.loss_ce: 0.0866, aux.acc_seg: 90.6981, loss: 0.2588 2024-01-18 09:00:40,105 - mmseg - INFO - Iter [31950/80000] lr: 2.403e-05, eta: 18:52:00, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1592, decode.acc_seg: 93.0391, aux.loss_ce: 0.0808, aux.acc_seg: 91.2344, loss: 0.2401 2024-01-18 09:01:40,401 - mmseg - INFO - Saving checkpoint at 32000 iterations 2024-01-18 09:02:30,099 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 09:02:30,100 - mmseg - INFO - Iter [32000/80000] lr: 2.400e-05, eta: 18:51:48, time: 2.200, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1690, decode.acc_seg: 92.7531, aux.loss_ce: 0.0855, aux.acc_seg: 90.9168, loss: 0.2546 2024-01-18 09:05:08,397 - mmseg - INFO - per class results: 2024-01-18 09:05:08,403 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.3 | 89.02 | | building | 84.45 | 93.04 | | sky | 94.67 | 97.29 | | floor | 84.01 | 91.07 | | tree | 76.06 | 88.84 | | ceiling | 85.63 | 92.9 | | road | 87.13 | 91.83 | | bed | 91.99 | 97.52 | | windowpane | 64.33 | 84.37 | | grass | 65.02 | 73.06 | | cabinet | 64.89 | 73.79 | | sidewalk | 71.7 | 84.63 | | person | 84.06 | 94.59 | | earth | 40.44 | 55.51 | | door | 57.21 | 68.88 | | table | 68.59 | 80.42 | | mountain | 62.67 | 77.28 | | plant | 55.25 | 69.63 | | curtain | 77.42 | 89.04 | | chair | 63.61 | 77.23 | | car | 86.52 | 94.55 | | water | 62.7 | 78.14 | | painting | 74.32 | 90.57 | | sofa | 78.94 | 87.54 | | shelf | 44.45 | 62.23 | | house | 44.47 | 60.18 | | sea | 72.5 | 82.1 | | mirror | 77.24 | 86.66 | | rug | 68.53 | 82.72 | | field | 24.1 | 45.91 | | armchair | 59.14 | 76.59 | | seat | 68.83 | 88.13 | | fence | 45.32 | 56.29 | | desk | 55.99 | 79.74 | | rock | 54.94 | 77.87 | | wardrobe | 55.01 | 73.86 | | lamp | 72.23 | 86.27 | | bathtub | 81.57 | 86.52 | | railing | 40.59 | 61.02 | | cushion | 68.29 | 76.8 | | base | 36.88 | 51.49 | | box | 36.79 | 48.05 | | column | 55.65 | 69.78 | | signboard | 39.47 | 53.06 | | chest of drawers | 45.03 | 70.99 | | counter | 55.7 | 69.15 | | sand | 55.14 | 80.64 | | sink | 78.66 | 85.53 | | skyscraper | 39.91 | 46.97 | | fireplace | 73.75 | 92.89 | | refrigerator | 82.89 | 92.82 | | grandstand | 57.66 | 78.92 | | path | 26.08 | 35.19 | | stairs | 43.34 | 51.97 | | runway | 74.6 | 96.86 | | case | 66.61 | 81.82 | | pool table | 93.58 | 98.56 | | pillow | 65.4 | 75.1 | | screen door | 74.55 | 83.82 | | stairway | 45.94 | 65.61 | | river | 12.71 | 28.18 | | bridge | 76.11 | 86.96 | | bookcase | 41.18 | 66.54 | | blind | 33.59 | 35.69 | | coffee table | 63.88 | 88.05 | | toilet | 91.26 | 96.24 | | flower | 46.52 | 65.03 | | book | 52.05 | 69.93 | | hill | 5.8 | 11.09 | | bench | 59.54 | 75.04 | | countertop | 62.74 | 86.86 | | stove | 82.7 | 92.81 | | palm | 57.56 | 72.4 | | kitchen island | 39.65 | 70.89 | | computer | 76.0 | 90.71 | | swivel chair | 42.23 | 59.28 | | boat | 77.33 | 88.46 | | bar | 70.58 | 83.72 | | arcade machine | 89.77 | 96.02 | | hovel | 27.44 | 30.85 | | bus | 91.32 | 95.85 | | towel | 75.03 | 88.07 | | light | 56.74 | 67.4 | | truck | 48.38 | 58.83 | | tower | 28.01 | 52.47 | | chandelier | 69.65 | 80.55 | | awning | 43.08 | 56.11 | | streetlight | 30.2 | 36.32 | | booth | 37.77 | 44.3 | | television receiver | 83.98 | 91.09 | | airplane | 64.65 | 72.46 | | dirt track | 22.0 | 32.15 | | apparel | 59.97 | 80.41 | | pole | 24.33 | 36.74 | | land | 5.54 | 9.46 | | bannister | 15.24 | 21.68 | | escalator | 59.53 | 86.56 | | ottoman | 52.7 | 66.71 | | bottle | 41.43 | 73.67 | | buffet | 49.42 | 54.92 | | poster | 21.31 | 25.83 | | stage | 34.04 | 62.35 | | van | 46.73 | 58.92 | | ship | 70.98 | 78.7 | | fountain | 40.34 | 40.86 | | conveyer belt | 78.91 | 97.83 | | canopy | 54.65 | 76.05 | | washer | 87.94 | 93.87 | | plaything | 27.84 | 43.92 | | swimming pool | 57.64 | 89.57 | | stool | 47.96 | 66.41 | | barrel | 56.57 | 66.31 | | basket | 41.94 | 58.1 | | waterfall | 47.2 | 51.48 | | tent | 93.19 | 98.32 | | bag | 27.89 | 32.58 | | minibike | 75.62 | 88.33 | | cradle | 82.53 | 99.02 | | oven | 65.83 | 78.68 | | ball | 9.2 | 9.33 | | food | 54.1 | 65.35 | | step | 11.26 | 11.99 | | tank | 79.12 | 95.88 | | trade name | 33.79 | 41.57 | | microwave | 87.64 | 95.23 | | pot | 54.67 | 61.74 | | animal | 67.28 | 69.11 | | bicycle | 61.06 | 80.24 | | lake | 57.74 | 69.6 | | dishwasher | 69.62 | 77.09 | | screen | 56.33 | 84.2 | | blanket | 25.88 | 30.85 | | sculpture | 73.84 | 83.99 | | hood | 60.93 | 78.45 | | sconce | 55.89 | 71.25 | | vase | 42.65 | 55.81 | | traffic light | 33.37 | 61.21 | | tray | 20.18 | 29.38 | | ashcan | 54.76 | 69.63 | | fan | 66.65 | 82.33 | | pier | 40.73 | 45.32 | | crt screen | 2.72 | 3.27 | | plate | 54.58 | 84.18 | | monitor | 67.64 | 86.4 | | bulletin board | 56.69 | 66.73 | | shower | 10.43 | 10.86 | | radiator | 68.65 | 77.66 | | glass | 19.37 | 20.77 | | clock | 51.42 | 57.33 | | flag | 68.59 | 75.84 | +---------------------+-------+-------+ 2024-01-18 09:05:08,404 - mmseg - INFO - Summary: 2024-01-18 09:05:08,404 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.49 | 56.58 | 69.29 | +-------+-------+-------+ 2024-01-18 09:05:08,405 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 09:05:08,405 - mmseg - INFO - Iter(val) [250] aAcc: 0.8549, mIoU: 0.5658, mAcc: 0.6929, IoU.wall: 0.8130, IoU.building: 0.8445, IoU.sky: 0.9467, IoU.floor: 0.8401, IoU.tree: 0.7606, IoU.ceiling: 0.8563, IoU.road: 0.8713, IoU.bed : 0.9199, IoU.windowpane: 0.6433, IoU.grass: 0.6502, IoU.cabinet: 0.6489, IoU.sidewalk: 0.7170, IoU.person: 0.8406, IoU.earth: 0.4044, IoU.door: 0.5721, IoU.table: 0.6859, IoU.mountain: 0.6267, IoU.plant: 0.5525, IoU.curtain: 0.7742, IoU.chair: 0.6361, IoU.car: 0.8652, IoU.water: 0.6270, IoU.painting: 0.7432, IoU.sofa: 0.7894, IoU.shelf: 0.4445, IoU.house: 0.4447, IoU.sea: 0.7250, IoU.mirror: 0.7724, IoU.rug: 0.6853, IoU.field: 0.2410, IoU.armchair: 0.5914, IoU.seat: 0.6883, IoU.fence: 0.4532, IoU.desk: 0.5599, IoU.rock: 0.5494, IoU.wardrobe: 0.5501, IoU.lamp: 0.7223, IoU.bathtub: 0.8157, IoU.railing: 0.4059, IoU.cushion: 0.6829, IoU.base: 0.3688, IoU.box: 0.3679, IoU.column: 0.5565, IoU.signboard: 0.3947, IoU.chest of drawers: 0.4503, IoU.counter: 0.5570, IoU.sand: 0.5514, IoU.sink: 0.7866, IoU.skyscraper: 0.3991, IoU.fireplace: 0.7375, IoU.refrigerator: 0.8289, IoU.grandstand: 0.5766, IoU.path: 0.2608, IoU.stairs: 0.4334, IoU.runway: 0.7460, IoU.case: 0.6661, IoU.pool table: 0.9358, IoU.pillow: 0.6540, IoU.screen door: 0.7455, IoU.stairway: 0.4594, IoU.river: 0.1271, IoU.bridge: 0.7611, IoU.bookcase: 0.4118, IoU.blind: 0.3359, IoU.coffee table: 0.6388, IoU.toilet: 0.9126, IoU.flower: 0.4652, IoU.book: 0.5205, IoU.hill: 0.0580, IoU.bench: 0.5954, IoU.countertop: 0.6274, IoU.stove: 0.8270, IoU.palm: 0.5756, IoU.kitchen island: 0.3965, IoU.computer: 0.7600, IoU.swivel chair: 0.4223, IoU.boat: 0.7733, IoU.bar: 0.7058, IoU.arcade machine: 0.8977, IoU.hovel: 0.2744, IoU.bus: 0.9132, IoU.towel: 0.7503, IoU.light: 0.5674, IoU.truck: 0.4838, IoU.tower: 0.2801, IoU.chandelier: 0.6965, IoU.awning: 0.4308, IoU.streetlight: 0.3020, IoU.booth: 0.3777, IoU.television receiver: 0.8398, IoU.airplane: 0.6465, IoU.dirt track: 0.2200, IoU.apparel: 0.5997, IoU.pole: 0.2433, IoU.land: 0.0554, IoU.bannister: 0.1524, IoU.escalator: 0.5953, IoU.ottoman: 0.5270, IoU.bottle: 0.4143, IoU.buffet: 0.4942, IoU.poster: 0.2131, IoU.stage: 0.3404, IoU.van: 0.4673, IoU.ship: 0.7098, IoU.fountain: 0.4034, IoU.conveyer belt: 0.7891, IoU.canopy: 0.5465, IoU.washer: 0.8794, IoU.plaything: 0.2784, IoU.swimming pool: 0.5764, IoU.stool: 0.4796, IoU.barrel: 0.5657, IoU.basket: 0.4194, IoU.waterfall: 0.4720, IoU.tent: 0.9319, IoU.bag: 0.2789, IoU.minibike: 0.7562, IoU.cradle: 0.8253, IoU.oven: 0.6583, IoU.ball: 0.0920, IoU.food: 0.5410, IoU.step: 0.1126, IoU.tank: 0.7912, IoU.trade name: 0.3379, IoU.microwave: 0.8764, IoU.pot: 0.5467, IoU.animal: 0.6728, IoU.bicycle: 0.6106, IoU.lake: 0.5774, IoU.dishwasher: 0.6962, IoU.screen: 0.5633, IoU.blanket: 0.2588, IoU.sculpture: 0.7384, IoU.hood: 0.6093, IoU.sconce: 0.5589, IoU.vase: 0.4265, IoU.traffic light: 0.3337, IoU.tray: 0.2018, IoU.ashcan: 0.5476, IoU.fan: 0.6665, IoU.pier: 0.4073, IoU.crt screen: 0.0272, IoU.plate: 0.5458, IoU.monitor: 0.6764, IoU.bulletin board: 0.5669, IoU.shower: 0.1043, IoU.radiator: 0.6865, IoU.glass: 0.1937, IoU.clock: 0.5142, IoU.flag: 0.6859, Acc.wall: 0.8902, Acc.building: 0.9304, Acc.sky: 0.9729, Acc.floor: 0.9107, Acc.tree: 0.8884, Acc.ceiling: 0.9290, Acc.road: 0.9183, Acc.bed : 0.9752, Acc.windowpane: 0.8437, Acc.grass: 0.7306, Acc.cabinet: 0.7379, Acc.sidewalk: 0.8463, Acc.person: 0.9459, Acc.earth: 0.5551, Acc.door: 0.6888, Acc.table: 0.8042, Acc.mountain: 0.7728, Acc.plant: 0.6963, Acc.curtain: 0.8904, Acc.chair: 0.7723, Acc.car: 0.9455, Acc.water: 0.7814, Acc.painting: 0.9057, Acc.sofa: 0.8754, Acc.shelf: 0.6223, Acc.house: 0.6018, Acc.sea: 0.8210, Acc.mirror: 0.8666, Acc.rug: 0.8272, Acc.field: 0.4591, Acc.armchair: 0.7659, Acc.seat: 0.8813, Acc.fence: 0.5629, Acc.desk: 0.7974, Acc.rock: 0.7787, Acc.wardrobe: 0.7386, Acc.lamp: 0.8627, Acc.bathtub: 0.8652, Acc.railing: 0.6102, Acc.cushion: 0.7680, Acc.base: 0.5149, Acc.box: 0.4805, Acc.column: 0.6978, Acc.signboard: 0.5306, Acc.chest of drawers: 0.7099, Acc.counter: 0.6915, Acc.sand: 0.8064, Acc.sink: 0.8553, Acc.skyscraper: 0.4697, Acc.fireplace: 0.9289, Acc.refrigerator: 0.9282, Acc.grandstand: 0.7892, Acc.path: 0.3519, Acc.stairs: 0.5197, Acc.runway: 0.9686, Acc.case: 0.8182, Acc.pool table: 0.9856, Acc.pillow: 0.7510, Acc.screen door: 0.8382, Acc.stairway: 0.6561, Acc.river: 0.2818, Acc.bridge: 0.8696, Acc.bookcase: 0.6654, Acc.blind: 0.3569, Acc.coffee table: 0.8805, Acc.toilet: 0.9624, Acc.flower: 0.6503, Acc.book: 0.6993, Acc.hill: 0.1109, Acc.bench: 0.7504, Acc.countertop: 0.8686, Acc.stove: 0.9281, Acc.palm: 0.7240, Acc.kitchen island: 0.7089, Acc.computer: 0.9071, Acc.swivel chair: 0.5928, Acc.boat: 0.8846, Acc.bar: 0.8372, Acc.arcade machine: 0.9602, Acc.hovel: 0.3085, Acc.bus: 0.9585, Acc.towel: 0.8807, Acc.light: 0.6740, Acc.truck: 0.5883, Acc.tower: 0.5247, Acc.chandelier: 0.8055, Acc.awning: 0.5611, Acc.streetlight: 0.3632, Acc.booth: 0.4430, Acc.television receiver: 0.9109, Acc.airplane: 0.7246, Acc.dirt track: 0.3215, Acc.apparel: 0.8041, Acc.pole: 0.3674, Acc.land: 0.0946, Acc.bannister: 0.2168, Acc.escalator: 0.8656, Acc.ottoman: 0.6671, Acc.bottle: 0.7367, Acc.buffet: 0.5492, Acc.poster: 0.2583, Acc.stage: 0.6235, Acc.van: 0.5892, Acc.ship: 0.7870, Acc.fountain: 0.4086, Acc.conveyer belt: 0.9783, Acc.canopy: 0.7605, Acc.washer: 0.9387, Acc.plaything: 0.4392, Acc.swimming pool: 0.8957, Acc.stool: 0.6641, Acc.barrel: 0.6631, Acc.basket: 0.5810, Acc.waterfall: 0.5148, Acc.tent: 0.9832, Acc.bag: 0.3258, Acc.minibike: 0.8833, Acc.cradle: 0.9902, Acc.oven: 0.7868, Acc.ball: 0.0933, Acc.food: 0.6535, Acc.step: 0.1199, Acc.tank: 0.9588, Acc.trade name: 0.4157, Acc.microwave: 0.9523, Acc.pot: 0.6174, Acc.animal: 0.6911, Acc.bicycle: 0.8024, Acc.lake: 0.6960, Acc.dishwasher: 0.7709, Acc.screen: 0.8420, Acc.blanket: 0.3085, Acc.sculpture: 0.8399, Acc.hood: 0.7845, Acc.sconce: 0.7125, Acc.vase: 0.5581, Acc.traffic light: 0.6121, Acc.tray: 0.2938, Acc.ashcan: 0.6963, Acc.fan: 0.8233, Acc.pier: 0.4532, Acc.crt screen: 0.0327, Acc.plate: 0.8418, Acc.monitor: 0.8640, Acc.bulletin board: 0.6673, Acc.shower: 0.1086, Acc.radiator: 0.7766, Acc.glass: 0.2077, Acc.clock: 0.5733, Acc.flag: 0.7584 2024-01-18 09:06:09,039 - mmseg - INFO - Iter [32050/80000] lr: 2.398e-05, eta: 18:54:19, time: 4.379, data_time: 3.183, memory: 59004, decode.loss_ce: 0.1665, decode.acc_seg: 92.8515, aux.loss_ce: 0.0842, aux.acc_seg: 91.1296, loss: 0.2507 2024-01-18 09:07:09,204 - mmseg - INFO - Iter [32100/80000] lr: 2.395e-05, eta: 18:52:52, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1607, decode.acc_seg: 92.9232, aux.loss_ce: 0.0818, aux.acc_seg: 91.1569, loss: 0.2424 2024-01-18 09:08:09,355 - mmseg - INFO - Iter [32150/80000] lr: 2.393e-05, eta: 18:51:25, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1565, decode.acc_seg: 93.0275, aux.loss_ce: 0.0801, aux.acc_seg: 91.2980, loss: 0.2366 2024-01-18 09:09:09,775 - mmseg - INFO - Iter [32200/80000] lr: 2.390e-05, eta: 18:49:59, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1793, decode.acc_seg: 92.2640, aux.loss_ce: 0.0884, aux.acc_seg: 90.5750, loss: 0.2676 2024-01-18 09:10:10,163 - mmseg - INFO - Iter [32250/80000] lr: 2.388e-05, eta: 18:48:32, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1660, decode.acc_seg: 92.5571, aux.loss_ce: 0.0833, aux.acc_seg: 90.9906, loss: 0.2493 2024-01-18 09:11:10,644 - mmseg - INFO - Iter [32300/80000] lr: 2.385e-05, eta: 18:47:06, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1705, decode.acc_seg: 92.6236, aux.loss_ce: 0.0849, aux.acc_seg: 90.9878, loss: 0.2554 2024-01-18 09:12:10,980 - mmseg - INFO - Iter [32350/80000] lr: 2.383e-05, eta: 18:45:39, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1672, decode.acc_seg: 92.6041, aux.loss_ce: 0.0848, aux.acc_seg: 90.9495, loss: 0.2520 2024-01-18 09:13:11,461 - mmseg - INFO - Iter [32400/80000] lr: 2.380e-05, eta: 18:44:13, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1658, decode.acc_seg: 92.6644, aux.loss_ce: 0.0837, aux.acc_seg: 91.0754, loss: 0.2494 2024-01-18 09:14:11,807 - mmseg - INFO - Iter [32450/80000] lr: 2.378e-05, eta: 18:42:47, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1683, decode.acc_seg: 92.6221, aux.loss_ce: 0.0838, aux.acc_seg: 91.1700, loss: 0.2521 2024-01-18 09:15:11,996 - mmseg - INFO - Iter [32500/80000] lr: 2.375e-05, eta: 18:41:21, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1651, decode.acc_seg: 92.7548, aux.loss_ce: 0.0838, aux.acc_seg: 91.0607, loss: 0.2489 2024-01-18 09:16:12,203 - mmseg - INFO - Iter [32550/80000] lr: 2.373e-05, eta: 18:39:54, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1666, decode.acc_seg: 92.7152, aux.loss_ce: 0.0843, aux.acc_seg: 91.1277, loss: 0.2509 2024-01-18 09:17:12,446 - mmseg - INFO - Iter [32600/80000] lr: 2.370e-05, eta: 18:38:28, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1701, decode.acc_seg: 92.5807, aux.loss_ce: 0.0852, aux.acc_seg: 90.9477, loss: 0.2552 2024-01-18 09:18:12,702 - mmseg - INFO - Iter [32650/80000] lr: 2.368e-05, eta: 18:37:02, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1610, decode.acc_seg: 92.8123, aux.loss_ce: 0.0828, aux.acc_seg: 91.0226, loss: 0.2439 2024-01-18 09:19:12,945 - mmseg - INFO - Iter [32700/80000] lr: 2.365e-05, eta: 18:35:36, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1724, decode.acc_seg: 92.5028, aux.loss_ce: 0.0876, aux.acc_seg: 90.8282, loss: 0.2600 2024-01-18 09:20:13,296 - mmseg - INFO - Iter [32750/80000] lr: 2.363e-05, eta: 18:34:10, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1586, decode.acc_seg: 93.0215, aux.loss_ce: 0.0796, aux.acc_seg: 91.5229, loss: 0.2382 2024-01-18 09:21:13,662 - mmseg - INFO - Iter [32800/80000] lr: 2.360e-05, eta: 18:32:45, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1781, decode.acc_seg: 91.9848, aux.loss_ce: 0.0906, aux.acc_seg: 90.1775, loss: 0.2687 2024-01-18 09:22:16,120 - mmseg - INFO - Iter [32850/80000] lr: 2.358e-05, eta: 18:31:22, time: 1.249, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1645, decode.acc_seg: 92.7588, aux.loss_ce: 0.0828, aux.acc_seg: 91.1943, loss: 0.2473 2024-01-18 09:23:16,456 - mmseg - INFO - Iter [32900/80000] lr: 2.355e-05, eta: 18:29:56, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1572, decode.acc_seg: 93.2045, aux.loss_ce: 0.0806, aux.acc_seg: 91.5351, loss: 0.2378 2024-01-18 09:24:16,899 - mmseg - INFO - Iter [32950/80000] lr: 2.353e-05, eta: 18:28:31, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1565, decode.acc_seg: 93.1541, aux.loss_ce: 0.0800, aux.acc_seg: 91.3399, loss: 0.2365 2024-01-18 09:25:17,174 - mmseg - INFO - Saving checkpoint at 33000 iterations 2024-01-18 09:26:05,373 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 09:26:05,374 - mmseg - INFO - Iter [33000/80000] lr: 2.350e-05, eta: 18:28:14, time: 2.169, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1631, decode.acc_seg: 92.9259, aux.loss_ce: 0.0821, aux.acc_seg: 91.1764, loss: 0.2452 2024-01-18 09:28:43,458 - mmseg - INFO - per class results: 2024-01-18 09:28:43,464 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.76 | 90.98 | | building | 84.86 | 93.38 | | sky | 94.73 | 97.41 | | floor | 83.46 | 90.9 | | tree | 76.39 | 88.83 | | ceiling | 84.84 | 89.98 | | road | 86.35 | 92.12 | | bed | 91.82 | 97.5 | | windowpane | 63.97 | 82.64 | | grass | 68.2 | 80.57 | | cabinet | 65.73 | 75.93 | | sidewalk | 71.44 | 84.46 | | person | 84.45 | 94.25 | | earth | 37.44 | 50.09 | | door | 57.14 | 67.12 | | table | 68.05 | 79.37 | | mountain | 61.68 | 71.35 | | plant | 53.05 | 66.63 | | curtain | 76.66 | 83.56 | | chair | 64.98 | 79.27 | | car | 86.57 | 94.35 | | water | 58.89 | 73.33 | | painting | 74.21 | 89.97 | | sofa | 79.91 | 89.1 | | shelf | 42.97 | 56.94 | | house | 52.11 | 74.21 | | sea | 69.31 | 83.14 | | mirror | 76.4 | 85.41 | | rug | 63.11 | 73.37 | | field | 28.59 | 53.72 | | armchair | 56.9 | 73.87 | | seat | 69.44 | 87.54 | | fence | 45.52 | 59.42 | | desk | 57.08 | 75.48 | | rock | 56.76 | 80.58 | | wardrobe | 57.66 | 73.06 | | lamp | 73.19 | 84.52 | | bathtub | 81.59 | 86.42 | | railing | 37.75 | 49.6 | | cushion | 66.47 | 75.06 | | base | 39.72 | 54.97 | | box | 39.48 | 53.08 | | column | 54.37 | 62.0 | | signboard | 38.15 | 51.69 | | chest of drawers | 45.04 | 69.52 | | counter | 43.92 | 47.22 | | sand | 54.46 | 80.58 | | sink | 80.4 | 87.64 | | skyscraper | 53.33 | 72.77 | | fireplace | 74.14 | 91.78 | | refrigerator | 81.21 | 88.32 | | grandstand | 56.41 | 88.23 | | path | 17.86 | 21.84 | | stairs | 47.35 | 54.7 | | runway | 73.86 | 96.53 | | case | 60.95 | 73.32 | | pool table | 94.63 | 97.74 | | pillow | 65.25 | 77.56 | | screen door | 75.16 | 95.57 | | stairway | 48.27 | 66.4 | | river | 10.78 | 20.69 | | bridge | 65.99 | 87.29 | | bookcase | 43.5 | 62.27 | | blind | 30.95 | 32.23 | | coffee table | 60.69 | 87.86 | | toilet | 90.68 | 94.98 | | flower | 42.77 | 49.62 | | book | 55.97 | 75.12 | | hill | 6.97 | 10.48 | | bench | 62.17 | 66.58 | | countertop | 64.36 | 82.45 | | stove | 84.14 | 88.21 | | palm | 53.63 | 68.06 | | kitchen island | 41.24 | 80.09 | | computer | 76.76 | 91.45 | | swivel chair | 42.32 | 59.09 | | boat | 60.6 | 92.22 | | bar | 66.22 | 88.87 | | arcade machine | 89.21 | 95.95 | | hovel | 31.71 | 35.59 | | bus | 91.84 | 96.11 | | towel | 73.47 | 80.68 | | light | 55.55 | 62.37 | | truck | 46.77 | 53.07 | | tower | 28.84 | 46.99 | | chandelier | 71.79 | 83.56 | | awning | 40.74 | 47.44 | | streetlight | 26.48 | 30.47 | | booth | 37.01 | 42.99 | | television receiver | 84.26 | 90.98 | | airplane | 63.78 | 71.93 | | dirt track | 14.18 | 37.33 | | apparel | 57.61 | 69.86 | | pole | 21.25 | 28.14 | | land | 1.6 | 2.56 | | bannister | 10.33 | 12.98 | | escalator | 59.34 | 87.15 | | ottoman | 53.4 | 68.01 | | bottle | 40.9 | 69.77 | | buffet | 60.47 | 69.42 | | poster | 23.39 | 30.16 | | stage | 30.19 | 72.93 | | van | 49.02 | 60.9 | | ship | 72.94 | 80.78 | | fountain | 48.65 | 49.32 | | conveyer belt | 82.44 | 97.57 | | canopy | 46.91 | 64.71 | | washer | 87.44 | 92.04 | | plaything | 26.71 | 38.51 | | swimming pool | 57.91 | 89.14 | | stool | 44.54 | 67.96 | | barrel | 57.56 | 67.02 | | basket | 43.74 | 57.29 | | waterfall | 49.79 | 57.46 | | tent | 93.49 | 97.46 | | bag | 26.36 | 29.66 | | minibike | 74.99 | 89.49 | | cradle | 80.05 | 98.63 | | oven | 70.23 | 81.76 | | ball | 21.62 | 22.06 | | food | 62.94 | 73.93 | | step | 13.68 | 15.35 | | tank | 78.96 | 93.23 | | trade name | 23.09 | 25.25 | | microwave | 88.5 | 94.57 | | pot | 53.46 | 62.87 | | animal | 64.6 | 66.24 | | bicycle | 57.05 | 68.38 | | lake | 61.8 | 62.84 | | dishwasher | 69.72 | 82.48 | | screen | 54.02 | 86.85 | | blanket | 19.91 | 22.99 | | sculpture | 71.4 | 86.59 | | hood | 55.83 | 67.55 | | sconce | 56.48 | 66.9 | | vase | 43.06 | 53.1 | | traffic light | 33.98 | 57.72 | | tray | 16.28 | 23.23 | | ashcan | 53.86 | 67.22 | | fan | 67.08 | 81.43 | | pier | 39.75 | 45.69 | | crt screen | 5.12 | 5.75 | | plate | 58.5 | 78.63 | | monitor | 66.2 | 84.17 | | bulletin board | 52.03 | 63.41 | | shower | 11.44 | 12.01 | | radiator | 68.22 | 72.38 | | glass | 19.48 | 20.84 | | clock | 52.56 | 58.97 | | flag | 69.16 | 75.36 | +---------------------+-------+-------+ 2024-01-18 09:28:43,464 - mmseg - INFO - Summary: 2024-01-18 09:28:43,464 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.47 | 56.21 | 68.32 | +-------+-------+-------+ 2024-01-18 09:28:43,465 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 09:28:43,465 - mmseg - INFO - Iter(val) [250] aAcc: 0.8547, mIoU: 0.5621, mAcc: 0.6832, IoU.wall: 0.8076, IoU.building: 0.8486, IoU.sky: 0.9473, IoU.floor: 0.8346, IoU.tree: 0.7639, IoU.ceiling: 0.8484, IoU.road: 0.8635, IoU.bed : 0.9182, IoU.windowpane: 0.6397, IoU.grass: 0.6820, IoU.cabinet: 0.6573, IoU.sidewalk: 0.7144, IoU.person: 0.8445, IoU.earth: 0.3744, IoU.door: 0.5714, IoU.table: 0.6805, IoU.mountain: 0.6168, IoU.plant: 0.5305, IoU.curtain: 0.7666, IoU.chair: 0.6498, IoU.car: 0.8657, IoU.water: 0.5889, IoU.painting: 0.7421, IoU.sofa: 0.7991, IoU.shelf: 0.4297, IoU.house: 0.5211, IoU.sea: 0.6931, IoU.mirror: 0.7640, IoU.rug: 0.6311, IoU.field: 0.2859, IoU.armchair: 0.5690, IoU.seat: 0.6944, IoU.fence: 0.4552, IoU.desk: 0.5708, IoU.rock: 0.5676, IoU.wardrobe: 0.5766, IoU.lamp: 0.7319, IoU.bathtub: 0.8159, IoU.railing: 0.3775, IoU.cushion: 0.6647, IoU.base: 0.3972, IoU.box: 0.3948, IoU.column: 0.5437, IoU.signboard: 0.3815, IoU.chest of drawers: 0.4504, IoU.counter: 0.4392, IoU.sand: 0.5446, IoU.sink: 0.8040, IoU.skyscraper: 0.5333, IoU.fireplace: 0.7414, IoU.refrigerator: 0.8121, IoU.grandstand: 0.5641, IoU.path: 0.1786, IoU.stairs: 0.4735, IoU.runway: 0.7386, IoU.case: 0.6095, IoU.pool table: 0.9463, IoU.pillow: 0.6525, IoU.screen door: 0.7516, IoU.stairway: 0.4827, IoU.river: 0.1078, IoU.bridge: 0.6599, IoU.bookcase: 0.4350, IoU.blind: 0.3095, IoU.coffee table: 0.6069, IoU.toilet: 0.9068, IoU.flower: 0.4277, IoU.book: 0.5597, IoU.hill: 0.0697, IoU.bench: 0.6217, IoU.countertop: 0.6436, IoU.stove: 0.8414, IoU.palm: 0.5363, IoU.kitchen island: 0.4124, IoU.computer: 0.7676, IoU.swivel chair: 0.4232, IoU.boat: 0.6060, IoU.bar: 0.6622, IoU.arcade machine: 0.8921, IoU.hovel: 0.3171, IoU.bus: 0.9184, IoU.towel: 0.7347, IoU.light: 0.5555, IoU.truck: 0.4677, IoU.tower: 0.2884, IoU.chandelier: 0.7179, IoU.awning: 0.4074, IoU.streetlight: 0.2648, IoU.booth: 0.3701, IoU.television receiver: 0.8426, IoU.airplane: 0.6378, IoU.dirt track: 0.1418, IoU.apparel: 0.5761, IoU.pole: 0.2125, IoU.land: 0.0160, IoU.bannister: 0.1033, IoU.escalator: 0.5934, IoU.ottoman: 0.5340, IoU.bottle: 0.4090, IoU.buffet: 0.6047, IoU.poster: 0.2339, IoU.stage: 0.3019, IoU.van: 0.4902, IoU.ship: 0.7294, IoU.fountain: 0.4865, IoU.conveyer belt: 0.8244, IoU.canopy: 0.4691, IoU.washer: 0.8744, IoU.plaything: 0.2671, IoU.swimming pool: 0.5791, IoU.stool: 0.4454, IoU.barrel: 0.5756, IoU.basket: 0.4374, IoU.waterfall: 0.4979, IoU.tent: 0.9349, IoU.bag: 0.2636, IoU.minibike: 0.7499, IoU.cradle: 0.8005, IoU.oven: 0.7023, IoU.ball: 0.2162, IoU.food: 0.6294, IoU.step: 0.1368, IoU.tank: 0.7896, IoU.trade name: 0.2309, IoU.microwave: 0.8850, IoU.pot: 0.5346, IoU.animal: 0.6460, IoU.bicycle: 0.5705, IoU.lake: 0.6180, IoU.dishwasher: 0.6972, IoU.screen: 0.5402, IoU.blanket: 0.1991, IoU.sculpture: 0.7140, IoU.hood: 0.5583, IoU.sconce: 0.5648, IoU.vase: 0.4306, IoU.traffic light: 0.3398, IoU.tray: 0.1628, IoU.ashcan: 0.5386, IoU.fan: 0.6708, IoU.pier: 0.3975, IoU.crt screen: 0.0512, IoU.plate: 0.5850, IoU.monitor: 0.6620, IoU.bulletin board: 0.5203, IoU.shower: 0.1144, IoU.radiator: 0.6822, IoU.glass: 0.1948, IoU.clock: 0.5256, IoU.flag: 0.6916, Acc.wall: 0.9098, Acc.building: 0.9338, Acc.sky: 0.9741, Acc.floor: 0.9090, Acc.tree: 0.8883, Acc.ceiling: 0.8998, Acc.road: 0.9212, Acc.bed : 0.9750, Acc.windowpane: 0.8264, Acc.grass: 0.8057, Acc.cabinet: 0.7593, Acc.sidewalk: 0.8446, Acc.person: 0.9425, Acc.earth: 0.5009, Acc.door: 0.6712, Acc.table: 0.7937, Acc.mountain: 0.7135, Acc.plant: 0.6663, Acc.curtain: 0.8356, Acc.chair: 0.7927, Acc.car: 0.9435, Acc.water: 0.7333, Acc.painting: 0.8997, Acc.sofa: 0.8910, Acc.shelf: 0.5694, Acc.house: 0.7421, Acc.sea: 0.8314, Acc.mirror: 0.8541, Acc.rug: 0.7337, Acc.field: 0.5372, Acc.armchair: 0.7387, Acc.seat: 0.8754, Acc.fence: 0.5942, Acc.desk: 0.7548, Acc.rock: 0.8058, Acc.wardrobe: 0.7306, Acc.lamp: 0.8452, Acc.bathtub: 0.8642, Acc.railing: 0.4960, Acc.cushion: 0.7506, Acc.base: 0.5497, Acc.box: 0.5308, Acc.column: 0.6200, Acc.signboard: 0.5169, Acc.chest of drawers: 0.6952, Acc.counter: 0.4722, Acc.sand: 0.8058, Acc.sink: 0.8764, Acc.skyscraper: 0.7277, Acc.fireplace: 0.9178, Acc.refrigerator: 0.8832, Acc.grandstand: 0.8823, Acc.path: 0.2184, Acc.stairs: 0.5470, Acc.runway: 0.9653, Acc.case: 0.7332, Acc.pool table: 0.9774, Acc.pillow: 0.7756, Acc.screen door: 0.9557, Acc.stairway: 0.6640, Acc.river: 0.2069, Acc.bridge: 0.8729, Acc.bookcase: 0.6227, Acc.blind: 0.3223, Acc.coffee table: 0.8786, Acc.toilet: 0.9498, Acc.flower: 0.4962, Acc.book: 0.7512, Acc.hill: 0.1048, Acc.bench: 0.6658, Acc.countertop: 0.8245, Acc.stove: 0.8821, Acc.palm: 0.6806, Acc.kitchen island: 0.8009, Acc.computer: 0.9145, Acc.swivel chair: 0.5909, Acc.boat: 0.9222, Acc.bar: 0.8887, Acc.arcade machine: 0.9595, Acc.hovel: 0.3559, Acc.bus: 0.9611, Acc.towel: 0.8068, Acc.light: 0.6237, Acc.truck: 0.5307, Acc.tower: 0.4699, Acc.chandelier: 0.8356, Acc.awning: 0.4744, Acc.streetlight: 0.3047, Acc.booth: 0.4299, Acc.television receiver: 0.9098, Acc.airplane: 0.7193, Acc.dirt track: 0.3733, Acc.apparel: 0.6986, Acc.pole: 0.2814, Acc.land: 0.0256, Acc.bannister: 0.1298, Acc.escalator: 0.8715, Acc.ottoman: 0.6801, Acc.bottle: 0.6977, Acc.buffet: 0.6942, Acc.poster: 0.3016, Acc.stage: 0.7293, Acc.van: 0.6090, Acc.ship: 0.8078, Acc.fountain: 0.4932, Acc.conveyer belt: 0.9757, Acc.canopy: 0.6471, Acc.washer: 0.9204, Acc.plaything: 0.3851, Acc.swimming pool: 0.8914, Acc.stool: 0.6796, Acc.barrel: 0.6702, Acc.basket: 0.5729, Acc.waterfall: 0.5746, Acc.tent: 0.9746, Acc.bag: 0.2966, Acc.minibike: 0.8949, Acc.cradle: 0.9863, Acc.oven: 0.8176, Acc.ball: 0.2206, Acc.food: 0.7393, Acc.step: 0.1535, Acc.tank: 0.9323, Acc.trade name: 0.2525, Acc.microwave: 0.9457, Acc.pot: 0.6287, Acc.animal: 0.6624, Acc.bicycle: 0.6838, Acc.lake: 0.6284, Acc.dishwasher: 0.8248, Acc.screen: 0.8685, Acc.blanket: 0.2299, Acc.sculpture: 0.8659, Acc.hood: 0.6755, Acc.sconce: 0.6690, Acc.vase: 0.5310, Acc.traffic light: 0.5772, Acc.tray: 0.2323, Acc.ashcan: 0.6722, Acc.fan: 0.8143, Acc.pier: 0.4569, Acc.crt screen: 0.0575, Acc.plate: 0.7863, Acc.monitor: 0.8417, Acc.bulletin board: 0.6341, Acc.shower: 0.1201, Acc.radiator: 0.7238, Acc.glass: 0.2084, Acc.clock: 0.5897, Acc.flag: 0.7536 2024-01-18 09:29:44,179 - mmseg - INFO - Iter [33050/80000] lr: 2.348e-05, eta: 18:30:34, time: 4.376, data_time: 3.178, memory: 59004, decode.loss_ce: 0.1581, decode.acc_seg: 92.9784, aux.loss_ce: 0.0798, aux.acc_seg: 91.1220, loss: 0.2379 2024-01-18 09:30:44,432 - mmseg - INFO - Iter [33100/80000] lr: 2.345e-05, eta: 18:29:08, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1651, decode.acc_seg: 92.8944, aux.loss_ce: 0.0833, aux.acc_seg: 91.2876, loss: 0.2484 2024-01-18 09:31:44,676 - mmseg - INFO - Iter [33150/80000] lr: 2.343e-05, eta: 18:27:42, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1667, decode.acc_seg: 92.7781, aux.loss_ce: 0.0843, aux.acc_seg: 91.0693, loss: 0.2510 2024-01-18 09:32:44,904 - mmseg - INFO - Iter [33200/80000] lr: 2.340e-05, eta: 18:26:16, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1580, decode.acc_seg: 92.9989, aux.loss_ce: 0.0790, aux.acc_seg: 91.5242, loss: 0.2370 2024-01-18 09:33:45,280 - mmseg - INFO - Iter [33250/80000] lr: 2.338e-05, eta: 18:24:50, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1696, decode.acc_seg: 92.6796, aux.loss_ce: 0.0858, aux.acc_seg: 91.1281, loss: 0.2554 2024-01-18 09:34:45,765 - mmseg - INFO - Iter [33300/80000] lr: 2.335e-05, eta: 18:23:24, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1635, decode.acc_seg: 92.8146, aux.loss_ce: 0.0812, aux.acc_seg: 91.1779, loss: 0.2446 2024-01-18 09:35:46,093 - mmseg - INFO - Iter [33350/80000] lr: 2.333e-05, eta: 18:21:59, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1712, decode.acc_seg: 92.4764, aux.loss_ce: 0.0856, aux.acc_seg: 90.7786, loss: 0.2567 2024-01-18 09:36:46,396 - mmseg - INFO - Iter [33400/80000] lr: 2.330e-05, eta: 18:20:33, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1536, decode.acc_seg: 93.2664, aux.loss_ce: 0.0768, aux.acc_seg: 91.6644, loss: 0.2305 2024-01-18 09:37:46,811 - mmseg - INFO - Iter [33450/80000] lr: 2.328e-05, eta: 18:19:08, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1632, decode.acc_seg: 92.9385, aux.loss_ce: 0.0830, aux.acc_seg: 91.2502, loss: 0.2462 2024-01-18 09:38:47,028 - mmseg - INFO - Iter [33500/80000] lr: 2.325e-05, eta: 18:17:42, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1634, decode.acc_seg: 92.6041, aux.loss_ce: 0.0828, aux.acc_seg: 90.9739, loss: 0.2462 2024-01-18 09:39:47,405 - mmseg - INFO - Iter [33550/80000] lr: 2.323e-05, eta: 18:16:17, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1617, decode.acc_seg: 92.8620, aux.loss_ce: 0.0818, aux.acc_seg: 91.1394, loss: 0.2435 2024-01-18 09:40:47,670 - mmseg - INFO - Iter [33600/80000] lr: 2.320e-05, eta: 18:14:51, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1595, decode.acc_seg: 93.1948, aux.loss_ce: 0.0824, aux.acc_seg: 91.2281, loss: 0.2419 2024-01-18 09:41:47,977 - mmseg - INFO - Iter [33650/80000] lr: 2.318e-05, eta: 18:13:26, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1672, decode.acc_seg: 92.7883, aux.loss_ce: 0.0855, aux.acc_seg: 91.0607, loss: 0.2528 2024-01-18 09:42:48,274 - mmseg - INFO - Iter [33700/80000] lr: 2.315e-05, eta: 18:12:01, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1706, decode.acc_seg: 92.6287, aux.loss_ce: 0.0849, aux.acc_seg: 90.9921, loss: 0.2555 2024-01-18 09:43:48,531 - mmseg - INFO - Iter [33750/80000] lr: 2.313e-05, eta: 18:10:36, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1744, decode.acc_seg: 92.5798, aux.loss_ce: 0.0872, aux.acc_seg: 90.9050, loss: 0.2616 2024-01-18 09:44:48,881 - mmseg - INFO - Iter [33800/80000] lr: 2.310e-05, eta: 18:09:11, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1644, decode.acc_seg: 92.9506, aux.loss_ce: 0.0831, aux.acc_seg: 91.4638, loss: 0.2475 2024-01-18 09:45:49,379 - mmseg - INFO - Iter [33850/80000] lr: 2.308e-05, eta: 18:07:46, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1735, decode.acc_seg: 92.5297, aux.loss_ce: 0.0884, aux.acc_seg: 90.7275, loss: 0.2619 2024-01-18 09:46:49,684 - mmseg - INFO - Iter [33900/80000] lr: 2.305e-05, eta: 18:06:21, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1651, decode.acc_seg: 92.5192, aux.loss_ce: 0.0824, aux.acc_seg: 90.8919, loss: 0.2475 2024-01-18 09:47:50,043 - mmseg - INFO - Iter [33950/80000] lr: 2.303e-05, eta: 18:04:57, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1622, decode.acc_seg: 92.9094, aux.loss_ce: 0.0830, aux.acc_seg: 91.0721, loss: 0.2452 2024-01-18 09:48:50,413 - mmseg - INFO - Saving checkpoint at 34000 iterations 2024-01-18 09:49:34,896 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 09:49:34,896 - mmseg - INFO - Iter [34000/80000] lr: 2.300e-05, eta: 18:04:32, time: 2.097, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1596, decode.acc_seg: 92.9860, aux.loss_ce: 0.0819, aux.acc_seg: 91.3094, loss: 0.2415 2024-01-18 09:52:12,456 - mmseg - INFO - per class results: 2024-01-18 09:52:12,462 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.0 | 89.67 | | building | 84.89 | 93.42 | | sky | 94.8 | 97.07 | | floor | 83.88 | 91.12 | | tree | 76.07 | 90.27 | | ceiling | 85.41 | 91.95 | | road | 86.26 | 92.02 | | bed | 91.51 | 97.05 | | windowpane | 64.66 | 83.88 | | grass | 69.53 | 83.3 | | cabinet | 64.35 | 72.12 | | sidewalk | 71.13 | 84.15 | | person | 84.41 | 94.22 | | earth | 40.52 | 52.03 | | door | 56.62 | 69.08 | | table | 67.77 | 78.79 | | mountain | 60.99 | 71.91 | | plant | 54.2 | 67.25 | | curtain | 77.38 | 85.75 | | chair | 62.76 | 78.71 | | car | 86.75 | 92.82 | | water | 63.14 | 78.92 | | painting | 73.33 | 89.94 | | sofa | 79.01 | 88.33 | | shelf | 44.48 | 64.34 | | house | 50.22 | 66.78 | | sea | 71.79 | 81.83 | | mirror | 77.87 | 88.4 | | rug | 68.61 | 77.83 | | field | 25.95 | 42.27 | | armchair | 54.84 | 68.28 | | seat | 65.57 | 88.32 | | fence | 45.94 | 58.03 | | desk | 54.5 | 75.2 | | rock | 54.27 | 80.16 | | wardrobe | 56.25 | 77.4 | | lamp | 72.88 | 85.25 | | bathtub | 82.06 | 86.59 | | railing | 37.98 | 50.31 | | cushion | 65.97 | 74.6 | | base | 40.79 | 62.99 | | box | 35.12 | 43.37 | | column | 52.72 | 61.88 | | signboard | 36.7 | 46.38 | | chest of drawers | 46.11 | 73.07 | | counter | 53.27 | 58.47 | | sand | 56.33 | 84.15 | | sink | 80.6 | 89.09 | | skyscraper | 52.04 | 63.99 | | fireplace | 76.51 | 88.46 | | refrigerator | 81.77 | 90.26 | | grandstand | 59.26 | 84.34 | | path | 24.29 | 32.31 | | stairs | 41.36 | 48.12 | | runway | 74.64 | 96.49 | | case | 63.33 | 82.65 | | pool table | 93.93 | 98.35 | | pillow | 66.66 | 77.94 | | screen door | 71.75 | 84.9 | | stairway | 39.6 | 58.65 | | river | 15.84 | 30.55 | | bridge | 66.64 | 77.72 | | bookcase | 43.25 | 55.26 | | blind | 34.7 | 38.19 | | coffee table | 60.65 | 89.07 | | toilet | 91.18 | 94.41 | | flower | 42.57 | 65.02 | | book | 55.92 | 76.25 | | hill | 6.72 | 11.82 | | bench | 63.48 | 70.83 | | countertop | 65.61 | 83.79 | | stove | 83.51 | 91.7 | | palm | 55.57 | 71.8 | | kitchen island | 45.65 | 84.64 | | computer | 76.61 | 92.27 | | swivel chair | 41.23 | 59.85 | | boat | 66.68 | 87.56 | | bar | 71.03 | 91.42 | | arcade machine | 86.85 | 92.23 | | hovel | 43.25 | 48.65 | | bus | 90.57 | 95.78 | | towel | 75.29 | 84.19 | | light | 54.9 | 59.7 | | truck | 46.67 | 58.74 | | tower | 26.23 | 40.89 | | chandelier | 72.09 | 87.2 | | awning | 39.83 | 49.38 | | streetlight | 31.26 | 39.96 | | booth | 48.73 | 59.64 | | television receiver | 84.29 | 91.78 | | airplane | 73.39 | 82.01 | | dirt track | 15.28 | 30.99 | | apparel | 58.57 | 72.33 | | pole | 26.73 | 40.68 | | land | 7.05 | 13.6 | | bannister | 14.74 | 18.9 | | escalator | 61.3 | 86.67 | | ottoman | 56.91 | 71.53 | | bottle | 41.53 | 69.0 | | buffet | 57.34 | 65.85 | | poster | 17.85 | 22.74 | | stage | 28.74 | 69.36 | | van | 48.5 | 71.4 | | ship | 81.27 | 97.76 | | fountain | 48.72 | 52.11 | | conveyer belt | 81.31 | 97.85 | | canopy | 53.98 | 82.7 | | washer | 88.12 | 93.77 | | plaything | 39.29 | 66.29 | | swimming pool | 58.89 | 92.77 | | stool | 49.1 | 58.82 | | barrel | 54.71 | 64.66 | | basket | 42.12 | 55.28 | | waterfall | 46.49 | 59.54 | | tent | 84.83 | 98.13 | | bag | 21.84 | 25.63 | | minibike | 75.05 | 86.51 | | cradle | 76.77 | 98.79 | | oven | 69.28 | 81.45 | | ball | 29.1 | 29.79 | | food | 54.52 | 70.46 | | step | 20.23 | 22.3 | | tank | 79.07 | 93.93 | | trade name | 27.46 | 30.55 | | microwave | 89.14 | 94.5 | | pot | 53.51 | 61.19 | | animal | 62.85 | 64.25 | | bicycle | 59.64 | 76.73 | | lake | 63.42 | 69.27 | | dishwasher | 67.3 | 74.12 | | screen | 57.1 | 85.15 | | blanket | 16.89 | 19.23 | | sculpture | 67.25 | 82.65 | | hood | 59.33 | 73.45 | | sconce | 56.68 | 70.38 | | vase | 43.09 | 59.8 | | traffic light | 35.59 | 57.08 | | tray | 17.99 | 27.96 | | ashcan | 52.1 | 62.92 | | fan | 64.08 | 73.48 | | pier | 47.03 | 57.82 | | crt screen | 7.6 | 10.59 | | plate | 55.37 | 77.86 | | monitor | 68.08 | 83.99 | | bulletin board | 56.34 | 75.63 | | shower | 10.13 | 10.27 | | radiator | 66.82 | 76.31 | | glass | 18.11 | 18.99 | | clock | 52.74 | 57.24 | | flag | 68.51 | 74.21 | +---------------------+-------+-------+ 2024-01-18 09:52:12,462 - mmseg - INFO - Summary: 2024-01-18 09:52:12,462 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 85.59 | 56.87 | 69.7 | +-------+-------+------+ 2024-01-18 09:52:12,463 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 09:52:12,463 - mmseg - INFO - Iter(val) [250] aAcc: 0.8559, mIoU: 0.5687, mAcc: 0.6970, IoU.wall: 0.8100, IoU.building: 0.8489, IoU.sky: 0.9480, IoU.floor: 0.8388, IoU.tree: 0.7607, IoU.ceiling: 0.8541, IoU.road: 0.8626, IoU.bed : 0.9151, IoU.windowpane: 0.6466, IoU.grass: 0.6953, IoU.cabinet: 0.6435, IoU.sidewalk: 0.7113, IoU.person: 0.8441, IoU.earth: 0.4052, IoU.door: 0.5662, IoU.table: 0.6777, IoU.mountain: 0.6099, IoU.plant: 0.5420, IoU.curtain: 0.7738, IoU.chair: 0.6276, IoU.car: 0.8675, IoU.water: 0.6314, IoU.painting: 0.7333, IoU.sofa: 0.7901, IoU.shelf: 0.4448, IoU.house: 0.5022, IoU.sea: 0.7179, IoU.mirror: 0.7787, IoU.rug: 0.6861, IoU.field: 0.2595, IoU.armchair: 0.5484, IoU.seat: 0.6557, IoU.fence: 0.4594, IoU.desk: 0.5450, IoU.rock: 0.5427, IoU.wardrobe: 0.5625, IoU.lamp: 0.7288, IoU.bathtub: 0.8206, IoU.railing: 0.3798, IoU.cushion: 0.6597, IoU.base: 0.4079, IoU.box: 0.3512, IoU.column: 0.5272, IoU.signboard: 0.3670, IoU.chest of drawers: 0.4611, IoU.counter: 0.5327, IoU.sand: 0.5633, IoU.sink: 0.8060, IoU.skyscraper: 0.5204, IoU.fireplace: 0.7651, IoU.refrigerator: 0.8177, IoU.grandstand: 0.5926, IoU.path: 0.2429, IoU.stairs: 0.4136, IoU.runway: 0.7464, IoU.case: 0.6333, IoU.pool table: 0.9393, IoU.pillow: 0.6666, IoU.screen door: 0.7175, IoU.stairway: 0.3960, IoU.river: 0.1584, IoU.bridge: 0.6664, IoU.bookcase: 0.4325, IoU.blind: 0.3470, IoU.coffee table: 0.6065, IoU.toilet: 0.9118, IoU.flower: 0.4257, IoU.book: 0.5592, IoU.hill: 0.0672, IoU.bench: 0.6348, IoU.countertop: 0.6561, IoU.stove: 0.8351, IoU.palm: 0.5557, IoU.kitchen island: 0.4565, IoU.computer: 0.7661, IoU.swivel chair: 0.4123, IoU.boat: 0.6668, IoU.bar: 0.7103, IoU.arcade machine: 0.8685, IoU.hovel: 0.4325, IoU.bus: 0.9057, IoU.towel: 0.7529, IoU.light: 0.5490, IoU.truck: 0.4667, IoU.tower: 0.2623, IoU.chandelier: 0.7209, IoU.awning: 0.3983, IoU.streetlight: 0.3126, IoU.booth: 0.4873, IoU.television receiver: 0.8429, IoU.airplane: 0.7339, IoU.dirt track: 0.1528, IoU.apparel: 0.5857, IoU.pole: 0.2673, IoU.land: 0.0705, IoU.bannister: 0.1474, IoU.escalator: 0.6130, IoU.ottoman: 0.5691, IoU.bottle: 0.4153, IoU.buffet: 0.5734, IoU.poster: 0.1785, IoU.stage: 0.2874, IoU.van: 0.4850, IoU.ship: 0.8127, IoU.fountain: 0.4872, IoU.conveyer belt: 0.8131, IoU.canopy: 0.5398, IoU.washer: 0.8812, IoU.plaything: 0.3929, IoU.swimming pool: 0.5889, IoU.stool: 0.4910, IoU.barrel: 0.5471, IoU.basket: 0.4212, IoU.waterfall: 0.4649, IoU.tent: 0.8483, IoU.bag: 0.2184, IoU.minibike: 0.7505, IoU.cradle: 0.7677, IoU.oven: 0.6928, IoU.ball: 0.2910, IoU.food: 0.5452, IoU.step: 0.2023, IoU.tank: 0.7907, IoU.trade name: 0.2746, IoU.microwave: 0.8914, IoU.pot: 0.5351, IoU.animal: 0.6285, IoU.bicycle: 0.5964, IoU.lake: 0.6342, IoU.dishwasher: 0.6730, IoU.screen: 0.5710, IoU.blanket: 0.1689, IoU.sculpture: 0.6725, IoU.hood: 0.5933, IoU.sconce: 0.5668, IoU.vase: 0.4309, IoU.traffic light: 0.3559, IoU.tray: 0.1799, IoU.ashcan: 0.5210, IoU.fan: 0.6408, IoU.pier: 0.4703, IoU.crt screen: 0.0760, IoU.plate: 0.5537, IoU.monitor: 0.6808, IoU.bulletin board: 0.5634, IoU.shower: 0.1013, IoU.radiator: 0.6682, IoU.glass: 0.1811, IoU.clock: 0.5274, IoU.flag: 0.6851, Acc.wall: 0.8967, Acc.building: 0.9342, Acc.sky: 0.9707, Acc.floor: 0.9112, Acc.tree: 0.9027, Acc.ceiling: 0.9195, Acc.road: 0.9202, Acc.bed : 0.9705, Acc.windowpane: 0.8388, Acc.grass: 0.8330, Acc.cabinet: 0.7212, Acc.sidewalk: 0.8415, Acc.person: 0.9422, Acc.earth: 0.5203, Acc.door: 0.6908, Acc.table: 0.7879, Acc.mountain: 0.7191, Acc.plant: 0.6725, Acc.curtain: 0.8575, Acc.chair: 0.7871, Acc.car: 0.9282, Acc.water: 0.7892, Acc.painting: 0.8994, Acc.sofa: 0.8833, Acc.shelf: 0.6434, Acc.house: 0.6678, Acc.sea: 0.8183, Acc.mirror: 0.8840, Acc.rug: 0.7783, Acc.field: 0.4227, Acc.armchair: 0.6828, Acc.seat: 0.8832, Acc.fence: 0.5803, Acc.desk: 0.7520, Acc.rock: 0.8016, Acc.wardrobe: 0.7740, Acc.lamp: 0.8525, Acc.bathtub: 0.8659, Acc.railing: 0.5031, Acc.cushion: 0.7460, Acc.base: 0.6299, Acc.box: 0.4337, Acc.column: 0.6188, Acc.signboard: 0.4638, Acc.chest of drawers: 0.7307, Acc.counter: 0.5847, Acc.sand: 0.8415, Acc.sink: 0.8909, Acc.skyscraper: 0.6399, Acc.fireplace: 0.8846, Acc.refrigerator: 0.9026, Acc.grandstand: 0.8434, Acc.path: 0.3231, Acc.stairs: 0.4812, Acc.runway: 0.9649, Acc.case: 0.8265, Acc.pool table: 0.9835, Acc.pillow: 0.7794, Acc.screen door: 0.8490, Acc.stairway: 0.5865, Acc.river: 0.3055, Acc.bridge: 0.7772, Acc.bookcase: 0.5526, Acc.blind: 0.3819, Acc.coffee table: 0.8907, Acc.toilet: 0.9441, Acc.flower: 0.6502, Acc.book: 0.7625, Acc.hill: 0.1182, Acc.bench: 0.7083, Acc.countertop: 0.8379, Acc.stove: 0.9170, Acc.palm: 0.7180, Acc.kitchen island: 0.8464, Acc.computer: 0.9227, Acc.swivel chair: 0.5985, Acc.boat: 0.8756, Acc.bar: 0.9142, Acc.arcade machine: 0.9223, Acc.hovel: 0.4865, Acc.bus: 0.9578, Acc.towel: 0.8419, Acc.light: 0.5970, Acc.truck: 0.5874, Acc.tower: 0.4089, Acc.chandelier: 0.8720, Acc.awning: 0.4938, Acc.streetlight: 0.3996, Acc.booth: 0.5964, Acc.television receiver: 0.9178, Acc.airplane: 0.8201, Acc.dirt track: 0.3099, Acc.apparel: 0.7233, Acc.pole: 0.4068, Acc.land: 0.1360, Acc.bannister: 0.1890, Acc.escalator: 0.8667, Acc.ottoman: 0.7153, Acc.bottle: 0.6900, Acc.buffet: 0.6585, Acc.poster: 0.2274, Acc.stage: 0.6936, Acc.van: 0.7140, Acc.ship: 0.9776, Acc.fountain: 0.5211, Acc.conveyer belt: 0.9785, Acc.canopy: 0.8270, Acc.washer: 0.9377, Acc.plaything: 0.6629, Acc.swimming pool: 0.9277, Acc.stool: 0.5882, Acc.barrel: 0.6466, Acc.basket: 0.5528, Acc.waterfall: 0.5954, Acc.tent: 0.9813, Acc.bag: 0.2563, Acc.minibike: 0.8651, Acc.cradle: 0.9879, Acc.oven: 0.8145, Acc.ball: 0.2979, Acc.food: 0.7046, Acc.step: 0.2230, Acc.tank: 0.9393, Acc.trade name: 0.3055, Acc.microwave: 0.9450, Acc.pot: 0.6119, Acc.animal: 0.6425, Acc.bicycle: 0.7673, Acc.lake: 0.6927, Acc.dishwasher: 0.7412, Acc.screen: 0.8515, Acc.blanket: 0.1923, Acc.sculpture: 0.8265, Acc.hood: 0.7345, Acc.sconce: 0.7038, Acc.vase: 0.5980, Acc.traffic light: 0.5708, Acc.tray: 0.2796, Acc.ashcan: 0.6292, Acc.fan: 0.7348, Acc.pier: 0.5782, Acc.crt screen: 0.1059, Acc.plate: 0.7786, Acc.monitor: 0.8399, Acc.bulletin board: 0.7563, Acc.shower: 0.1027, Acc.radiator: 0.7631, Acc.glass: 0.1899, Acc.clock: 0.5724, Acc.flag: 0.7421 2024-01-18 09:53:13,053 - mmseg - INFO - Iter [34050/80000] lr: 2.298e-05, eta: 18:06:40, time: 4.363, data_time: 3.167, memory: 59004, decode.loss_ce: 0.1636, decode.acc_seg: 92.8479, aux.loss_ce: 0.0827, aux.acc_seg: 91.1225, loss: 0.2462 2024-01-18 09:54:13,370 - mmseg - INFO - Iter [34100/80000] lr: 2.295e-05, eta: 18:05:15, time: 1.206, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1722, decode.acc_seg: 92.5459, aux.loss_ce: 0.0863, aux.acc_seg: 90.8595, loss: 0.2584 2024-01-18 09:55:15,768 - mmseg - INFO - Iter [34150/80000] lr: 2.293e-05, eta: 18:03:53, time: 1.248, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1638, decode.acc_seg: 92.9313, aux.loss_ce: 0.0818, aux.acc_seg: 91.3590, loss: 0.2455 2024-01-18 09:56:15,969 - mmseg - INFO - Iter [34200/80000] lr: 2.290e-05, eta: 18:02:28, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1619, decode.acc_seg: 92.7542, aux.loss_ce: 0.0810, aux.acc_seg: 91.1722, loss: 0.2429 2024-01-18 09:57:16,196 - mmseg - INFO - Iter [34250/80000] lr: 2.288e-05, eta: 18:01:02, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1670, decode.acc_seg: 92.7975, aux.loss_ce: 0.0833, aux.acc_seg: 91.1580, loss: 0.2503 2024-01-18 09:58:16,493 - mmseg - INFO - Iter [34300/80000] lr: 2.285e-05, eta: 17:59:37, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1638, decode.acc_seg: 92.8897, aux.loss_ce: 0.0813, aux.acc_seg: 91.3422, loss: 0.2451 2024-01-18 09:59:17,000 - mmseg - INFO - Iter [34350/80000] lr: 2.283e-05, eta: 17:58:13, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1515, decode.acc_seg: 93.1430, aux.loss_ce: 0.0781, aux.acc_seg: 91.5838, loss: 0.2296 2024-01-18 10:00:17,192 - mmseg - INFO - Iter [34400/80000] lr: 2.280e-05, eta: 17:56:48, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1576, decode.acc_seg: 93.1004, aux.loss_ce: 0.0804, aux.acc_seg: 91.3874, loss: 0.2381 2024-01-18 10:01:17,613 - mmseg - INFO - Iter [34450/80000] lr: 2.278e-05, eta: 17:55:23, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1621, decode.acc_seg: 92.9801, aux.loss_ce: 0.0835, aux.acc_seg: 91.2013, loss: 0.2456 2024-01-18 10:02:17,862 - mmseg - INFO - Iter [34500/80000] lr: 2.275e-05, eta: 17:53:58, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1525, decode.acc_seg: 93.3847, aux.loss_ce: 0.0779, aux.acc_seg: 91.6518, loss: 0.2304 2024-01-18 10:03:18,098 - mmseg - INFO - Iter [34550/80000] lr: 2.273e-05, eta: 17:52:34, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1573, decode.acc_seg: 92.8177, aux.loss_ce: 0.0792, aux.acc_seg: 91.3187, loss: 0.2365 2024-01-18 10:04:18,299 - mmseg - INFO - Iter [34600/80000] lr: 2.270e-05, eta: 17:51:09, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1686, decode.acc_seg: 92.6424, aux.loss_ce: 0.0867, aux.acc_seg: 90.8479, loss: 0.2553 2024-01-18 10:05:18,645 - mmseg - INFO - Iter [34650/80000] lr: 2.268e-05, eta: 17:49:44, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1536, decode.acc_seg: 93.1871, aux.loss_ce: 0.0782, aux.acc_seg: 91.5712, loss: 0.2318 2024-01-18 10:06:18,925 - mmseg - INFO - Iter [34700/80000] lr: 2.265e-05, eta: 17:48:20, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1587, decode.acc_seg: 93.0147, aux.loss_ce: 0.0814, aux.acc_seg: 91.3525, loss: 0.2402 2024-01-18 10:07:19,234 - mmseg - INFO - Iter [34750/80000] lr: 2.263e-05, eta: 17:46:56, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1615, decode.acc_seg: 92.9037, aux.loss_ce: 0.0812, aux.acc_seg: 91.4432, loss: 0.2427 2024-01-18 10:08:19,573 - mmseg - INFO - Iter [34800/80000] lr: 2.260e-05, eta: 17:45:31, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1525, decode.acc_seg: 93.4222, aux.loss_ce: 0.0768, aux.acc_seg: 91.9025, loss: 0.2292 2024-01-18 10:09:19,952 - mmseg - INFO - Iter [34850/80000] lr: 2.258e-05, eta: 17:44:07, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1615, decode.acc_seg: 92.8599, aux.loss_ce: 0.0806, aux.acc_seg: 91.2405, loss: 0.2421 2024-01-18 10:10:20,310 - mmseg - INFO - Iter [34900/80000] lr: 2.255e-05, eta: 17:42:43, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1592, decode.acc_seg: 92.9832, aux.loss_ce: 0.0817, aux.acc_seg: 91.4720, loss: 0.2409 2024-01-18 10:11:20,626 - mmseg - INFO - Iter [34950/80000] lr: 2.253e-05, eta: 17:41:19, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1571, decode.acc_seg: 93.1808, aux.loss_ce: 0.0792, aux.acc_seg: 91.6206, loss: 0.2363 2024-01-18 10:12:20,986 - mmseg - INFO - Saving checkpoint at 35000 iterations 2024-01-18 10:13:06,126 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 10:13:06,127 - mmseg - INFO - Iter [35000/80000] lr: 2.250e-05, eta: 17:40:53, time: 2.110, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1640, decode.acc_seg: 93.0004, aux.loss_ce: 0.0827, aux.acc_seg: 91.3295, loss: 0.2467 2024-01-18 10:15:45,207 - mmseg - INFO - per class results: 2024-01-18 10:15:45,221 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.02 | 89.9 | | building | 84.67 | 92.69 | | sky | 94.62 | 97.35 | | floor | 83.39 | 91.92 | | tree | 76.29 | 89.65 | | ceiling | 85.54 | 94.29 | | road | 86.15 | 90.28 | | bed | 91.88 | 97.42 | | windowpane | 65.46 | 79.46 | | grass | 67.66 | 81.08 | | cabinet | 66.65 | 76.24 | | sidewalk | 69.46 | 87.0 | | person | 84.33 | 93.96 | | earth | 41.14 | 55.18 | | door | 57.35 | 67.74 | | table | 68.87 | 79.4 | | mountain | 62.18 | 72.68 | | plant | 56.39 | 70.92 | | curtain | 78.54 | 87.24 | | chair | 62.17 | 74.33 | | car | 86.24 | 94.03 | | water | 55.41 | 66.41 | | painting | 74.71 | 90.41 | | sofa | 76.26 | 87.03 | | shelf | 44.67 | 64.93 | | house | 49.58 | 68.45 | | sea | 68.65 | 84.13 | | mirror | 76.1 | 86.33 | | rug | 62.89 | 74.47 | | field | 28.93 | 44.3 | | armchair | 54.2 | 74.92 | | seat | 65.73 | 90.09 | | fence | 45.11 | 54.39 | | desk | 57.83 | 75.22 | | rock | 54.93 | 78.96 | | wardrobe | 60.09 | 80.96 | | lamp | 73.15 | 82.26 | | bathtub | 81.91 | 85.58 | | railing | 41.55 | 64.92 | | cushion | 65.69 | 76.87 | | base | 37.84 | 50.45 | | box | 40.27 | 51.87 | | column | 49.65 | 57.98 | | signboard | 39.1 | 51.57 | | chest of drawers | 47.32 | 60.69 | | counter | 55.61 | 61.57 | | sand | 55.58 | 84.19 | | sink | 80.92 | 87.5 | | skyscraper | 48.3 | 57.74 | | fireplace | 76.07 | 88.5 | | refrigerator | 81.07 | 88.94 | | grandstand | 59.67 | 83.02 | | path | 29.44 | 40.32 | | stairs | 40.05 | 45.97 | | runway | 74.28 | 95.94 | | case | 65.74 | 84.61 | | pool table | 94.15 | 98.13 | | pillow | 61.46 | 69.87 | | screen door | 75.05 | 93.9 | | stairway | 43.69 | 61.24 | | river | 11.55 | 31.98 | | bridge | 67.39 | 78.39 | | bookcase | 44.82 | 67.03 | | blind | 40.03 | 48.27 | | coffee table | 63.67 | 86.05 | | toilet | 90.78 | 95.82 | | flower | 44.59 | 55.4 | | book | 54.26 | 72.76 | | hill | 6.33 | 10.63 | | bench | 62.21 | 69.51 | | countertop | 64.84 | 79.06 | | stove | 82.79 | 90.68 | | palm | 54.19 | 79.1 | | kitchen island | 53.66 | 79.96 | | computer | 78.6 | 89.71 | | swivel chair | 40.05 | 55.35 | | boat | 72.94 | 88.94 | | bar | 70.49 | 82.5 | | arcade machine | 81.38 | 87.07 | | hovel | 44.19 | 48.71 | | bus | 89.89 | 96.06 | | towel | 73.88 | 83.47 | | light | 56.63 | 63.7 | | truck | 46.85 | 59.63 | | tower | 29.93 | 49.19 | | chandelier | 72.36 | 88.12 | | awning | 38.22 | 45.07 | | streetlight | 29.32 | 35.34 | | booth | 36.49 | 49.69 | | television receiver | 84.49 | 90.58 | | airplane | 66.0 | 77.55 | | dirt track | 13.78 | 19.47 | | apparel | 63.76 | 76.61 | | pole | 23.9 | 34.71 | | land | 5.73 | 8.93 | | bannister | 11.31 | 15.82 | | escalator | 61.69 | 85.8 | | ottoman | 49.52 | 58.48 | | bottle | 43.04 | 73.19 | | buffet | 62.18 | 71.35 | | poster | 21.0 | 23.05 | | stage | 29.51 | 63.83 | | van | 49.77 | 67.22 | | ship | 78.92 | 91.92 | | fountain | 48.93 | 49.83 | | conveyer belt | 83.45 | 97.45 | | canopy | 50.25 | 67.91 | | washer | 88.06 | 93.71 | | plaything | 36.81 | 48.77 | | swimming pool | 57.42 | 89.29 | | stool | 52.03 | 63.77 | | barrel | 56.74 | 64.42 | | basket | 42.36 | 55.27 | | waterfall | 51.91 | 56.34 | | tent | 89.62 | 98.48 | | bag | 29.09 | 34.11 | | minibike | 75.13 | 85.8 | | cradle | 80.13 | 98.54 | | oven | 63.83 | 73.72 | | ball | 54.44 | 58.78 | | food | 56.19 | 62.9 | | step | 6.15 | 6.2 | | tank | 77.41 | 91.83 | | trade name | 23.93 | 25.96 | | microwave | 86.43 | 95.37 | | pot | 54.59 | 61.69 | | animal | 68.05 | 71.1 | | bicycle | 57.76 | 73.36 | | lake | 53.48 | 73.27 | | dishwasher | 70.49 | 75.11 | | screen | 55.78 | 72.88 | | blanket | 13.15 | 14.85 | | sculpture | 73.16 | 84.69 | | hood | 63.66 | 72.43 | | sconce | 54.61 | 68.75 | | vase | 43.77 | 60.67 | | traffic light | 36.54 | 56.54 | | tray | 14.88 | 18.35 | | ashcan | 52.61 | 61.77 | | fan | 67.67 | 80.2 | | pier | 40.44 | 45.49 | | crt screen | 2.95 | 3.86 | | plate | 57.3 | 78.41 | | monitor | 68.69 | 85.23 | | bulletin board | 60.28 | 68.75 | | shower | 5.27 | 7.39 | | radiator | 66.56 | 73.21 | | glass | 21.27 | 23.46 | | clock | 53.01 | 62.23 | | flag | 67.69 | 77.13 | +---------------------+-------+-------+ 2024-01-18 10:15:45,221 - mmseg - INFO - Summary: 2024-01-18 10:15:45,221 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.59 | 56.96 | 68.82 | +-------+-------+-------+ 2024-01-18 10:15:45,223 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 10:15:45,224 - mmseg - INFO - Iter(val) [250] aAcc: 0.8559, mIoU: 0.5696, mAcc: 0.6882, IoU.wall: 0.8102, IoU.building: 0.8467, IoU.sky: 0.9462, IoU.floor: 0.8339, IoU.tree: 0.7629, IoU.ceiling: 0.8554, IoU.road: 0.8615, IoU.bed : 0.9188, IoU.windowpane: 0.6546, IoU.grass: 0.6766, IoU.cabinet: 0.6665, IoU.sidewalk: 0.6946, IoU.person: 0.8433, IoU.earth: 0.4114, IoU.door: 0.5735, IoU.table: 0.6887, IoU.mountain: 0.6218, IoU.plant: 0.5639, IoU.curtain: 0.7854, IoU.chair: 0.6217, IoU.car: 0.8624, IoU.water: 0.5541, IoU.painting: 0.7471, IoU.sofa: 0.7626, IoU.shelf: 0.4467, IoU.house: 0.4958, IoU.sea: 0.6865, IoU.mirror: 0.7610, IoU.rug: 0.6289, IoU.field: 0.2893, IoU.armchair: 0.5420, IoU.seat: 0.6573, IoU.fence: 0.4511, IoU.desk: 0.5783, IoU.rock: 0.5493, IoU.wardrobe: 0.6009, IoU.lamp: 0.7315, IoU.bathtub: 0.8191, IoU.railing: 0.4155, IoU.cushion: 0.6569, IoU.base: 0.3784, IoU.box: 0.4027, IoU.column: 0.4965, IoU.signboard: 0.3910, IoU.chest of drawers: 0.4732, IoU.counter: 0.5561, IoU.sand: 0.5558, IoU.sink: 0.8092, IoU.skyscraper: 0.4830, IoU.fireplace: 0.7607, IoU.refrigerator: 0.8107, IoU.grandstand: 0.5967, IoU.path: 0.2944, IoU.stairs: 0.4005, IoU.runway: 0.7428, IoU.case: 0.6574, IoU.pool table: 0.9415, IoU.pillow: 0.6146, IoU.screen door: 0.7505, IoU.stairway: 0.4369, IoU.river: 0.1155, IoU.bridge: 0.6739, IoU.bookcase: 0.4482, IoU.blind: 0.4003, IoU.coffee table: 0.6367, IoU.toilet: 0.9078, IoU.flower: 0.4459, IoU.book: 0.5426, IoU.hill: 0.0633, IoU.bench: 0.6221, IoU.countertop: 0.6484, IoU.stove: 0.8279, IoU.palm: 0.5419, IoU.kitchen island: 0.5366, IoU.computer: 0.7860, IoU.swivel chair: 0.4005, IoU.boat: 0.7294, IoU.bar: 0.7049, IoU.arcade machine: 0.8138, IoU.hovel: 0.4419, IoU.bus: 0.8989, IoU.towel: 0.7388, IoU.light: 0.5663, IoU.truck: 0.4685, IoU.tower: 0.2993, IoU.chandelier: 0.7236, IoU.awning: 0.3822, IoU.streetlight: 0.2932, IoU.booth: 0.3649, IoU.television receiver: 0.8449, IoU.airplane: 0.6600, IoU.dirt track: 0.1378, IoU.apparel: 0.6376, IoU.pole: 0.2390, IoU.land: 0.0573, IoU.bannister: 0.1131, IoU.escalator: 0.6169, IoU.ottoman: 0.4952, IoU.bottle: 0.4304, IoU.buffet: 0.6218, IoU.poster: 0.2100, IoU.stage: 0.2951, IoU.van: 0.4977, IoU.ship: 0.7892, IoU.fountain: 0.4893, IoU.conveyer belt: 0.8345, IoU.canopy: 0.5025, IoU.washer: 0.8806, IoU.plaything: 0.3681, IoU.swimming pool: 0.5742, IoU.stool: 0.5203, IoU.barrel: 0.5674, IoU.basket: 0.4236, IoU.waterfall: 0.5191, IoU.tent: 0.8962, IoU.bag: 0.2909, IoU.minibike: 0.7513, IoU.cradle: 0.8013, IoU.oven: 0.6383, IoU.ball: 0.5444, IoU.food: 0.5619, IoU.step: 0.0615, IoU.tank: 0.7741, IoU.trade name: 0.2393, IoU.microwave: 0.8643, IoU.pot: 0.5459, IoU.animal: 0.6805, IoU.bicycle: 0.5776, IoU.lake: 0.5348, IoU.dishwasher: 0.7049, IoU.screen: 0.5578, IoU.blanket: 0.1315, IoU.sculpture: 0.7316, IoU.hood: 0.6366, IoU.sconce: 0.5461, IoU.vase: 0.4377, IoU.traffic light: 0.3654, IoU.tray: 0.1488, IoU.ashcan: 0.5261, IoU.fan: 0.6767, IoU.pier: 0.4044, IoU.crt screen: 0.0295, IoU.plate: 0.5730, IoU.monitor: 0.6869, IoU.bulletin board: 0.6028, IoU.shower: 0.0527, IoU.radiator: 0.6656, IoU.glass: 0.2127, IoU.clock: 0.5301, IoU.flag: 0.6769, Acc.wall: 0.8990, Acc.building: 0.9269, Acc.sky: 0.9735, Acc.floor: 0.9192, Acc.tree: 0.8965, Acc.ceiling: 0.9429, Acc.road: 0.9028, Acc.bed : 0.9742, Acc.windowpane: 0.7946, Acc.grass: 0.8108, Acc.cabinet: 0.7624, Acc.sidewalk: 0.8700, Acc.person: 0.9396, Acc.earth: 0.5518, Acc.door: 0.6774, Acc.table: 0.7940, Acc.mountain: 0.7268, Acc.plant: 0.7092, Acc.curtain: 0.8724, Acc.chair: 0.7433, Acc.car: 0.9403, Acc.water: 0.6641, Acc.painting: 0.9041, Acc.sofa: 0.8703, Acc.shelf: 0.6493, Acc.house: 0.6845, Acc.sea: 0.8413, Acc.mirror: 0.8633, Acc.rug: 0.7447, Acc.field: 0.4430, Acc.armchair: 0.7492, Acc.seat: 0.9009, Acc.fence: 0.5439, Acc.desk: 0.7522, Acc.rock: 0.7896, Acc.wardrobe: 0.8096, Acc.lamp: 0.8226, Acc.bathtub: 0.8558, Acc.railing: 0.6492, Acc.cushion: 0.7687, Acc.base: 0.5045, Acc.box: 0.5187, Acc.column: 0.5798, Acc.signboard: 0.5157, Acc.chest of drawers: 0.6069, Acc.counter: 0.6157, Acc.sand: 0.8419, Acc.sink: 0.8750, Acc.skyscraper: 0.5774, Acc.fireplace: 0.8850, Acc.refrigerator: 0.8894, Acc.grandstand: 0.8302, Acc.path: 0.4032, Acc.stairs: 0.4597, Acc.runway: 0.9594, Acc.case: 0.8461, Acc.pool table: 0.9813, Acc.pillow: 0.6987, Acc.screen door: 0.9390, Acc.stairway: 0.6124, Acc.river: 0.3198, Acc.bridge: 0.7839, Acc.bookcase: 0.6703, Acc.blind: 0.4827, Acc.coffee table: 0.8605, Acc.toilet: 0.9582, Acc.flower: 0.5540, Acc.book: 0.7276, Acc.hill: 0.1063, Acc.bench: 0.6951, Acc.countertop: 0.7906, Acc.stove: 0.9068, Acc.palm: 0.7910, Acc.kitchen island: 0.7996, Acc.computer: 0.8971, Acc.swivel chair: 0.5535, Acc.boat: 0.8894, Acc.bar: 0.8250, Acc.arcade machine: 0.8707, Acc.hovel: 0.4871, Acc.bus: 0.9606, Acc.towel: 0.8347, Acc.light: 0.6370, Acc.truck: 0.5963, Acc.tower: 0.4919, Acc.chandelier: 0.8812, Acc.awning: 0.4507, Acc.streetlight: 0.3534, Acc.booth: 0.4969, Acc.television receiver: 0.9058, Acc.airplane: 0.7755, Acc.dirt track: 0.1947, Acc.apparel: 0.7661, Acc.pole: 0.3471, Acc.land: 0.0893, Acc.bannister: 0.1582, Acc.escalator: 0.8580, Acc.ottoman: 0.5848, Acc.bottle: 0.7319, Acc.buffet: 0.7135, Acc.poster: 0.2305, Acc.stage: 0.6383, Acc.van: 0.6722, Acc.ship: 0.9192, Acc.fountain: 0.4983, Acc.conveyer belt: 0.9745, Acc.canopy: 0.6791, Acc.washer: 0.9371, Acc.plaything: 0.4877, Acc.swimming pool: 0.8929, Acc.stool: 0.6377, Acc.barrel: 0.6442, Acc.basket: 0.5527, Acc.waterfall: 0.5634, Acc.tent: 0.9848, Acc.bag: 0.3411, Acc.minibike: 0.8580, Acc.cradle: 0.9854, Acc.oven: 0.7372, Acc.ball: 0.5878, Acc.food: 0.6290, Acc.step: 0.0620, Acc.tank: 0.9183, Acc.trade name: 0.2596, Acc.microwave: 0.9537, Acc.pot: 0.6169, Acc.animal: 0.7110, Acc.bicycle: 0.7336, Acc.lake: 0.7327, Acc.dishwasher: 0.7511, Acc.screen: 0.7288, Acc.blanket: 0.1485, Acc.sculpture: 0.8469, Acc.hood: 0.7243, Acc.sconce: 0.6875, Acc.vase: 0.6067, Acc.traffic light: 0.5654, Acc.tray: 0.1835, Acc.ashcan: 0.6177, Acc.fan: 0.8020, Acc.pier: 0.4549, Acc.crt screen: 0.0386, Acc.plate: 0.7841, Acc.monitor: 0.8523, Acc.bulletin board: 0.6875, Acc.shower: 0.0739, Acc.radiator: 0.7321, Acc.glass: 0.2346, Acc.clock: 0.6223, Acc.flag: 0.7713 2024-01-18 10:16:45,927 - mmseg - INFO - Iter [35050/80000] lr: 2.248e-05, eta: 17:42:54, time: 4.396, data_time: 3.198, memory: 59004, decode.loss_ce: 0.1619, decode.acc_seg: 92.7959, aux.loss_ce: 0.0825, aux.acc_seg: 91.2086, loss: 0.2444 2024-01-18 10:17:46,262 - mmseg - INFO - Iter [35100/80000] lr: 2.245e-05, eta: 17:41:29, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1653, decode.acc_seg: 92.9358, aux.loss_ce: 0.0830, aux.acc_seg: 91.3904, loss: 0.2484 2024-01-18 10:18:46,522 - mmseg - INFO - Iter [35150/80000] lr: 2.243e-05, eta: 17:40:05, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1639, decode.acc_seg: 92.9277, aux.loss_ce: 0.0827, aux.acc_seg: 91.2575, loss: 0.2467 2024-01-18 10:19:46,809 - mmseg - INFO - Iter [35200/80000] lr: 2.240e-05, eta: 17:38:40, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1604, decode.acc_seg: 92.9706, aux.loss_ce: 0.0804, aux.acc_seg: 91.3727, loss: 0.2408 2024-01-18 10:20:47,149 - mmseg - INFO - Iter [35250/80000] lr: 2.238e-05, eta: 17:37:16, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1579, decode.acc_seg: 92.9197, aux.loss_ce: 0.0799, aux.acc_seg: 91.3424, loss: 0.2378 2024-01-18 10:21:47,501 - mmseg - INFO - Iter [35300/80000] lr: 2.235e-05, eta: 17:35:52, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1547, decode.acc_seg: 93.1985, aux.loss_ce: 0.0784, aux.acc_seg: 91.6638, loss: 0.2331 2024-01-18 10:22:47,996 - mmseg - INFO - Iter [35350/80000] lr: 2.233e-05, eta: 17:34:28, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1654, decode.acc_seg: 92.8607, aux.loss_ce: 0.0822, aux.acc_seg: 91.3946, loss: 0.2476 2024-01-18 10:23:50,409 - mmseg - INFO - Iter [35400/80000] lr: 2.230e-05, eta: 17:33:06, time: 1.248, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1596, decode.acc_seg: 92.9589, aux.loss_ce: 0.0806, aux.acc_seg: 91.4148, loss: 0.2402 2024-01-18 10:24:50,809 - mmseg - INFO - Iter [35450/80000] lr: 2.228e-05, eta: 17:31:42, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1559, decode.acc_seg: 92.9655, aux.loss_ce: 0.0784, aux.acc_seg: 91.3640, loss: 0.2343 2024-01-18 10:25:51,166 - mmseg - INFO - Iter [35500/80000] lr: 2.225e-05, eta: 17:30:18, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1478, decode.acc_seg: 93.4106, aux.loss_ce: 0.0762, aux.acc_seg: 91.7781, loss: 0.2240 2024-01-18 10:26:51,541 - mmseg - INFO - Iter [35550/80000] lr: 2.223e-05, eta: 17:28:55, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1566, decode.acc_seg: 93.0911, aux.loss_ce: 0.0817, aux.acc_seg: 91.2439, loss: 0.2383 2024-01-18 10:27:51,813 - mmseg - INFO - Iter [35600/80000] lr: 2.220e-05, eta: 17:27:31, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1459, decode.acc_seg: 93.6947, aux.loss_ce: 0.0735, aux.acc_seg: 92.2029, loss: 0.2194 2024-01-18 10:28:52,132 - mmseg - INFO - Iter [35650/80000] lr: 2.218e-05, eta: 17:26:07, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1602, decode.acc_seg: 92.8775, aux.loss_ce: 0.0791, aux.acc_seg: 91.4984, loss: 0.2393 2024-01-18 10:29:52,568 - mmseg - INFO - Iter [35700/80000] lr: 2.215e-05, eta: 17:24:43, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1587, decode.acc_seg: 92.9511, aux.loss_ce: 0.0826, aux.acc_seg: 90.9977, loss: 0.2413 2024-01-18 10:30:52,910 - mmseg - INFO - Iter [35750/80000] lr: 2.213e-05, eta: 17:23:20, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1535, decode.acc_seg: 93.1786, aux.loss_ce: 0.0790, aux.acc_seg: 91.4695, loss: 0.2326 2024-01-18 10:31:53,211 - mmseg - INFO - Iter [35800/80000] lr: 2.210e-05, eta: 17:21:56, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1537, decode.acc_seg: 93.3306, aux.loss_ce: 0.0787, aux.acc_seg: 91.5995, loss: 0.2324 2024-01-18 10:32:53,555 - mmseg - INFO - Iter [35850/80000] lr: 2.208e-05, eta: 17:20:33, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1577, decode.acc_seg: 93.1389, aux.loss_ce: 0.0812, aux.acc_seg: 91.4088, loss: 0.2389 2024-01-18 10:33:54,038 - mmseg - INFO - Iter [35900/80000] lr: 2.205e-05, eta: 17:19:09, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1505, decode.acc_seg: 93.3172, aux.loss_ce: 0.0775, aux.acc_seg: 91.6967, loss: 0.2280 2024-01-18 10:34:54,314 - mmseg - INFO - Iter [35950/80000] lr: 2.203e-05, eta: 17:17:46, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1554, decode.acc_seg: 93.0170, aux.loss_ce: 0.0793, aux.acc_seg: 91.3727, loss: 0.2347 2024-01-18 10:35:54,833 - mmseg - INFO - Saving checkpoint at 36000 iterations 2024-01-18 10:36:41,349 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 10:36:41,349 - mmseg - INFO - Iter [36000/80000] lr: 2.200e-05, eta: 17:17:20, time: 2.141, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1411, decode.acc_seg: 93.5250, aux.loss_ce: 0.0725, aux.acc_seg: 92.0182, loss: 0.2136 2024-01-18 10:39:18,060 - mmseg - INFO - per class results: 2024-01-18 10:39:18,067 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.01 | 90.05 | | building | 85.13 | 93.49 | | sky | 94.67 | 97.73 | | floor | 83.2 | 91.32 | | tree | 76.71 | 88.26 | | ceiling | 86.01 | 91.66 | | road | 86.24 | 91.6 | | bed | 91.58 | 97.21 | | windowpane | 65.01 | 81.67 | | grass | 66.07 | 77.59 | | cabinet | 65.49 | 77.1 | | sidewalk | 69.03 | 82.12 | | person | 84.78 | 93.24 | | earth | 40.31 | 55.93 | | door | 56.22 | 72.45 | | table | 69.14 | 81.0 | | mountain | 59.94 | 70.25 | | plant | 57.67 | 71.83 | | curtain | 77.44 | 86.15 | | chair | 62.92 | 76.45 | | car | 87.03 | 93.74 | | water | 63.84 | 78.06 | | painting | 75.51 | 87.94 | | sofa | 77.61 | 87.77 | | shelf | 44.28 | 63.34 | | house | 49.43 | 61.84 | | sea | 72.69 | 84.49 | | mirror | 73.84 | 83.16 | | rug | 62.83 | 72.36 | | field | 26.68 | 49.27 | | armchair | 53.95 | 71.29 | | seat | 68.1 | 90.81 | | fence | 45.37 | 56.9 | | desk | 58.76 | 77.38 | | rock | 51.61 | 78.6 | | wardrobe | 55.04 | 72.72 | | lamp | 73.02 | 84.35 | | bathtub | 81.18 | 84.68 | | railing | 38.66 | 54.54 | | cushion | 65.86 | 73.96 | | base | 31.51 | 49.08 | | box | 38.29 | 50.04 | | column | 51.85 | 62.34 | | signboard | 38.2 | 50.89 | | chest of drawers | 48.15 | 70.38 | | counter | 52.06 | 57.53 | | sand | 56.86 | 85.2 | | sink | 81.39 | 89.92 | | skyscraper | 51.15 | 61.58 | | fireplace | 73.9 | 93.81 | | refrigerator | 81.3 | 89.35 | | grandstand | 56.78 | 85.11 | | path | 20.47 | 26.5 | | stairs | 42.24 | 53.42 | | runway | 73.22 | 94.25 | | case | 69.29 | 87.26 | | pool table | 94.41 | 97.55 | | pillow | 64.86 | 76.54 | | screen door | 60.85 | 69.67 | | stairway | 45.37 | 60.4 | | river | 14.52 | 29.89 | | bridge | 70.23 | 87.97 | | bookcase | 46.49 | 67.09 | | blind | 37.81 | 43.75 | | coffee table | 67.62 | 83.82 | | toilet | 91.47 | 95.77 | | flower | 43.53 | 52.0 | | book | 53.36 | 72.49 | | hill | 6.92 | 12.77 | | bench | 61.93 | 68.2 | | countertop | 67.01 | 80.85 | | stove | 83.2 | 90.69 | | palm | 52.83 | 72.38 | | kitchen island | 37.1 | 48.72 | | computer | 78.29 | 90.9 | | swivel chair | 44.43 | 64.23 | | boat | 69.13 | 85.98 | | bar | 73.16 | 88.78 | | arcade machine | 86.89 | 94.12 | | hovel | 50.84 | 56.33 | | bus | 91.1 | 96.05 | | towel | 74.93 | 81.11 | | light | 57.63 | 67.36 | | truck | 48.75 | 58.52 | | tower | 29.43 | 49.59 | | chandelier | 71.99 | 83.05 | | awning | 40.87 | 46.93 | | streetlight | 29.95 | 34.49 | | booth | 39.3 | 50.66 | | television receiver | 81.27 | 87.42 | | airplane | 66.4 | 77.32 | | dirt track | 14.75 | 26.93 | | apparel | 58.54 | 71.37 | | pole | 34.27 | 53.71 | | land | 7.72 | 12.73 | | bannister | 10.81 | 14.23 | | escalator | 55.39 | 88.93 | | ottoman | 55.16 | 68.1 | | bottle | 41.91 | 70.38 | | buffet | 55.81 | 63.1 | | poster | 22.5 | 26.88 | | stage | 28.51 | 75.81 | | van | 49.89 | 63.2 | | ship | 68.94 | 74.4 | | fountain | 54.86 | 57.41 | | conveyer belt | 75.11 | 98.41 | | canopy | 51.7 | 77.22 | | washer | 87.22 | 92.23 | | plaything | 31.86 | 56.14 | | swimming pool | 55.92 | 84.76 | | stool | 47.94 | 62.07 | | barrel | 59.49 | 67.78 | | basket | 46.47 | 54.93 | | waterfall | 48.57 | 51.71 | | tent | 95.41 | 97.72 | | bag | 28.87 | 33.57 | | minibike | 75.3 | 87.29 | | cradle | 79.83 | 98.75 | | oven | 63.38 | 75.16 | | ball | 29.26 | 30.17 | | food | 62.01 | 70.47 | | step | 18.35 | 20.86 | | tank | 77.82 | 89.06 | | trade name | 26.53 | 30.25 | | microwave | 87.12 | 94.75 | | pot | 55.29 | 65.28 | | animal | 70.52 | 72.52 | | bicycle | 56.92 | 72.92 | | lake | 49.52 | 63.46 | | dishwasher | 68.84 | 72.99 | | screen | 51.73 | 71.13 | | blanket | 16.27 | 18.11 | | sculpture | 72.53 | 84.66 | | hood | 61.13 | 78.57 | | sconce | 55.48 | 67.5 | | vase | 43.83 | 58.65 | | traffic light | 37.58 | 53.94 | | tray | 12.38 | 14.48 | | ashcan | 54.46 | 68.86 | | fan | 64.9 | 73.5 | | pier | 39.05 | 47.31 | | crt screen | 11.72 | 22.06 | | plate | 57.59 | 73.16 | | monitor | 70.48 | 80.47 | | bulletin board | 54.42 | 67.28 | | shower | 5.88 | 6.51 | | radiator | 63.85 | 75.59 | | glass | 21.04 | 22.94 | | clock | 49.64 | 53.56 | | flag | 67.99 | 72.17 | +---------------------+-------+-------+ 2024-01-18 10:39:18,067 - mmseg - INFO - Summary: 2024-01-18 10:39:18,067 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.51 | 56.7 | 68.68 | +-------+------+-------+ 2024-01-18 10:39:18,068 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 10:39:18,068 - mmseg - INFO - Iter(val) [250] aAcc: 0.8551, mIoU: 0.5670, mAcc: 0.6868, IoU.wall: 0.8101, IoU.building: 0.8513, IoU.sky: 0.9467, IoU.floor: 0.8320, IoU.tree: 0.7671, IoU.ceiling: 0.8601, IoU.road: 0.8624, IoU.bed : 0.9158, IoU.windowpane: 0.6501, IoU.grass: 0.6607, IoU.cabinet: 0.6549, IoU.sidewalk: 0.6903, IoU.person: 0.8478, IoU.earth: 0.4031, IoU.door: 0.5622, IoU.table: 0.6914, IoU.mountain: 0.5994, IoU.plant: 0.5767, IoU.curtain: 0.7744, IoU.chair: 0.6292, IoU.car: 0.8703, IoU.water: 0.6384, IoU.painting: 0.7551, IoU.sofa: 0.7761, IoU.shelf: 0.4428, IoU.house: 0.4943, IoU.sea: 0.7269, IoU.mirror: 0.7384, IoU.rug: 0.6283, IoU.field: 0.2668, IoU.armchair: 0.5395, IoU.seat: 0.6810, IoU.fence: 0.4537, IoU.desk: 0.5876, IoU.rock: 0.5161, IoU.wardrobe: 0.5504, IoU.lamp: 0.7302, IoU.bathtub: 0.8118, IoU.railing: 0.3866, IoU.cushion: 0.6586, IoU.base: 0.3151, IoU.box: 0.3829, IoU.column: 0.5185, IoU.signboard: 0.3820, IoU.chest of drawers: 0.4815, IoU.counter: 0.5206, IoU.sand: 0.5686, IoU.sink: 0.8139, IoU.skyscraper: 0.5115, IoU.fireplace: 0.7390, IoU.refrigerator: 0.8130, IoU.grandstand: 0.5678, IoU.path: 0.2047, IoU.stairs: 0.4224, IoU.runway: 0.7322, IoU.case: 0.6929, IoU.pool table: 0.9441, IoU.pillow: 0.6486, IoU.screen door: 0.6085, IoU.stairway: 0.4537, IoU.river: 0.1452, IoU.bridge: 0.7023, IoU.bookcase: 0.4649, IoU.blind: 0.3781, IoU.coffee table: 0.6762, IoU.toilet: 0.9147, IoU.flower: 0.4353, IoU.book: 0.5336, IoU.hill: 0.0692, IoU.bench: 0.6193, IoU.countertop: 0.6701, IoU.stove: 0.8320, IoU.palm: 0.5283, IoU.kitchen island: 0.3710, IoU.computer: 0.7829, IoU.swivel chair: 0.4443, IoU.boat: 0.6913, IoU.bar: 0.7316, IoU.arcade machine: 0.8689, IoU.hovel: 0.5084, IoU.bus: 0.9110, IoU.towel: 0.7493, IoU.light: 0.5763, IoU.truck: 0.4875, IoU.tower: 0.2943, IoU.chandelier: 0.7199, IoU.awning: 0.4087, IoU.streetlight: 0.2995, IoU.booth: 0.3930, IoU.television receiver: 0.8127, IoU.airplane: 0.6640, IoU.dirt track: 0.1475, IoU.apparel: 0.5854, IoU.pole: 0.3427, IoU.land: 0.0772, IoU.bannister: 0.1081, IoU.escalator: 0.5539, IoU.ottoman: 0.5516, IoU.bottle: 0.4191, IoU.buffet: 0.5581, IoU.poster: 0.2250, IoU.stage: 0.2851, IoU.van: 0.4989, IoU.ship: 0.6894, IoU.fountain: 0.5486, IoU.conveyer belt: 0.7511, IoU.canopy: 0.5170, IoU.washer: 0.8722, IoU.plaything: 0.3186, IoU.swimming pool: 0.5592, IoU.stool: 0.4794, IoU.barrel: 0.5949, IoU.basket: 0.4647, IoU.waterfall: 0.4857, IoU.tent: 0.9541, IoU.bag: 0.2887, IoU.minibike: 0.7530, IoU.cradle: 0.7983, IoU.oven: 0.6338, IoU.ball: 0.2926, IoU.food: 0.6201, IoU.step: 0.1835, IoU.tank: 0.7782, IoU.trade name: 0.2653, IoU.microwave: 0.8712, IoU.pot: 0.5529, IoU.animal: 0.7052, IoU.bicycle: 0.5692, IoU.lake: 0.4952, IoU.dishwasher: 0.6884, IoU.screen: 0.5173, IoU.blanket: 0.1627, IoU.sculpture: 0.7253, IoU.hood: 0.6113, IoU.sconce: 0.5548, IoU.vase: 0.4383, IoU.traffic light: 0.3758, IoU.tray: 0.1238, IoU.ashcan: 0.5446, IoU.fan: 0.6490, IoU.pier: 0.3905, IoU.crt screen: 0.1172, IoU.plate: 0.5759, IoU.monitor: 0.7048, IoU.bulletin board: 0.5442, IoU.shower: 0.0588, IoU.radiator: 0.6385, IoU.glass: 0.2104, IoU.clock: 0.4964, IoU.flag: 0.6799, Acc.wall: 0.9005, Acc.building: 0.9349, Acc.sky: 0.9773, Acc.floor: 0.9132, Acc.tree: 0.8826, Acc.ceiling: 0.9166, Acc.road: 0.9160, Acc.bed : 0.9721, Acc.windowpane: 0.8167, Acc.grass: 0.7759, Acc.cabinet: 0.7710, Acc.sidewalk: 0.8212, Acc.person: 0.9324, Acc.earth: 0.5593, Acc.door: 0.7245, Acc.table: 0.8100, Acc.mountain: 0.7025, Acc.plant: 0.7183, Acc.curtain: 0.8615, Acc.chair: 0.7645, Acc.car: 0.9374, Acc.water: 0.7806, Acc.painting: 0.8794, Acc.sofa: 0.8777, Acc.shelf: 0.6334, Acc.house: 0.6184, Acc.sea: 0.8449, Acc.mirror: 0.8316, Acc.rug: 0.7236, Acc.field: 0.4927, Acc.armchair: 0.7129, Acc.seat: 0.9081, Acc.fence: 0.5690, Acc.desk: 0.7738, Acc.rock: 0.7860, Acc.wardrobe: 0.7272, Acc.lamp: 0.8435, Acc.bathtub: 0.8468, Acc.railing: 0.5454, Acc.cushion: 0.7396, Acc.base: 0.4908, Acc.box: 0.5004, Acc.column: 0.6234, Acc.signboard: 0.5089, Acc.chest of drawers: 0.7038, Acc.counter: 0.5753, Acc.sand: 0.8520, Acc.sink: 0.8992, Acc.skyscraper: 0.6158, Acc.fireplace: 0.9381, Acc.refrigerator: 0.8935, Acc.grandstand: 0.8511, Acc.path: 0.2650, Acc.stairs: 0.5342, Acc.runway: 0.9425, Acc.case: 0.8726, Acc.pool table: 0.9755, Acc.pillow: 0.7654, Acc.screen door: 0.6967, Acc.stairway: 0.6040, Acc.river: 0.2989, Acc.bridge: 0.8797, Acc.bookcase: 0.6709, Acc.blind: 0.4375, Acc.coffee table: 0.8382, Acc.toilet: 0.9577, Acc.flower: 0.5200, Acc.book: 0.7249, Acc.hill: 0.1277, Acc.bench: 0.6820, Acc.countertop: 0.8085, Acc.stove: 0.9069, Acc.palm: 0.7238, Acc.kitchen island: 0.4872, Acc.computer: 0.9090, Acc.swivel chair: 0.6423, Acc.boat: 0.8598, Acc.bar: 0.8878, Acc.arcade machine: 0.9412, Acc.hovel: 0.5633, Acc.bus: 0.9605, Acc.towel: 0.8111, Acc.light: 0.6736, Acc.truck: 0.5852, Acc.tower: 0.4959, Acc.chandelier: 0.8305, Acc.awning: 0.4693, Acc.streetlight: 0.3449, Acc.booth: 0.5066, Acc.television receiver: 0.8742, Acc.airplane: 0.7732, Acc.dirt track: 0.2693, Acc.apparel: 0.7137, Acc.pole: 0.5371, Acc.land: 0.1273, Acc.bannister: 0.1423, Acc.escalator: 0.8893, Acc.ottoman: 0.6810, Acc.bottle: 0.7038, Acc.buffet: 0.6310, Acc.poster: 0.2688, Acc.stage: 0.7581, Acc.van: 0.6320, Acc.ship: 0.7440, Acc.fountain: 0.5741, Acc.conveyer belt: 0.9841, Acc.canopy: 0.7722, Acc.washer: 0.9223, Acc.plaything: 0.5614, Acc.swimming pool: 0.8476, Acc.stool: 0.6207, Acc.barrel: 0.6778, Acc.basket: 0.5493, Acc.waterfall: 0.5171, Acc.tent: 0.9772, Acc.bag: 0.3357, Acc.minibike: 0.8729, Acc.cradle: 0.9875, Acc.oven: 0.7516, Acc.ball: 0.3017, Acc.food: 0.7047, Acc.step: 0.2086, Acc.tank: 0.8906, Acc.trade name: 0.3025, Acc.microwave: 0.9475, Acc.pot: 0.6528, Acc.animal: 0.7252, Acc.bicycle: 0.7292, Acc.lake: 0.6346, Acc.dishwasher: 0.7299, Acc.screen: 0.7113, Acc.blanket: 0.1811, Acc.sculpture: 0.8466, Acc.hood: 0.7857, Acc.sconce: 0.6750, Acc.vase: 0.5865, Acc.traffic light: 0.5394, Acc.tray: 0.1448, Acc.ashcan: 0.6886, Acc.fan: 0.7350, Acc.pier: 0.4731, Acc.crt screen: 0.2206, Acc.plate: 0.7316, Acc.monitor: 0.8047, Acc.bulletin board: 0.6728, Acc.shower: 0.0651, Acc.radiator: 0.7559, Acc.glass: 0.2294, Acc.clock: 0.5356, Acc.flag: 0.7217 2024-01-18 10:40:18,803 - mmseg - INFO - Iter [36050/80000] lr: 2.198e-05, eta: 17:19:08, time: 4.349, data_time: 3.150, memory: 59004, decode.loss_ce: 0.1585, decode.acc_seg: 93.0989, aux.loss_ce: 0.0799, aux.acc_seg: 91.4961, loss: 0.2383 2024-01-18 10:41:19,065 - mmseg - INFO - Iter [36100/80000] lr: 2.195e-05, eta: 17:17:44, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1496, decode.acc_seg: 93.3412, aux.loss_ce: 0.0762, aux.acc_seg: 91.7127, loss: 0.2258 2024-01-18 10:42:19,433 - mmseg - INFO - Iter [36150/80000] lr: 2.193e-05, eta: 17:16:20, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1648, decode.acc_seg: 92.7910, aux.loss_ce: 0.0841, aux.acc_seg: 91.0350, loss: 0.2488 2024-01-18 10:43:19,781 - mmseg - INFO - Iter [36200/80000] lr: 2.190e-05, eta: 17:14:56, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1583, decode.acc_seg: 93.1644, aux.loss_ce: 0.0798, aux.acc_seg: 91.6055, loss: 0.2381 2024-01-18 10:44:20,084 - mmseg - INFO - Iter [36250/80000] lr: 2.188e-05, eta: 17:13:33, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1537, decode.acc_seg: 93.2045, aux.loss_ce: 0.0756, aux.acc_seg: 91.7299, loss: 0.2293 2024-01-18 10:45:20,370 - mmseg - INFO - Iter [36300/80000] lr: 2.185e-05, eta: 17:12:09, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1603, decode.acc_seg: 93.0991, aux.loss_ce: 0.0801, aux.acc_seg: 91.6138, loss: 0.2404 2024-01-18 10:46:20,898 - mmseg - INFO - Iter [36350/80000] lr: 2.183e-05, eta: 17:10:46, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1572, decode.acc_seg: 93.0857, aux.loss_ce: 0.0803, aux.acc_seg: 91.4106, loss: 0.2375 2024-01-18 10:47:21,322 - mmseg - INFO - Iter [36400/80000] lr: 2.180e-05, eta: 17:09:23, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1617, decode.acc_seg: 92.9405, aux.loss_ce: 0.0811, aux.acc_seg: 91.2091, loss: 0.2427 2024-01-18 10:48:21,729 - mmseg - INFO - Iter [36450/80000] lr: 2.178e-05, eta: 17:07:59, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1534, decode.acc_seg: 93.2742, aux.loss_ce: 0.0768, aux.acc_seg: 91.7495, loss: 0.2302 2024-01-18 10:49:22,185 - mmseg - INFO - Iter [36500/80000] lr: 2.175e-05, eta: 17:06:36, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1557, decode.acc_seg: 93.1461, aux.loss_ce: 0.0800, aux.acc_seg: 91.4209, loss: 0.2358 2024-01-18 10:50:22,802 - mmseg - INFO - Iter [36550/80000] lr: 2.173e-05, eta: 17:05:13, time: 1.212, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1662, decode.acc_seg: 92.7036, aux.loss_ce: 0.0836, aux.acc_seg: 91.1549, loss: 0.2498 2024-01-18 10:51:23,139 - mmseg - INFO - Iter [36600/80000] lr: 2.170e-05, eta: 17:03:50, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1618, decode.acc_seg: 92.8839, aux.loss_ce: 0.0808, aux.acc_seg: 91.2212, loss: 0.2426 2024-01-18 10:52:25,717 - mmseg - INFO - Iter [36650/80000] lr: 2.168e-05, eta: 17:02:30, time: 1.252, data_time: 0.052, memory: 59004, decode.loss_ce: 0.1617, decode.acc_seg: 92.9350, aux.loss_ce: 0.0828, aux.acc_seg: 91.1982, loss: 0.2445 2024-01-18 10:53:26,080 - mmseg - INFO - Iter [36700/80000] lr: 2.165e-05, eta: 17:01:07, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1540, decode.acc_seg: 93.1743, aux.loss_ce: 0.0776, aux.acc_seg: 91.5999, loss: 0.2316 2024-01-18 10:54:26,378 - mmseg - INFO - Iter [36750/80000] lr: 2.163e-05, eta: 16:59:43, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1515, decode.acc_seg: 93.5742, aux.loss_ce: 0.0772, aux.acc_seg: 92.0691, loss: 0.2287 2024-01-18 10:55:26,642 - mmseg - INFO - Iter [36800/80000] lr: 2.160e-05, eta: 16:58:20, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1567, decode.acc_seg: 93.1749, aux.loss_ce: 0.0792, aux.acc_seg: 91.6869, loss: 0.2359 2024-01-18 10:56:26,966 - mmseg - INFO - Iter [36850/80000] lr: 2.158e-05, eta: 16:56:58, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1555, decode.acc_seg: 93.1091, aux.loss_ce: 0.0791, aux.acc_seg: 91.4011, loss: 0.2346 2024-01-18 10:57:27,286 - mmseg - INFO - Iter [36900/80000] lr: 2.155e-05, eta: 16:55:35, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1563, decode.acc_seg: 93.2090, aux.loss_ce: 0.0793, aux.acc_seg: 91.6181, loss: 0.2357 2024-01-18 10:58:27,575 - mmseg - INFO - Iter [36950/80000] lr: 2.153e-05, eta: 16:54:12, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1482, decode.acc_seg: 93.5446, aux.loss_ce: 0.0746, aux.acc_seg: 92.0485, loss: 0.2228 2024-01-18 10:59:27,989 - mmseg - INFO - Saving checkpoint at 37000 iterations 2024-01-18 11:00:12,079 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 11:00:12,080 - mmseg - INFO - Iter [37000/80000] lr: 2.150e-05, eta: 16:53:41, time: 2.090, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1493, decode.acc_seg: 93.4043, aux.loss_ce: 0.0754, aux.acc_seg: 91.9288, loss: 0.2246 2024-01-18 11:02:48,717 - mmseg - INFO - per class results: 2024-01-18 11:02:48,724 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.96 | 90.25 | | building | 84.44 | 93.89 | | sky | 94.7 | 97.84 | | floor | 83.52 | 91.97 | | tree | 76.19 | 89.35 | | ceiling | 85.74 | 93.89 | | road | 86.04 | 91.59 | | bed | 91.92 | 97.49 | | windowpane | 63.98 | 78.92 | | grass | 69.73 | 82.42 | | cabinet | 63.83 | 75.89 | | sidewalk | 69.87 | 83.6 | | person | 84.26 | 93.87 | | earth | 37.11 | 48.23 | | door | 56.35 | 66.6 | | table | 68.92 | 80.35 | | mountain | 61.72 | 71.19 | | plant | 57.12 | 69.82 | | curtain | 79.15 | 87.51 | | chair | 62.0 | 72.1 | | car | 86.97 | 93.32 | | water | 64.7 | 81.85 | | painting | 74.16 | 88.01 | | sofa | 79.87 | 89.03 | | shelf | 44.18 | 57.79 | | house | 39.68 | 46.87 | | sea | 74.29 | 82.01 | | mirror | 78.13 | 87.7 | | rug | 65.06 | 75.87 | | field | 28.65 | 50.16 | | armchair | 58.93 | 76.91 | | seat | 67.11 | 88.35 | | fence | 45.4 | 58.14 | | desk | 59.4 | 77.29 | | rock | 51.96 | 80.0 | | wardrobe | 52.63 | 74.28 | | lamp | 73.22 | 85.96 | | bathtub | 81.94 | 87.01 | | railing | 36.99 | 48.99 | | cushion | 66.93 | 74.9 | | base | 37.71 | 50.83 | | box | 38.83 | 51.35 | | column | 53.35 | 66.07 | | signboard | 37.11 | 47.43 | | chest of drawers | 38.03 | 50.96 | | counter | 53.27 | 61.66 | | sand | 58.09 | 84.17 | | sink | 81.9 | 87.93 | | skyscraper | 46.63 | 54.68 | | fireplace | 76.68 | 87.76 | | refrigerator | 83.39 | 91.42 | | grandstand | 56.53 | 85.9 | | path | 23.36 | 34.98 | | stairs | 50.13 | 61.95 | | runway | 71.92 | 95.96 | | case | 64.25 | 88.24 | | pool table | 94.57 | 97.67 | | pillow | 65.42 | 76.31 | | screen door | 78.02 | 86.09 | | stairway | 50.32 | 55.26 | | river | 15.25 | 30.33 | | bridge | 76.75 | 85.33 | | bookcase | 44.46 | 64.52 | | blind | 36.01 | 41.93 | | coffee table | 62.13 | 80.82 | | toilet | 91.85 | 95.49 | | flower | 48.59 | 62.89 | | book | 54.08 | 78.36 | | hill | 5.98 | 10.69 | | bench | 61.78 | 68.18 | | countertop | 63.3 | 83.2 | | stove | 83.86 | 89.52 | | palm | 55.97 | 82.9 | | kitchen island | 47.31 | 82.89 | | computer | 76.55 | 90.94 | | swivel chair | 44.31 | 76.39 | | boat | 71.97 | 88.78 | | bar | 72.19 | 86.75 | | arcade machine | 86.28 | 93.24 | | hovel | 51.85 | 56.84 | | bus | 90.55 | 96.3 | | towel | 72.12 | 79.2 | | light | 52.93 | 56.74 | | truck | 48.62 | 58.33 | | tower | 14.34 | 22.79 | | chandelier | 70.67 | 80.2 | | awning | 37.34 | 41.73 | | streetlight | 29.39 | 34.95 | | booth | 43.83 | 52.23 | | television receiver | 82.2 | 87.4 | | airplane | 62.23 | 67.36 | | dirt track | 6.47 | 15.98 | | apparel | 59.23 | 67.61 | | pole | 25.46 | 38.91 | | land | 4.89 | 7.39 | | bannister | 12.12 | 15.88 | | escalator | 60.14 | 87.59 | | ottoman | 53.93 | 70.66 | | bottle | 41.4 | 75.85 | | buffet | 53.05 | 60.11 | | poster | 23.15 | 31.62 | | stage | 26.27 | 70.9 | | van | 51.59 | 63.6 | | ship | 66.31 | 72.87 | | fountain | 50.37 | 51.75 | | conveyer belt | 84.52 | 97.06 | | canopy | 55.79 | 78.12 | | washer | 87.31 | 95.4 | | plaything | 23.29 | 27.91 | | swimming pool | 57.86 | 86.04 | | stool | 42.35 | 62.83 | | barrel | 57.3 | 68.13 | | basket | 43.55 | 55.58 | | waterfall | 51.83 | 58.53 | | tent | 94.89 | 98.13 | | bag | 27.07 | 29.9 | | minibike | 75.4 | 87.87 | | cradle | 81.34 | 98.24 | | oven | 52.41 | 55.71 | | ball | 39.9 | 42.63 | | food | 56.84 | 66.88 | | step | 23.02 | 25.09 | | tank | 78.6 | 90.49 | | trade name | 28.69 | 32.18 | | microwave | 85.8 | 92.74 | | pot | 56.89 | 65.89 | | animal | 64.05 | 65.26 | | bicycle | 59.37 | 76.71 | | lake | 61.11 | 63.66 | | dishwasher | 71.05 | 77.31 | | screen | 51.62 | 64.78 | | blanket | 18.32 | 20.62 | | sculpture | 71.99 | 86.12 | | hood | 56.28 | 67.44 | | sconce | 55.31 | 65.23 | | vase | 44.43 | 62.88 | | traffic light | 36.21 | 56.2 | | tray | 14.98 | 18.06 | | ashcan | 54.13 | 66.55 | | fan | 65.15 | 73.61 | | pier | 39.85 | 44.05 | | crt screen | 10.54 | 17.57 | | plate | 59.64 | 81.26 | | monitor | 72.41 | 85.77 | | bulletin board | 52.46 | 64.24 | | shower | 6.64 | 7.34 | | radiator | 63.64 | 72.82 | | glass | 20.16 | 21.81 | | clock | 47.78 | 49.62 | | flag | 67.51 | 74.25 | +---------------------+-------+-------+ 2024-01-18 11:02:48,724 - mmseg - INFO - Summary: 2024-01-18 11:02:48,724 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.57 | 56.7 | 68.23 | +-------+------+-------+ 2024-01-18 11:02:48,725 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 11:02:48,725 - mmseg - INFO - Iter(val) [250] aAcc: 0.8557, mIoU: 0.5670, mAcc: 0.6823, IoU.wall: 0.8096, IoU.building: 0.8444, IoU.sky: 0.9470, IoU.floor: 0.8352, IoU.tree: 0.7619, IoU.ceiling: 0.8574, IoU.road: 0.8604, IoU.bed : 0.9192, IoU.windowpane: 0.6398, IoU.grass: 0.6973, IoU.cabinet: 0.6383, IoU.sidewalk: 0.6987, IoU.person: 0.8426, IoU.earth: 0.3711, IoU.door: 0.5635, IoU.table: 0.6892, IoU.mountain: 0.6172, IoU.plant: 0.5712, IoU.curtain: 0.7915, IoU.chair: 0.6200, IoU.car: 0.8697, IoU.water: 0.6470, IoU.painting: 0.7416, IoU.sofa: 0.7987, IoU.shelf: 0.4418, IoU.house: 0.3968, IoU.sea: 0.7429, IoU.mirror: 0.7813, IoU.rug: 0.6506, IoU.field: 0.2865, IoU.armchair: 0.5893, IoU.seat: 0.6711, IoU.fence: 0.4540, IoU.desk: 0.5940, IoU.rock: 0.5196, IoU.wardrobe: 0.5263, IoU.lamp: 0.7322, IoU.bathtub: 0.8194, IoU.railing: 0.3699, IoU.cushion: 0.6693, IoU.base: 0.3771, IoU.box: 0.3883, IoU.column: 0.5335, IoU.signboard: 0.3711, IoU.chest of drawers: 0.3803, IoU.counter: 0.5327, IoU.sand: 0.5809, IoU.sink: 0.8190, IoU.skyscraper: 0.4663, IoU.fireplace: 0.7668, IoU.refrigerator: 0.8339, IoU.grandstand: 0.5653, IoU.path: 0.2336, IoU.stairs: 0.5013, IoU.runway: 0.7192, IoU.case: 0.6425, IoU.pool table: 0.9457, IoU.pillow: 0.6542, IoU.screen door: 0.7802, IoU.stairway: 0.5032, IoU.river: 0.1525, IoU.bridge: 0.7675, IoU.bookcase: 0.4446, IoU.blind: 0.3601, IoU.coffee table: 0.6213, IoU.toilet: 0.9185, IoU.flower: 0.4859, IoU.book: 0.5408, IoU.hill: 0.0598, IoU.bench: 0.6178, IoU.countertop: 0.6330, IoU.stove: 0.8386, IoU.palm: 0.5597, IoU.kitchen island: 0.4731, IoU.computer: 0.7655, IoU.swivel chair: 0.4431, IoU.boat: 0.7197, IoU.bar: 0.7219, IoU.arcade machine: 0.8628, IoU.hovel: 0.5185, IoU.bus: 0.9055, IoU.towel: 0.7212, IoU.light: 0.5293, IoU.truck: 0.4862, IoU.tower: 0.1434, IoU.chandelier: 0.7067, IoU.awning: 0.3734, IoU.streetlight: 0.2939, IoU.booth: 0.4383, IoU.television receiver: 0.8220, IoU.airplane: 0.6223, IoU.dirt track: 0.0647, IoU.apparel: 0.5923, IoU.pole: 0.2546, IoU.land: 0.0489, IoU.bannister: 0.1212, IoU.escalator: 0.6014, IoU.ottoman: 0.5393, IoU.bottle: 0.4140, IoU.buffet: 0.5305, IoU.poster: 0.2315, IoU.stage: 0.2627, IoU.van: 0.5159, IoU.ship: 0.6631, IoU.fountain: 0.5037, IoU.conveyer belt: 0.8452, IoU.canopy: 0.5579, IoU.washer: 0.8731, IoU.plaything: 0.2329, IoU.swimming pool: 0.5786, IoU.stool: 0.4235, IoU.barrel: 0.5730, IoU.basket: 0.4355, IoU.waterfall: 0.5183, IoU.tent: 0.9489, IoU.bag: 0.2707, IoU.minibike: 0.7540, IoU.cradle: 0.8134, IoU.oven: 0.5241, IoU.ball: 0.3990, IoU.food: 0.5684, IoU.step: 0.2302, IoU.tank: 0.7860, IoU.trade name: 0.2869, IoU.microwave: 0.8580, IoU.pot: 0.5689, IoU.animal: 0.6405, IoU.bicycle: 0.5937, IoU.lake: 0.6111, IoU.dishwasher: 0.7105, IoU.screen: 0.5162, IoU.blanket: 0.1832, IoU.sculpture: 0.7199, IoU.hood: 0.5628, IoU.sconce: 0.5531, IoU.vase: 0.4443, IoU.traffic light: 0.3621, IoU.tray: 0.1498, IoU.ashcan: 0.5413, IoU.fan: 0.6515, IoU.pier: 0.3985, IoU.crt screen: 0.1054, IoU.plate: 0.5964, IoU.monitor: 0.7241, IoU.bulletin board: 0.5246, IoU.shower: 0.0664, IoU.radiator: 0.6364, IoU.glass: 0.2016, IoU.clock: 0.4778, IoU.flag: 0.6751, Acc.wall: 0.9025, Acc.building: 0.9389, Acc.sky: 0.9784, Acc.floor: 0.9197, Acc.tree: 0.8935, Acc.ceiling: 0.9389, Acc.road: 0.9159, Acc.bed : 0.9749, Acc.windowpane: 0.7892, Acc.grass: 0.8242, Acc.cabinet: 0.7589, Acc.sidewalk: 0.8360, Acc.person: 0.9387, Acc.earth: 0.4823, Acc.door: 0.6660, Acc.table: 0.8035, Acc.mountain: 0.7119, Acc.plant: 0.6982, Acc.curtain: 0.8751, Acc.chair: 0.7210, Acc.car: 0.9332, Acc.water: 0.8185, Acc.painting: 0.8801, Acc.sofa: 0.8903, Acc.shelf: 0.5779, Acc.house: 0.4687, Acc.sea: 0.8201, Acc.mirror: 0.8770, Acc.rug: 0.7587, Acc.field: 0.5016, Acc.armchair: 0.7691, Acc.seat: 0.8835, Acc.fence: 0.5814, Acc.desk: 0.7729, Acc.rock: 0.8000, Acc.wardrobe: 0.7428, Acc.lamp: 0.8596, Acc.bathtub: 0.8701, Acc.railing: 0.4899, Acc.cushion: 0.7490, Acc.base: 0.5083, Acc.box: 0.5135, Acc.column: 0.6607, Acc.signboard: 0.4743, Acc.chest of drawers: 0.5096, Acc.counter: 0.6166, Acc.sand: 0.8417, Acc.sink: 0.8793, Acc.skyscraper: 0.5468, Acc.fireplace: 0.8776, Acc.refrigerator: 0.9142, Acc.grandstand: 0.8590, Acc.path: 0.3498, Acc.stairs: 0.6195, Acc.runway: 0.9596, Acc.case: 0.8824, Acc.pool table: 0.9767, Acc.pillow: 0.7631, Acc.screen door: 0.8609, Acc.stairway: 0.5526, Acc.river: 0.3033, Acc.bridge: 0.8533, Acc.bookcase: 0.6452, Acc.blind: 0.4193, Acc.coffee table: 0.8082, Acc.toilet: 0.9549, Acc.flower: 0.6289, Acc.book: 0.7836, Acc.hill: 0.1069, Acc.bench: 0.6818, Acc.countertop: 0.8320, Acc.stove: 0.8952, Acc.palm: 0.8290, Acc.kitchen island: 0.8289, Acc.computer: 0.9094, Acc.swivel chair: 0.7639, Acc.boat: 0.8878, Acc.bar: 0.8675, Acc.arcade machine: 0.9324, Acc.hovel: 0.5684, Acc.bus: 0.9630, Acc.towel: 0.7920, Acc.light: 0.5674, Acc.truck: 0.5833, Acc.tower: 0.2279, Acc.chandelier: 0.8020, Acc.awning: 0.4173, Acc.streetlight: 0.3495, Acc.booth: 0.5223, Acc.television receiver: 0.8740, Acc.airplane: 0.6736, Acc.dirt track: 0.1598, Acc.apparel: 0.6761, Acc.pole: 0.3891, Acc.land: 0.0739, Acc.bannister: 0.1588, Acc.escalator: 0.8759, Acc.ottoman: 0.7066, Acc.bottle: 0.7585, Acc.buffet: 0.6011, Acc.poster: 0.3162, Acc.stage: 0.7090, Acc.van: 0.6360, Acc.ship: 0.7287, Acc.fountain: 0.5175, Acc.conveyer belt: 0.9706, Acc.canopy: 0.7812, Acc.washer: 0.9540, Acc.plaything: 0.2791, Acc.swimming pool: 0.8604, Acc.stool: 0.6283, Acc.barrel: 0.6813, Acc.basket: 0.5558, Acc.waterfall: 0.5853, Acc.tent: 0.9813, Acc.bag: 0.2990, Acc.minibike: 0.8787, Acc.cradle: 0.9824, Acc.oven: 0.5571, Acc.ball: 0.4263, Acc.food: 0.6688, Acc.step: 0.2509, Acc.tank: 0.9049, Acc.trade name: 0.3218, Acc.microwave: 0.9274, Acc.pot: 0.6589, Acc.animal: 0.6526, Acc.bicycle: 0.7671, Acc.lake: 0.6366, Acc.dishwasher: 0.7731, Acc.screen: 0.6478, Acc.blanket: 0.2062, Acc.sculpture: 0.8612, Acc.hood: 0.6744, Acc.sconce: 0.6523, Acc.vase: 0.6288, Acc.traffic light: 0.5620, Acc.tray: 0.1806, Acc.ashcan: 0.6655, Acc.fan: 0.7361, Acc.pier: 0.4405, Acc.crt screen: 0.1757, Acc.plate: 0.8126, Acc.monitor: 0.8577, Acc.bulletin board: 0.6424, Acc.shower: 0.0734, Acc.radiator: 0.7282, Acc.glass: 0.2181, Acc.clock: 0.4962, Acc.flag: 0.7425 2024-01-18 11:03:49,573 - mmseg - INFO - Iter [37050/80000] lr: 2.148e-05, eta: 16:55:20, time: 4.350, data_time: 3.149, memory: 59004, decode.loss_ce: 0.1629, decode.acc_seg: 92.7823, aux.loss_ce: 0.0812, aux.acc_seg: 91.3159, loss: 0.2440 2024-01-18 11:04:49,801 - mmseg - INFO - Iter [37100/80000] lr: 2.145e-05, eta: 16:53:57, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1575, decode.acc_seg: 92.9476, aux.loss_ce: 0.0818, aux.acc_seg: 91.2750, loss: 0.2393 2024-01-18 11:05:50,177 - mmseg - INFO - Iter [37150/80000] lr: 2.143e-05, eta: 16:52:34, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1584, decode.acc_seg: 93.0294, aux.loss_ce: 0.0797, aux.acc_seg: 91.4958, loss: 0.2381 2024-01-18 11:06:50,499 - mmseg - INFO - Iter [37200/80000] lr: 2.140e-05, eta: 16:51:11, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1593, decode.acc_seg: 92.9734, aux.loss_ce: 0.0804, aux.acc_seg: 91.4648, loss: 0.2398 2024-01-18 11:07:50,800 - mmseg - INFO - Iter [37250/80000] lr: 2.138e-05, eta: 16:49:48, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1589, decode.acc_seg: 93.0403, aux.loss_ce: 0.0783, aux.acc_seg: 91.5542, loss: 0.2373 2024-01-18 11:08:51,148 - mmseg - INFO - Iter [37300/80000] lr: 2.135e-05, eta: 16:48:25, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1483, decode.acc_seg: 93.4801, aux.loss_ce: 0.0753, aux.acc_seg: 91.8602, loss: 0.2236 2024-01-18 11:09:51,771 - mmseg - INFO - Iter [37350/80000] lr: 2.133e-05, eta: 16:47:02, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1509, decode.acc_seg: 93.6499, aux.loss_ce: 0.0756, aux.acc_seg: 92.0654, loss: 0.2264 2024-01-18 11:10:52,184 - mmseg - INFO - Iter [37400/80000] lr: 2.130e-05, eta: 16:45:39, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1490, decode.acc_seg: 93.3670, aux.loss_ce: 0.0769, aux.acc_seg: 91.6756, loss: 0.2259 2024-01-18 11:11:52,484 - mmseg - INFO - Iter [37450/80000] lr: 2.128e-05, eta: 16:44:17, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1481, decode.acc_seg: 93.4175, aux.loss_ce: 0.0771, aux.acc_seg: 91.5671, loss: 0.2251 2024-01-18 11:12:53,014 - mmseg - INFO - Iter [37500/80000] lr: 2.125e-05, eta: 16:42:54, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1532, decode.acc_seg: 93.3581, aux.loss_ce: 0.0786, aux.acc_seg: 91.7282, loss: 0.2318 2024-01-18 11:13:53,470 - mmseg - INFO - Iter [37550/80000] lr: 2.123e-05, eta: 16:41:32, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1528, decode.acc_seg: 93.4050, aux.loss_ce: 0.0793, aux.acc_seg: 91.6697, loss: 0.2320 2024-01-18 11:14:53,860 - mmseg - INFO - Iter [37600/80000] lr: 2.120e-05, eta: 16:40:09, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1586, decode.acc_seg: 92.9872, aux.loss_ce: 0.0803, aux.acc_seg: 91.3499, loss: 0.2389 2024-01-18 11:15:54,218 - mmseg - INFO - Iter [37650/80000] lr: 2.118e-05, eta: 16:38:47, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1480, decode.acc_seg: 93.5040, aux.loss_ce: 0.0749, aux.acc_seg: 91.9919, loss: 0.2229 2024-01-18 11:16:54,540 - mmseg - INFO - Iter [37700/80000] lr: 2.115e-05, eta: 16:37:24, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1523, decode.acc_seg: 93.0017, aux.loss_ce: 0.0778, aux.acc_seg: 91.4864, loss: 0.2301 2024-01-18 11:17:54,875 - mmseg - INFO - Iter [37750/80000] lr: 2.113e-05, eta: 16:36:02, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1569, decode.acc_seg: 93.2429, aux.loss_ce: 0.0801, aux.acc_seg: 91.5709, loss: 0.2370 2024-01-18 11:18:55,223 - mmseg - INFO - Iter [37800/80000] lr: 2.110e-05, eta: 16:34:40, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1582, decode.acc_seg: 92.8044, aux.loss_ce: 0.0802, aux.acc_seg: 91.0597, loss: 0.2383 2024-01-18 11:19:55,526 - mmseg - INFO - Iter [37850/80000] lr: 2.108e-05, eta: 16:33:17, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1630, decode.acc_seg: 92.6837, aux.loss_ce: 0.0812, aux.acc_seg: 91.1080, loss: 0.2442 2024-01-18 11:20:58,338 - mmseg - INFO - Iter [37900/80000] lr: 2.105e-05, eta: 16:31:58, time: 1.256, data_time: 0.052, memory: 59004, decode.loss_ce: 0.1579, decode.acc_seg: 92.9480, aux.loss_ce: 0.0802, aux.acc_seg: 91.3377, loss: 0.2381 2024-01-18 11:21:58,760 - mmseg - INFO - Iter [37950/80000] lr: 2.103e-05, eta: 16:30:36, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1521, decode.acc_seg: 93.3939, aux.loss_ce: 0.0753, aux.acc_seg: 92.0990, loss: 0.2275 2024-01-18 11:22:59,334 - mmseg - INFO - Saving checkpoint at 38000 iterations 2024-01-18 11:23:49,166 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 11:23:49,166 - mmseg - INFO - Iter [38000/80000] lr: 2.100e-05, eta: 16:30:09, time: 2.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1635, decode.acc_seg: 92.9494, aux.loss_ce: 0.0830, aux.acc_seg: 91.2534, loss: 0.2466 2024-01-18 11:26:27,999 - mmseg - INFO - per class results: 2024-01-18 11:26:28,005 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.23 | 90.22 | | building | 84.7 | 91.72 | | sky | 94.7 | 97.28 | | floor | 83.1 | 91.55 | | tree | 76.86 | 89.62 | | ceiling | 85.67 | 92.47 | | road | 85.22 | 91.48 | | bed | 92.08 | 97.07 | | windowpane | 64.83 | 80.01 | | grass | 65.68 | 75.95 | | cabinet | 63.87 | 75.33 | | sidewalk | 66.99 | 79.74 | | person | 83.71 | 94.33 | | earth | 39.93 | 58.43 | | door | 57.72 | 71.15 | | table | 67.81 | 79.86 | | mountain | 61.55 | 72.07 | | plant | 54.32 | 67.64 | | curtain | 79.85 | 87.4 | | chair | 64.15 | 78.4 | | car | 87.08 | 94.24 | | water | 64.68 | 79.04 | | painting | 74.32 | 88.75 | | sofa | 78.35 | 88.05 | | shelf | 44.59 | 59.84 | | house | 48.37 | 76.01 | | sea | 71.17 | 80.13 | | mirror | 74.78 | 82.47 | | rug | 59.99 | 68.99 | | field | 26.34 | 47.48 | | armchair | 60.73 | 74.0 | | seat | 64.91 | 90.77 | | fence | 43.53 | 54.26 | | desk | 53.24 | 80.45 | | rock | 53.55 | 82.49 | | wardrobe | 53.39 | 65.43 | | lamp | 72.34 | 87.0 | | bathtub | 82.63 | 86.38 | | railing | 40.14 | 56.22 | | cushion | 69.18 | 82.37 | | base | 33.57 | 43.55 | | box | 38.54 | 53.92 | | column | 53.84 | 62.26 | | signboard | 38.49 | 54.82 | | chest of drawers | 45.26 | 70.48 | | counter | 49.97 | 57.76 | | sand | 55.79 | 84.76 | | sink | 79.4 | 84.95 | | skyscraper | 53.59 | 61.27 | | fireplace | 76.53 | 90.9 | | refrigerator | 79.9 | 88.56 | | grandstand | 57.35 | 83.53 | | path | 22.76 | 31.05 | | stairs | 49.81 | 61.04 | | runway | 73.66 | 95.73 | | case | 66.51 | 81.31 | | pool table | 94.34 | 98.1 | | pillow | 65.25 | 74.5 | | screen door | 77.34 | 88.48 | | stairway | 50.86 | 60.91 | | river | 15.56 | 32.46 | | bridge | 72.54 | 88.35 | | bookcase | 43.65 | 64.81 | | blind | 35.22 | 38.43 | | coffee table | 63.16 | 86.98 | | toilet | 91.2 | 95.21 | | flower | 42.16 | 63.86 | | book | 54.25 | 75.0 | | hill | 7.17 | 12.23 | | bench | 60.11 | 64.58 | | countertop | 63.52 | 84.13 | | stove | 81.83 | 89.58 | | palm | 56.77 | 80.61 | | kitchen island | 43.33 | 70.1 | | computer | 76.92 | 89.87 | | swivel chair | 41.42 | 57.29 | | boat | 68.53 | 90.58 | | bar | 73.37 | 90.5 | | arcade machine | 84.84 | 90.7 | | hovel | 21.38 | 22.52 | | bus | 91.66 | 95.44 | | towel | 73.45 | 84.34 | | light | 54.55 | 58.56 | | truck | 50.82 | 59.5 | | tower | 42.48 | 77.82 | | chandelier | 69.51 | 77.21 | | awning | 43.69 | 54.5 | | streetlight | 30.04 | 36.03 | | booth | 37.1 | 44.08 | | television receiver | 83.53 | 87.41 | | airplane | 68.26 | 81.49 | | dirt track | 5.67 | 9.9 | | apparel | 53.52 | 68.1 | | pole | 25.15 | 38.73 | | land | 8.22 | 11.41 | | bannister | 13.59 | 18.41 | | escalator | 61.82 | 86.83 | | ottoman | 54.78 | 65.28 | | bottle | 43.91 | 68.56 | | buffet | 58.63 | 67.5 | | poster | 18.39 | 20.42 | | stage | 25.84 | 65.29 | | van | 48.29 | 60.01 | | ship | 67.13 | 79.56 | | fountain | 51.57 | 53.87 | | conveyer belt | 83.59 | 97.48 | | canopy | 52.31 | 72.12 | | washer | 88.46 | 94.39 | | plaything | 38.5 | 55.54 | | swimming pool | 59.11 | 90.3 | | stool | 45.83 | 63.12 | | barrel | 58.76 | 71.71 | | basket | 42.99 | 56.08 | | waterfall | 56.87 | 67.49 | | tent | 93.95 | 97.68 | | bag | 27.18 | 31.94 | | minibike | 74.79 | 88.03 | | cradle | 77.09 | 98.34 | | oven | 63.91 | 76.83 | | ball | 37.72 | 41.1 | | food | 56.4 | 68.29 | | step | 14.62 | 16.01 | | tank | 81.67 | 95.07 | | trade name | 23.45 | 26.91 | | microwave | 87.92 | 94.91 | | pot | 56.3 | 67.0 | | animal | 65.97 | 67.29 | | bicycle | 59.93 | 82.06 | | lake | 53.43 | 69.55 | | dishwasher | 68.37 | 70.72 | | screen | 50.26 | 65.19 | | blanket | 20.71 | 25.14 | | sculpture | 64.15 | 86.71 | | hood | 58.81 | 69.14 | | sconce | 55.98 | 65.61 | | vase | 45.65 | 60.78 | | traffic light | 35.47 | 53.03 | | tray | 11.62 | 14.61 | | ashcan | 52.52 | 61.83 | | fan | 67.03 | 76.73 | | pier | 39.61 | 47.5 | | crt screen | 4.1 | 6.58 | | plate | 58.52 | 82.17 | | monitor | 70.03 | 85.89 | | bulletin board | 55.74 | 73.93 | | shower | 9.33 | 9.65 | | radiator | 62.94 | 66.4 | | glass | 18.97 | 20.07 | | clock | 50.62 | 55.98 | | flag | 67.57 | 75.13 | +---------------------+-------+-------+ 2024-01-18 11:26:28,005 - mmseg - INFO - Summary: 2024-01-18 11:26:28,006 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.39 | 56.58 | 68.89 | +-------+-------+-------+ 2024-01-18 11:26:28,006 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 11:26:28,007 - mmseg - INFO - Iter(val) [250] aAcc: 0.8539, mIoU: 0.5658, mAcc: 0.6889, IoU.wall: 0.8123, IoU.building: 0.8470, IoU.sky: 0.9470, IoU.floor: 0.8310, IoU.tree: 0.7686, IoU.ceiling: 0.8567, IoU.road: 0.8522, IoU.bed : 0.9208, IoU.windowpane: 0.6483, IoU.grass: 0.6568, IoU.cabinet: 0.6387, IoU.sidewalk: 0.6699, IoU.person: 0.8371, IoU.earth: 0.3993, IoU.door: 0.5772, IoU.table: 0.6781, IoU.mountain: 0.6155, IoU.plant: 0.5432, IoU.curtain: 0.7985, IoU.chair: 0.6415, IoU.car: 0.8708, IoU.water: 0.6468, IoU.painting: 0.7432, IoU.sofa: 0.7835, IoU.shelf: 0.4459, IoU.house: 0.4837, IoU.sea: 0.7117, IoU.mirror: 0.7478, IoU.rug: 0.5999, IoU.field: 0.2634, IoU.armchair: 0.6073, IoU.seat: 0.6491, IoU.fence: 0.4353, IoU.desk: 0.5324, IoU.rock: 0.5355, IoU.wardrobe: 0.5339, IoU.lamp: 0.7234, IoU.bathtub: 0.8263, IoU.railing: 0.4014, IoU.cushion: 0.6918, IoU.base: 0.3357, IoU.box: 0.3854, IoU.column: 0.5384, IoU.signboard: 0.3849, IoU.chest of drawers: 0.4526, IoU.counter: 0.4997, IoU.sand: 0.5579, IoU.sink: 0.7940, IoU.skyscraper: 0.5359, IoU.fireplace: 0.7653, IoU.refrigerator: 0.7990, IoU.grandstand: 0.5735, IoU.path: 0.2276, IoU.stairs: 0.4981, IoU.runway: 0.7366, IoU.case: 0.6651, IoU.pool table: 0.9434, IoU.pillow: 0.6525, IoU.screen door: 0.7734, IoU.stairway: 0.5086, IoU.river: 0.1556, IoU.bridge: 0.7254, IoU.bookcase: 0.4365, IoU.blind: 0.3522, IoU.coffee table: 0.6316, IoU.toilet: 0.9120, IoU.flower: 0.4216, IoU.book: 0.5425, IoU.hill: 0.0717, IoU.bench: 0.6011, IoU.countertop: 0.6352, IoU.stove: 0.8183, IoU.palm: 0.5677, IoU.kitchen island: 0.4333, IoU.computer: 0.7692, IoU.swivel chair: 0.4142, IoU.boat: 0.6853, IoU.bar: 0.7337, IoU.arcade machine: 0.8484, IoU.hovel: 0.2138, IoU.bus: 0.9166, IoU.towel: 0.7345, IoU.light: 0.5455, IoU.truck: 0.5082, IoU.tower: 0.4248, IoU.chandelier: 0.6951, IoU.awning: 0.4369, IoU.streetlight: 0.3004, IoU.booth: 0.3710, IoU.television receiver: 0.8353, IoU.airplane: 0.6826, IoU.dirt track: 0.0567, IoU.apparel: 0.5352, IoU.pole: 0.2515, IoU.land: 0.0822, IoU.bannister: 0.1359, IoU.escalator: 0.6182, IoU.ottoman: 0.5478, IoU.bottle: 0.4391, IoU.buffet: 0.5863, IoU.poster: 0.1839, IoU.stage: 0.2584, IoU.van: 0.4829, IoU.ship: 0.6713, IoU.fountain: 0.5157, IoU.conveyer belt: 0.8359, IoU.canopy: 0.5231, IoU.washer: 0.8846, IoU.plaything: 0.3850, IoU.swimming pool: 0.5911, IoU.stool: 0.4583, IoU.barrel: 0.5876, IoU.basket: 0.4299, IoU.waterfall: 0.5687, IoU.tent: 0.9395, IoU.bag: 0.2718, IoU.minibike: 0.7479, IoU.cradle: 0.7709, IoU.oven: 0.6391, IoU.ball: 0.3772, IoU.food: 0.5640, IoU.step: 0.1462, IoU.tank: 0.8167, IoU.trade name: 0.2345, IoU.microwave: 0.8792, IoU.pot: 0.5630, IoU.animal: 0.6597, IoU.bicycle: 0.5993, IoU.lake: 0.5343, IoU.dishwasher: 0.6837, IoU.screen: 0.5026, IoU.blanket: 0.2071, IoU.sculpture: 0.6415, IoU.hood: 0.5881, IoU.sconce: 0.5598, IoU.vase: 0.4565, IoU.traffic light: 0.3547, IoU.tray: 0.1162, IoU.ashcan: 0.5252, IoU.fan: 0.6703, IoU.pier: 0.3961, IoU.crt screen: 0.0410, IoU.plate: 0.5852, IoU.monitor: 0.7003, IoU.bulletin board: 0.5574, IoU.shower: 0.0933, IoU.radiator: 0.6294, IoU.glass: 0.1897, IoU.clock: 0.5062, IoU.flag: 0.6757, Acc.wall: 0.9022, Acc.building: 0.9172, Acc.sky: 0.9728, Acc.floor: 0.9155, Acc.tree: 0.8962, Acc.ceiling: 0.9247, Acc.road: 0.9148, Acc.bed : 0.9707, Acc.windowpane: 0.8001, Acc.grass: 0.7595, Acc.cabinet: 0.7533, Acc.sidewalk: 0.7974, Acc.person: 0.9433, Acc.earth: 0.5843, Acc.door: 0.7115, Acc.table: 0.7986, Acc.mountain: 0.7207, Acc.plant: 0.6764, Acc.curtain: 0.8740, Acc.chair: 0.7840, Acc.car: 0.9424, Acc.water: 0.7904, Acc.painting: 0.8875, Acc.sofa: 0.8805, Acc.shelf: 0.5984, Acc.house: 0.7601, Acc.sea: 0.8013, Acc.mirror: 0.8247, Acc.rug: 0.6899, Acc.field: 0.4748, Acc.armchair: 0.7400, Acc.seat: 0.9077, Acc.fence: 0.5426, Acc.desk: 0.8045, Acc.rock: 0.8249, Acc.wardrobe: 0.6543, Acc.lamp: 0.8700, Acc.bathtub: 0.8638, Acc.railing: 0.5622, Acc.cushion: 0.8237, Acc.base: 0.4355, Acc.box: 0.5392, Acc.column: 0.6226, Acc.signboard: 0.5482, Acc.chest of drawers: 0.7048, Acc.counter: 0.5776, Acc.sand: 0.8476, Acc.sink: 0.8495, Acc.skyscraper: 0.6127, Acc.fireplace: 0.9090, Acc.refrigerator: 0.8856, Acc.grandstand: 0.8353, Acc.path: 0.3105, Acc.stairs: 0.6104, Acc.runway: 0.9573, Acc.case: 0.8131, Acc.pool table: 0.9810, Acc.pillow: 0.7450, Acc.screen door: 0.8848, Acc.stairway: 0.6091, Acc.river: 0.3246, Acc.bridge: 0.8835, Acc.bookcase: 0.6481, Acc.blind: 0.3843, Acc.coffee table: 0.8698, Acc.toilet: 0.9521, Acc.flower: 0.6386, Acc.book: 0.7500, Acc.hill: 0.1223, Acc.bench: 0.6458, Acc.countertop: 0.8413, Acc.stove: 0.8958, Acc.palm: 0.8061, Acc.kitchen island: 0.7010, Acc.computer: 0.8987, Acc.swivel chair: 0.5729, Acc.boat: 0.9058, Acc.bar: 0.9050, Acc.arcade machine: 0.9070, Acc.hovel: 0.2252, Acc.bus: 0.9544, Acc.towel: 0.8434, Acc.light: 0.5856, Acc.truck: 0.5950, Acc.tower: 0.7782, Acc.chandelier: 0.7721, Acc.awning: 0.5450, Acc.streetlight: 0.3603, Acc.booth: 0.4408, Acc.television receiver: 0.8741, Acc.airplane: 0.8149, Acc.dirt track: 0.0990, Acc.apparel: 0.6810, Acc.pole: 0.3873, Acc.land: 0.1141, Acc.bannister: 0.1841, Acc.escalator: 0.8683, Acc.ottoman: 0.6528, Acc.bottle: 0.6856, Acc.buffet: 0.6750, Acc.poster: 0.2042, Acc.stage: 0.6529, Acc.van: 0.6001, Acc.ship: 0.7956, Acc.fountain: 0.5387, Acc.conveyer belt: 0.9748, Acc.canopy: 0.7212, Acc.washer: 0.9439, Acc.plaything: 0.5554, Acc.swimming pool: 0.9030, Acc.stool: 0.6312, Acc.barrel: 0.7171, Acc.basket: 0.5608, Acc.waterfall: 0.6749, Acc.tent: 0.9768, Acc.bag: 0.3194, Acc.minibike: 0.8803, Acc.cradle: 0.9834, Acc.oven: 0.7683, Acc.ball: 0.4110, Acc.food: 0.6829, Acc.step: 0.1601, Acc.tank: 0.9507, Acc.trade name: 0.2691, Acc.microwave: 0.9491, Acc.pot: 0.6700, Acc.animal: 0.6729, Acc.bicycle: 0.8206, Acc.lake: 0.6955, Acc.dishwasher: 0.7072, Acc.screen: 0.6519, Acc.blanket: 0.2514, Acc.sculpture: 0.8671, Acc.hood: 0.6914, Acc.sconce: 0.6561, Acc.vase: 0.6078, Acc.traffic light: 0.5303, Acc.tray: 0.1461, Acc.ashcan: 0.6183, Acc.fan: 0.7673, Acc.pier: 0.4750, Acc.crt screen: 0.0658, Acc.plate: 0.8217, Acc.monitor: 0.8589, Acc.bulletin board: 0.7393, Acc.shower: 0.0965, Acc.radiator: 0.6640, Acc.glass: 0.2007, Acc.clock: 0.5598, Acc.flag: 0.7513 2024-01-18 11:27:28,803 - mmseg - INFO - Iter [38050/80000] lr: 2.098e-05, eta: 16:31:42, time: 4.393, data_time: 3.193, memory: 59004, decode.loss_ce: 0.1563, decode.acc_seg: 93.3478, aux.loss_ce: 0.0777, aux.acc_seg: 91.7369, loss: 0.2340 2024-01-18 11:28:29,310 - mmseg - INFO - Iter [38100/80000] lr: 2.095e-05, eta: 16:30:20, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1500, decode.acc_seg: 93.1925, aux.loss_ce: 0.0756, aux.acc_seg: 91.7561, loss: 0.2256 2024-01-18 11:29:29,624 - mmseg - INFO - Iter [38150/80000] lr: 2.093e-05, eta: 16:28:58, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1535, decode.acc_seg: 93.2001, aux.loss_ce: 0.0756, aux.acc_seg: 91.8270, loss: 0.2291 2024-01-18 11:30:29,895 - mmseg - INFO - Iter [38200/80000] lr: 2.090e-05, eta: 16:27:35, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1494, decode.acc_seg: 93.3978, aux.loss_ce: 0.0752, aux.acc_seg: 91.8392, loss: 0.2246 2024-01-18 11:31:30,202 - mmseg - INFO - Iter [38250/80000] lr: 2.088e-05, eta: 16:26:13, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1504, decode.acc_seg: 93.3692, aux.loss_ce: 0.0773, aux.acc_seg: 91.6905, loss: 0.2278 2024-01-18 11:32:30,524 - mmseg - INFO - Iter [38300/80000] lr: 2.085e-05, eta: 16:24:50, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1523, decode.acc_seg: 93.3250, aux.loss_ce: 0.0770, aux.acc_seg: 91.8067, loss: 0.2294 2024-01-18 11:33:30,908 - mmseg - INFO - Iter [38350/80000] lr: 2.083e-05, eta: 16:23:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1508, decode.acc_seg: 93.3196, aux.loss_ce: 0.0778, aux.acc_seg: 91.5983, loss: 0.2285 2024-01-18 11:34:31,359 - mmseg - INFO - Iter [38400/80000] lr: 2.080e-05, eta: 16:22:06, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1540, decode.acc_seg: 93.4288, aux.loss_ce: 0.0785, aux.acc_seg: 91.9251, loss: 0.2325 2024-01-18 11:35:31,797 - mmseg - INFO - Iter [38450/80000] lr: 2.078e-05, eta: 16:20:44, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1549, decode.acc_seg: 93.1078, aux.loss_ce: 0.0774, aux.acc_seg: 91.7559, loss: 0.2323 2024-01-18 11:36:32,322 - mmseg - INFO - Iter [38500/80000] lr: 2.075e-05, eta: 16:19:22, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1436, decode.acc_seg: 93.8617, aux.loss_ce: 0.0729, aux.acc_seg: 92.3985, loss: 0.2165 2024-01-18 11:37:32,653 - mmseg - INFO - Iter [38550/80000] lr: 2.073e-05, eta: 16:18:00, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1576, decode.acc_seg: 93.0492, aux.loss_ce: 0.0815, aux.acc_seg: 91.2268, loss: 0.2391 2024-01-18 11:38:32,922 - mmseg - INFO - Iter [38600/80000] lr: 2.070e-05, eta: 16:16:38, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1418, decode.acc_seg: 93.8368, aux.loss_ce: 0.0734, aux.acc_seg: 92.2067, loss: 0.2152 2024-01-18 11:39:33,416 - mmseg - INFO - Iter [38650/80000] lr: 2.068e-05, eta: 16:15:16, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1441, decode.acc_seg: 93.5721, aux.loss_ce: 0.0761, aux.acc_seg: 91.7248, loss: 0.2202 2024-01-18 11:40:33,704 - mmseg - INFO - Iter [38700/80000] lr: 2.065e-05, eta: 16:13:54, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1508, decode.acc_seg: 93.5164, aux.loss_ce: 0.0768, aux.acc_seg: 91.7917, loss: 0.2276 2024-01-18 11:41:33,999 - mmseg - INFO - Iter [38750/80000] lr: 2.063e-05, eta: 16:12:32, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1551, decode.acc_seg: 93.1636, aux.loss_ce: 0.0780, aux.acc_seg: 91.6374, loss: 0.2332 2024-01-18 11:42:34,297 - mmseg - INFO - Iter [38800/80000] lr: 2.060e-05, eta: 16:11:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1548, decode.acc_seg: 93.2563, aux.loss_ce: 0.0770, aux.acc_seg: 91.7921, loss: 0.2318 2024-01-18 11:43:34,585 - mmseg - INFO - Iter [38850/80000] lr: 2.058e-05, eta: 16:09:49, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1499, decode.acc_seg: 93.4651, aux.loss_ce: 0.0772, aux.acc_seg: 91.8902, loss: 0.2272 2024-01-18 11:44:35,067 - mmseg - INFO - Iter [38900/80000] lr: 2.055e-05, eta: 16:08:27, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1463, decode.acc_seg: 93.5576, aux.loss_ce: 0.0761, aux.acc_seg: 91.7257, loss: 0.2224 2024-01-18 11:45:35,366 - mmseg - INFO - Iter [38950/80000] lr: 2.053e-05, eta: 16:07:06, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1534, decode.acc_seg: 93.1994, aux.loss_ce: 0.0806, aux.acc_seg: 91.4843, loss: 0.2339 2024-01-18 11:46:35,758 - mmseg - INFO - Saving checkpoint at 39000 iterations 2024-01-18 11:47:23,650 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 11:47:23,651 - mmseg - INFO - Iter [39000/80000] lr: 2.050e-05, eta: 16:06:34, time: 2.166, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1472, decode.acc_seg: 93.6465, aux.loss_ce: 0.0760, aux.acc_seg: 91.9455, loss: 0.2232 2024-01-18 11:50:02,521 - mmseg - INFO - per class results: 2024-01-18 11:50:02,527 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.0 | 90.34 | | building | 85.3 | 93.58 | | sky | 94.64 | 97.56 | | floor | 83.2 | 91.46 | | tree | 76.92 | 87.82 | | ceiling | 85.83 | 92.52 | | road | 86.16 | 90.08 | | bed | 92.23 | 97.23 | | windowpane | 65.0 | 79.86 | | grass | 66.79 | 81.29 | | cabinet | 66.01 | 76.71 | | sidewalk | 70.36 | 87.05 | | person | 84.15 | 94.81 | | earth | 36.99 | 50.53 | | door | 58.01 | 71.41 | | table | 69.2 | 81.67 | | mountain | 61.32 | 72.82 | | plant | 55.15 | 69.62 | | curtain | 78.41 | 88.18 | | chair | 64.95 | 78.3 | | car | 86.99 | 93.89 | | water | 61.13 | 73.8 | | painting | 75.35 | 89.09 | | sofa | 78.26 | 89.44 | | shelf | 45.61 | 60.46 | | house | 54.42 | 70.91 | | sea | 69.7 | 79.13 | | mirror | 78.43 | 92.14 | | rug | 58.66 | 67.37 | | field | 27.2 | 43.8 | | armchair | 56.23 | 67.1 | | seat | 66.89 | 90.51 | | fence | 45.68 | 59.57 | | desk | 59.29 | 72.76 | | rock | 54.67 | 78.44 | | wardrobe | 56.83 | 75.42 | | lamp | 73.33 | 82.94 | | bathtub | 81.58 | 84.82 | | railing | 37.83 | 49.27 | | cushion | 68.14 | 86.97 | | base | 41.36 | 57.0 | | box | 35.89 | 43.78 | | column | 53.13 | 70.05 | | signboard | 35.92 | 48.08 | | chest of drawers | 50.47 | 71.56 | | counter | 52.96 | 59.65 | | sand | 55.13 | 87.54 | | sink | 79.73 | 85.58 | | skyscraper | 47.08 | 53.51 | | fireplace | 75.15 | 90.99 | | refrigerator | 78.9 | 88.19 | | grandstand | 55.41 | 83.38 | | path | 29.33 | 46.56 | | stairs | 48.08 | 56.88 | | runway | 74.18 | 96.1 | | case | 63.32 | 85.34 | | pool table | 94.62 | 97.65 | | pillow | 64.18 | 71.87 | | screen door | 72.51 | 85.47 | | stairway | 50.19 | 65.81 | | river | 14.84 | 34.7 | | bridge | 64.39 | 76.39 | | bookcase | 44.74 | 61.84 | | blind | 39.34 | 47.25 | | coffee table | 62.38 | 87.56 | | toilet | 91.2 | 95.97 | | flower | 45.47 | 62.44 | | book | 55.02 | 78.13 | | hill | 6.81 | 13.2 | | bench | 61.57 | 67.05 | | countertop | 64.27 | 80.89 | | stove | 84.62 | 91.13 | | palm | 56.04 | 77.47 | | kitchen island | 53.15 | 69.77 | | computer | 76.97 | 89.83 | | swivel chair | 42.42 | 58.17 | | boat | 73.43 | 89.2 | | bar | 74.22 | 87.02 | | arcade machine | 82.48 | 88.49 | | hovel | 42.5 | 47.3 | | bus | 90.12 | 96.6 | | towel | 75.48 | 81.47 | | light | 55.28 | 61.0 | | truck | 49.79 | 63.06 | | tower | 26.8 | 38.65 | | chandelier | 70.48 | 77.82 | | awning | 42.17 | 48.49 | | streetlight | 29.48 | 34.11 | | booth | 41.29 | 55.29 | | television receiver | 83.27 | 88.21 | | airplane | 69.72 | 76.04 | | dirt track | 12.95 | 18.9 | | apparel | 59.38 | 71.51 | | pole | 28.37 | 40.96 | | land | 5.65 | 10.74 | | bannister | 13.55 | 19.42 | | escalator | 62.15 | 87.11 | | ottoman | 57.13 | 71.0 | | bottle | 42.47 | 69.94 | | buffet | 56.96 | 64.53 | | poster | 19.18 | 23.82 | | stage | 25.65 | 65.82 | | van | 51.52 | 61.28 | | ship | 70.65 | 79.23 | | fountain | 51.86 | 52.88 | | conveyer belt | 83.3 | 97.41 | | canopy | 46.33 | 63.59 | | washer | 87.73 | 92.92 | | plaything | 39.14 | 59.86 | | swimming pool | 57.77 | 84.49 | | stool | 47.01 | 64.51 | | barrel | 60.2 | 69.51 | | basket | 41.74 | 57.01 | | waterfall | 50.03 | 56.0 | | tent | 94.37 | 98.46 | | bag | 31.07 | 37.04 | | minibike | 75.18 | 88.04 | | cradle | 86.28 | 97.95 | | oven | 60.75 | 73.25 | | ball | 27.73 | 28.74 | | food | 57.06 | 63.09 | | step | 18.46 | 20.76 | | tank | 60.34 | 68.48 | | trade name | 23.44 | 25.48 | | microwave | 86.95 | 94.6 | | pot | 56.16 | 65.11 | | animal | 66.29 | 68.05 | | bicycle | 59.4 | 78.73 | | lake | 55.44 | 69.62 | | dishwasher | 68.49 | 79.01 | | screen | 50.89 | 65.61 | | blanket | 30.29 | 37.52 | | sculpture | 73.19 | 79.74 | | hood | 57.8 | 66.9 | | sconce | 53.63 | 64.02 | | vase | 43.7 | 56.81 | | traffic light | 36.29 | 55.29 | | tray | 19.79 | 26.21 | | ashcan | 55.26 | 68.15 | | fan | 68.06 | 82.66 | | pier | 38.1 | 46.24 | | crt screen | 5.55 | 8.76 | | plate | 61.3 | 75.35 | | monitor | 69.92 | 86.08 | | bulletin board | 55.55 | 63.41 | | shower | 13.51 | 15.97 | | radiator | 64.02 | 72.22 | | glass | 19.99 | 21.3 | | clock | 52.78 | 56.85 | | flag | 66.81 | 74.52 | +---------------------+-------+-------+ 2024-01-18 11:50:02,527 - mmseg - INFO - Summary: 2024-01-18 11:50:02,527 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.63 | 57.06 | 68.75 | +-------+-------+-------+ 2024-01-18 11:50:02,528 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 11:50:02,528 - mmseg - INFO - Iter(val) [250] aAcc: 0.8563, mIoU: 0.5706, mAcc: 0.6875, IoU.wall: 0.8100, IoU.building: 0.8530, IoU.sky: 0.9464, IoU.floor: 0.8320, IoU.tree: 0.7692, IoU.ceiling: 0.8583, IoU.road: 0.8616, IoU.bed : 0.9223, IoU.windowpane: 0.6500, IoU.grass: 0.6679, IoU.cabinet: 0.6601, IoU.sidewalk: 0.7036, IoU.person: 0.8415, IoU.earth: 0.3699, IoU.door: 0.5801, IoU.table: 0.6920, IoU.mountain: 0.6132, IoU.plant: 0.5515, IoU.curtain: 0.7841, IoU.chair: 0.6495, IoU.car: 0.8699, IoU.water: 0.6113, IoU.painting: 0.7535, IoU.sofa: 0.7826, IoU.shelf: 0.4561, IoU.house: 0.5442, IoU.sea: 0.6970, IoU.mirror: 0.7843, IoU.rug: 0.5866, IoU.field: 0.2720, IoU.armchair: 0.5623, IoU.seat: 0.6689, IoU.fence: 0.4568, IoU.desk: 0.5929, IoU.rock: 0.5467, IoU.wardrobe: 0.5683, IoU.lamp: 0.7333, IoU.bathtub: 0.8158, IoU.railing: 0.3783, IoU.cushion: 0.6814, IoU.base: 0.4136, IoU.box: 0.3589, IoU.column: 0.5313, IoU.signboard: 0.3592, IoU.chest of drawers: 0.5047, IoU.counter: 0.5296, IoU.sand: 0.5513, IoU.sink: 0.7973, IoU.skyscraper: 0.4708, IoU.fireplace: 0.7515, IoU.refrigerator: 0.7890, IoU.grandstand: 0.5541, IoU.path: 0.2933, IoU.stairs: 0.4808, IoU.runway: 0.7418, IoU.case: 0.6332, IoU.pool table: 0.9462, IoU.pillow: 0.6418, IoU.screen door: 0.7251, IoU.stairway: 0.5019, IoU.river: 0.1484, IoU.bridge: 0.6439, IoU.bookcase: 0.4474, IoU.blind: 0.3934, IoU.coffee table: 0.6238, IoU.toilet: 0.9120, IoU.flower: 0.4547, IoU.book: 0.5502, IoU.hill: 0.0681, IoU.bench: 0.6157, IoU.countertop: 0.6427, IoU.stove: 0.8462, IoU.palm: 0.5604, IoU.kitchen island: 0.5315, IoU.computer: 0.7697, IoU.swivel chair: 0.4242, IoU.boat: 0.7343, IoU.bar: 0.7422, IoU.arcade machine: 0.8248, IoU.hovel: 0.4250, IoU.bus: 0.9012, IoU.towel: 0.7548, IoU.light: 0.5528, IoU.truck: 0.4979, IoU.tower: 0.2680, IoU.chandelier: 0.7048, IoU.awning: 0.4217, IoU.streetlight: 0.2948, IoU.booth: 0.4129, IoU.television receiver: 0.8327, IoU.airplane: 0.6972, IoU.dirt track: 0.1295, IoU.apparel: 0.5938, IoU.pole: 0.2837, IoU.land: 0.0565, IoU.bannister: 0.1355, IoU.escalator: 0.6215, IoU.ottoman: 0.5713, IoU.bottle: 0.4247, IoU.buffet: 0.5696, IoU.poster: 0.1918, IoU.stage: 0.2565, IoU.van: 0.5152, IoU.ship: 0.7065, IoU.fountain: 0.5186, IoU.conveyer belt: 0.8330, IoU.canopy: 0.4633, IoU.washer: 0.8773, IoU.plaything: 0.3914, IoU.swimming pool: 0.5777, IoU.stool: 0.4701, IoU.barrel: 0.6020, IoU.basket: 0.4174, IoU.waterfall: 0.5003, IoU.tent: 0.9437, IoU.bag: 0.3107, IoU.minibike: 0.7518, IoU.cradle: 0.8628, IoU.oven: 0.6075, IoU.ball: 0.2773, IoU.food: 0.5706, IoU.step: 0.1846, IoU.tank: 0.6034, IoU.trade name: 0.2344, IoU.microwave: 0.8695, IoU.pot: 0.5616, IoU.animal: 0.6629, IoU.bicycle: 0.5940, IoU.lake: 0.5544, IoU.dishwasher: 0.6849, IoU.screen: 0.5089, IoU.blanket: 0.3029, IoU.sculpture: 0.7319, IoU.hood: 0.5780, IoU.sconce: 0.5363, IoU.vase: 0.4370, IoU.traffic light: 0.3629, IoU.tray: 0.1979, IoU.ashcan: 0.5526, IoU.fan: 0.6806, IoU.pier: 0.3810, IoU.crt screen: 0.0555, IoU.plate: 0.6130, IoU.monitor: 0.6992, IoU.bulletin board: 0.5555, IoU.shower: 0.1351, IoU.radiator: 0.6402, IoU.glass: 0.1999, IoU.clock: 0.5278, IoU.flag: 0.6681, Acc.wall: 0.9034, Acc.building: 0.9358, Acc.sky: 0.9756, Acc.floor: 0.9146, Acc.tree: 0.8782, Acc.ceiling: 0.9252, Acc.road: 0.9008, Acc.bed : 0.9723, Acc.windowpane: 0.7986, Acc.grass: 0.8129, Acc.cabinet: 0.7671, Acc.sidewalk: 0.8705, Acc.person: 0.9481, Acc.earth: 0.5053, Acc.door: 0.7141, Acc.table: 0.8167, Acc.mountain: 0.7282, Acc.plant: 0.6962, Acc.curtain: 0.8818, Acc.chair: 0.7830, Acc.car: 0.9389, Acc.water: 0.7380, Acc.painting: 0.8909, Acc.sofa: 0.8944, Acc.shelf: 0.6046, Acc.house: 0.7091, Acc.sea: 0.7913, Acc.mirror: 0.9214, Acc.rug: 0.6737, Acc.field: 0.4380, Acc.armchair: 0.6710, Acc.seat: 0.9051, Acc.fence: 0.5957, Acc.desk: 0.7276, Acc.rock: 0.7844, Acc.wardrobe: 0.7542, Acc.lamp: 0.8294, Acc.bathtub: 0.8482, Acc.railing: 0.4927, Acc.cushion: 0.8697, Acc.base: 0.5700, Acc.box: 0.4378, Acc.column: 0.7005, Acc.signboard: 0.4808, Acc.chest of drawers: 0.7156, Acc.counter: 0.5965, Acc.sand: 0.8754, Acc.sink: 0.8558, Acc.skyscraper: 0.5351, Acc.fireplace: 0.9099, Acc.refrigerator: 0.8819, Acc.grandstand: 0.8338, Acc.path: 0.4656, Acc.stairs: 0.5688, Acc.runway: 0.9610, Acc.case: 0.8534, Acc.pool table: 0.9765, Acc.pillow: 0.7187, Acc.screen door: 0.8547, Acc.stairway: 0.6581, Acc.river: 0.3470, Acc.bridge: 0.7639, Acc.bookcase: 0.6184, Acc.blind: 0.4725, Acc.coffee table: 0.8756, Acc.toilet: 0.9597, Acc.flower: 0.6244, Acc.book: 0.7813, Acc.hill: 0.1320, Acc.bench: 0.6705, Acc.countertop: 0.8089, Acc.stove: 0.9113, Acc.palm: 0.7747, Acc.kitchen island: 0.6977, Acc.computer: 0.8983, Acc.swivel chair: 0.5817, Acc.boat: 0.8920, Acc.bar: 0.8702, Acc.arcade machine: 0.8849, Acc.hovel: 0.4730, Acc.bus: 0.9660, Acc.towel: 0.8147, Acc.light: 0.6100, Acc.truck: 0.6306, Acc.tower: 0.3865, Acc.chandelier: 0.7782, Acc.awning: 0.4849, Acc.streetlight: 0.3411, Acc.booth: 0.5529, Acc.television receiver: 0.8821, Acc.airplane: 0.7604, Acc.dirt track: 0.1890, Acc.apparel: 0.7151, Acc.pole: 0.4096, Acc.land: 0.1074, Acc.bannister: 0.1942, Acc.escalator: 0.8711, Acc.ottoman: 0.7100, Acc.bottle: 0.6994, Acc.buffet: 0.6453, Acc.poster: 0.2382, Acc.stage: 0.6582, Acc.van: 0.6128, Acc.ship: 0.7923, Acc.fountain: 0.5288, Acc.conveyer belt: 0.9741, Acc.canopy: 0.6359, Acc.washer: 0.9292, Acc.plaything: 0.5986, Acc.swimming pool: 0.8449, Acc.stool: 0.6451, Acc.barrel: 0.6951, Acc.basket: 0.5701, Acc.waterfall: 0.5600, Acc.tent: 0.9846, Acc.bag: 0.3704, Acc.minibike: 0.8804, Acc.cradle: 0.9795, Acc.oven: 0.7325, Acc.ball: 0.2874, Acc.food: 0.6309, Acc.step: 0.2076, Acc.tank: 0.6848, Acc.trade name: 0.2548, Acc.microwave: 0.9460, Acc.pot: 0.6511, Acc.animal: 0.6805, Acc.bicycle: 0.7873, Acc.lake: 0.6962, Acc.dishwasher: 0.7901, Acc.screen: 0.6561, Acc.blanket: 0.3752, Acc.sculpture: 0.7974, Acc.hood: 0.6690, Acc.sconce: 0.6402, Acc.vase: 0.5681, Acc.traffic light: 0.5529, Acc.tray: 0.2621, Acc.ashcan: 0.6815, Acc.fan: 0.8266, Acc.pier: 0.4624, Acc.crt screen: 0.0876, Acc.plate: 0.7535, Acc.monitor: 0.8608, Acc.bulletin board: 0.6341, Acc.shower: 0.1597, Acc.radiator: 0.7222, Acc.glass: 0.2130, Acc.clock: 0.5685, Acc.flag: 0.7452 2024-01-18 11:51:03,205 - mmseg - INFO - Iter [39050/80000] lr: 2.048e-05, eta: 16:08:00, time: 4.391, data_time: 3.194, memory: 59004, decode.loss_ce: 0.1480, decode.acc_seg: 93.4565, aux.loss_ce: 0.0766, aux.acc_seg: 91.6838, loss: 0.2245 2024-01-18 11:52:03,501 - mmseg - INFO - Iter [39100/80000] lr: 2.045e-05, eta: 16:06:38, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1531, decode.acc_seg: 93.1552, aux.loss_ce: 0.0780, aux.acc_seg: 91.5830, loss: 0.2311 2024-01-18 11:53:03,771 - mmseg - INFO - Iter [39150/80000] lr: 2.043e-05, eta: 16:05:16, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1466, decode.acc_seg: 93.5211, aux.loss_ce: 0.0757, aux.acc_seg: 91.9720, loss: 0.2223 2024-01-18 11:54:06,231 - mmseg - INFO - Iter [39200/80000] lr: 2.040e-05, eta: 16:03:56, time: 1.249, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1446, decode.acc_seg: 93.6156, aux.loss_ce: 0.0735, aux.acc_seg: 91.9497, loss: 0.2181 2024-01-18 11:55:06,530 - mmseg - INFO - Iter [39250/80000] lr: 2.038e-05, eta: 16:02:34, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1509, decode.acc_seg: 93.3745, aux.loss_ce: 0.0757, aux.acc_seg: 91.9302, loss: 0.2266 2024-01-18 11:56:06,858 - mmseg - INFO - Iter [39300/80000] lr: 2.035e-05, eta: 16:01:13, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1471, decode.acc_seg: 93.5520, aux.loss_ce: 0.0742, aux.acc_seg: 92.1588, loss: 0.2213 2024-01-18 11:57:07,175 - mmseg - INFO - Iter [39350/80000] lr: 2.033e-05, eta: 15:59:51, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1469, decode.acc_seg: 93.6559, aux.loss_ce: 0.0764, aux.acc_seg: 91.8831, loss: 0.2233 2024-01-18 11:58:07,631 - mmseg - INFO - Iter [39400/80000] lr: 2.030e-05, eta: 15:58:29, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1426, decode.acc_seg: 93.6606, aux.loss_ce: 0.0718, aux.acc_seg: 92.3306, loss: 0.2144 2024-01-18 11:59:08,159 - mmseg - INFO - Iter [39450/80000] lr: 2.028e-05, eta: 15:57:08, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1516, decode.acc_seg: 93.2144, aux.loss_ce: 0.0768, aux.acc_seg: 91.6263, loss: 0.2284 2024-01-18 12:00:08,515 - mmseg - INFO - Iter [39500/80000] lr: 2.025e-05, eta: 15:55:46, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1508, decode.acc_seg: 93.4632, aux.loss_ce: 0.0767, aux.acc_seg: 91.8963, loss: 0.2275 2024-01-18 12:01:09,106 - mmseg - INFO - Iter [39550/80000] lr: 2.023e-05, eta: 15:54:25, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1385, decode.acc_seg: 93.7987, aux.loss_ce: 0.0725, aux.acc_seg: 92.0679, loss: 0.2110 2024-01-18 12:02:09,537 - mmseg - INFO - Iter [39600/80000] lr: 2.020e-05, eta: 15:53:04, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1543, decode.acc_seg: 93.2223, aux.loss_ce: 0.0794, aux.acc_seg: 91.5514, loss: 0.2338 2024-01-18 12:03:09,887 - mmseg - INFO - Iter [39650/80000] lr: 2.018e-05, eta: 15:51:42, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1515, decode.acc_seg: 93.3334, aux.loss_ce: 0.0767, aux.acc_seg: 91.8190, loss: 0.2282 2024-01-18 12:04:10,247 - mmseg - INFO - Iter [39700/80000] lr: 2.015e-05, eta: 15:50:21, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1364, decode.acc_seg: 93.9077, aux.loss_ce: 0.0713, aux.acc_seg: 92.2228, loss: 0.2077 2024-01-18 12:05:10,616 - mmseg - INFO - Iter [39750/80000] lr: 2.013e-05, eta: 15:49:00, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1448, decode.acc_seg: 93.6482, aux.loss_ce: 0.0754, aux.acc_seg: 91.9333, loss: 0.2202 2024-01-18 12:06:10,890 - mmseg - INFO - Iter [39800/80000] lr: 2.010e-05, eta: 15:47:38, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1449, decode.acc_seg: 93.6435, aux.loss_ce: 0.0750, aux.acc_seg: 92.0465, loss: 0.2199 2024-01-18 12:07:11,169 - mmseg - INFO - Iter [39850/80000] lr: 2.008e-05, eta: 15:46:17, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1459, decode.acc_seg: 93.6179, aux.loss_ce: 0.0763, aux.acc_seg: 91.8313, loss: 0.2222 2024-01-18 12:08:11,589 - mmseg - INFO - Iter [39900/80000] lr: 2.005e-05, eta: 15:44:56, time: 1.208, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1466, decode.acc_seg: 93.5831, aux.loss_ce: 0.0751, aux.acc_seg: 91.9809, loss: 0.2217 2024-01-18 12:09:11,963 - mmseg - INFO - Iter [39950/80000] lr: 2.003e-05, eta: 15:43:35, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1472, decode.acc_seg: 93.4896, aux.loss_ce: 0.0773, aux.acc_seg: 91.9406, loss: 0.2245 2024-01-18 12:10:12,392 - mmseg - INFO - Saving checkpoint at 40000 iterations 2024-01-18 12:11:01,644 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 12:11:01,644 - mmseg - INFO - Iter [40000/80000] lr: 2.000e-05, eta: 15:43:03, time: 2.194, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1486, decode.acc_seg: 93.5093, aux.loss_ce: 0.0766, aux.acc_seg: 91.7981, loss: 0.2252 2024-01-18 12:13:40,899 - mmseg - INFO - per class results: 2024-01-18 12:13:40,906 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.22 | 90.25 | | building | 84.83 | 94.0 | | sky | 94.72 | 96.87 | | floor | 83.38 | 91.1 | | tree | 76.65 | 91.58 | | ceiling | 85.96 | 92.36 | | road | 86.7 | 90.71 | | bed | 92.0 | 97.27 | | windowpane | 64.7 | 80.63 | | grass | 69.52 | 85.12 | | cabinet | 64.8 | 74.04 | | sidewalk | 71.64 | 86.84 | | person | 84.54 | 93.73 | | earth | 36.29 | 47.15 | | door | 56.65 | 67.93 | | table | 68.49 | 79.71 | | mountain | 58.91 | 74.54 | | plant | 54.84 | 67.23 | | curtain | 77.65 | 88.91 | | chair | 63.67 | 75.53 | | car | 87.22 | 93.56 | | water | 62.21 | 75.71 | | painting | 74.76 | 87.61 | | sofa | 79.76 | 88.11 | | shelf | 45.38 | 63.96 | | house | 44.62 | 54.33 | | sea | 73.71 | 88.44 | | mirror | 77.76 | 88.05 | | rug | 65.91 | 78.56 | | field | 30.13 | 46.18 | | armchair | 57.08 | 77.07 | | seat | 67.89 | 88.99 | | fence | 46.52 | 56.18 | | desk | 55.69 | 80.32 | | rock | 43.15 | 60.44 | | wardrobe | 57.55 | 82.05 | | lamp | 73.63 | 84.46 | | bathtub | 79.47 | 81.2 | | railing | 39.81 | 54.75 | | cushion | 69.06 | 78.57 | | base | 40.81 | 52.58 | | box | 41.13 | 56.2 | | column | 54.54 | 63.7 | | signboard | 38.45 | 51.22 | | chest of drawers | 47.64 | 72.01 | | counter | 52.11 | 56.49 | | sand | 55.03 | 78.37 | | sink | 81.72 | 88.99 | | skyscraper | 53.36 | 61.99 | | fireplace | 77.47 | 90.94 | | refrigerator | 79.71 | 87.9 | | grandstand | 61.11 | 88.34 | | path | 28.76 | 41.98 | | stairs | 44.52 | 53.87 | | runway | 73.59 | 95.67 | | case | 61.75 | 83.49 | | pool table | 94.84 | 97.7 | | pillow | 67.14 | 77.65 | | screen door | 70.61 | 82.8 | | stairway | 45.08 | 59.55 | | river | 17.0 | 28.7 | | bridge | 70.67 | 83.18 | | bookcase | 42.72 | 61.35 | | blind | 35.55 | 41.13 | | coffee table | 63.31 | 88.76 | | toilet | 91.23 | 96.02 | | flower | 50.03 | 63.04 | | book | 54.32 | 77.42 | | hill | 6.61 | 11.15 | | bench | 61.58 | 68.41 | | countertop | 64.89 | 84.15 | | stove | 83.9 | 90.71 | | palm | 55.84 | 73.98 | | kitchen island | 40.52 | 65.87 | | computer | 77.03 | 90.07 | | swivel chair | 44.31 | 61.43 | | boat | 69.37 | 92.77 | | bar | 80.43 | 88.62 | | arcade machine | 84.21 | 93.06 | | hovel | 40.92 | 44.36 | | bus | 91.32 | 96.31 | | towel | 76.06 | 85.6 | | light | 56.89 | 63.41 | | truck | 47.72 | 57.55 | | tower | 35.01 | 59.56 | | chandelier | 72.16 | 84.11 | | awning | 35.16 | 40.53 | | streetlight | 31.25 | 39.44 | | booth | 36.33 | 42.34 | | television receiver | 81.38 | 88.79 | | airplane | 76.34 | 85.21 | | dirt track | 10.28 | 15.65 | | apparel | 58.69 | 71.99 | | pole | 22.53 | 30.08 | | land | 6.73 | 11.57 | | bannister | 14.24 | 19.57 | | escalator | 60.23 | 87.62 | | ottoman | 56.49 | 67.79 | | bottle | 43.37 | 71.77 | | buffet | 57.63 | 65.0 | | poster | 24.22 | 29.3 | | stage | 23.36 | 75.86 | | van | 51.04 | 62.28 | | ship | 49.22 | 54.63 | | fountain | 51.87 | 52.77 | | conveyer belt | 83.29 | 97.89 | | canopy | 46.76 | 66.7 | | washer | 87.06 | 92.03 | | plaything | 44.33 | 60.19 | | swimming pool | 58.73 | 87.13 | | stool | 46.59 | 60.45 | | barrel | 59.08 | 68.09 | | basket | 40.12 | 50.77 | | waterfall | 50.87 | 59.61 | | tent | 90.04 | 98.69 | | bag | 29.22 | 35.95 | | minibike | 75.09 | 88.77 | | cradle | 83.78 | 98.19 | | oven | 66.46 | 77.88 | | ball | 32.59 | 34.39 | | food | 61.56 | 77.27 | | step | 10.25 | 10.58 | | tank | 79.09 | 95.36 | | trade name | 27.99 | 33.43 | | microwave | 88.7 | 93.36 | | pot | 57.08 | 66.53 | | animal | 66.52 | 69.35 | | bicycle | 58.35 | 75.4 | | lake | 52.13 | 69.59 | | dishwasher | 70.55 | 77.2 | | screen | 48.07 | 65.52 | | blanket | 23.15 | 27.1 | | sculpture | 66.14 | 86.03 | | hood | 60.75 | 72.27 | | sconce | 53.72 | 63.58 | | vase | 43.97 | 58.85 | | traffic light | 36.18 | 53.93 | | tray | 17.06 | 21.4 | | ashcan | 49.27 | 59.2 | | fan | 67.22 | 77.11 | | pier | 40.33 | 46.66 | | crt screen | 5.57 | 9.34 | | plate | 60.71 | 75.44 | | monitor | 69.73 | 86.15 | | bulletin board | 63.48 | 76.08 | | shower | 8.78 | 9.86 | | radiator | 65.1 | 73.5 | | glass | 19.02 | 20.26 | | clock | 51.79 | 60.23 | | flag | 67.79 | 75.05 | +---------------------+-------+-------+ 2024-01-18 12:13:40,906 - mmseg - INFO - Summary: 2024-01-18 12:13:40,906 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.68 | 56.97 | 68.94 | +-------+-------+-------+ 2024-01-18 12:13:40,907 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 12:13:40,907 - mmseg - INFO - Iter(val) [250] aAcc: 0.8568, mIoU: 0.5697, mAcc: 0.6894, IoU.wall: 0.8122, IoU.building: 0.8483, IoU.sky: 0.9472, IoU.floor: 0.8338, IoU.tree: 0.7665, IoU.ceiling: 0.8596, IoU.road: 0.8670, IoU.bed : 0.9200, IoU.windowpane: 0.6470, IoU.grass: 0.6952, IoU.cabinet: 0.6480, IoU.sidewalk: 0.7164, IoU.person: 0.8454, IoU.earth: 0.3629, IoU.door: 0.5665, IoU.table: 0.6849, IoU.mountain: 0.5891, IoU.plant: 0.5484, IoU.curtain: 0.7765, IoU.chair: 0.6367, IoU.car: 0.8722, IoU.water: 0.6221, IoU.painting: 0.7476, IoU.sofa: 0.7976, IoU.shelf: 0.4538, IoU.house: 0.4462, IoU.sea: 0.7371, IoU.mirror: 0.7776, IoU.rug: 0.6591, IoU.field: 0.3013, IoU.armchair: 0.5708, IoU.seat: 0.6789, IoU.fence: 0.4652, IoU.desk: 0.5569, IoU.rock: 0.4315, IoU.wardrobe: 0.5755, IoU.lamp: 0.7363, IoU.bathtub: 0.7947, IoU.railing: 0.3981, IoU.cushion: 0.6906, IoU.base: 0.4081, IoU.box: 0.4113, IoU.column: 0.5454, IoU.signboard: 0.3845, IoU.chest of drawers: 0.4764, IoU.counter: 0.5211, IoU.sand: 0.5503, IoU.sink: 0.8172, IoU.skyscraper: 0.5336, IoU.fireplace: 0.7747, IoU.refrigerator: 0.7971, IoU.grandstand: 0.6111, IoU.path: 0.2876, IoU.stairs: 0.4452, IoU.runway: 0.7359, IoU.case: 0.6175, IoU.pool table: 0.9484, IoU.pillow: 0.6714, IoU.screen door: 0.7061, IoU.stairway: 0.4508, IoU.river: 0.1700, IoU.bridge: 0.7067, IoU.bookcase: 0.4272, IoU.blind: 0.3555, IoU.coffee table: 0.6331, IoU.toilet: 0.9123, IoU.flower: 0.5003, IoU.book: 0.5432, IoU.hill: 0.0661, IoU.bench: 0.6158, IoU.countertop: 0.6489, IoU.stove: 0.8390, IoU.palm: 0.5584, IoU.kitchen island: 0.4052, IoU.computer: 0.7703, IoU.swivel chair: 0.4431, IoU.boat: 0.6937, IoU.bar: 0.8043, IoU.arcade machine: 0.8421, IoU.hovel: 0.4092, IoU.bus: 0.9132, IoU.towel: 0.7606, IoU.light: 0.5689, IoU.truck: 0.4772, IoU.tower: 0.3501, IoU.chandelier: 0.7216, IoU.awning: 0.3516, IoU.streetlight: 0.3125, IoU.booth: 0.3633, IoU.television receiver: 0.8138, IoU.airplane: 0.7634, IoU.dirt track: 0.1028, IoU.apparel: 0.5869, IoU.pole: 0.2253, IoU.land: 0.0673, IoU.bannister: 0.1424, IoU.escalator: 0.6023, IoU.ottoman: 0.5649, IoU.bottle: 0.4337, IoU.buffet: 0.5763, IoU.poster: 0.2422, IoU.stage: 0.2336, IoU.van: 0.5104, IoU.ship: 0.4922, IoU.fountain: 0.5187, IoU.conveyer belt: 0.8329, IoU.canopy: 0.4676, IoU.washer: 0.8706, IoU.plaything: 0.4433, IoU.swimming pool: 0.5873, IoU.stool: 0.4659, IoU.barrel: 0.5908, IoU.basket: 0.4012, IoU.waterfall: 0.5087, IoU.tent: 0.9004, IoU.bag: 0.2922, IoU.minibike: 0.7509, IoU.cradle: 0.8378, IoU.oven: 0.6646, IoU.ball: 0.3259, IoU.food: 0.6156, IoU.step: 0.1025, IoU.tank: 0.7909, IoU.trade name: 0.2799, IoU.microwave: 0.8870, IoU.pot: 0.5708, IoU.animal: 0.6652, IoU.bicycle: 0.5835, IoU.lake: 0.5213, IoU.dishwasher: 0.7055, IoU.screen: 0.4807, IoU.blanket: 0.2315, IoU.sculpture: 0.6614, IoU.hood: 0.6075, IoU.sconce: 0.5372, IoU.vase: 0.4397, IoU.traffic light: 0.3618, IoU.tray: 0.1706, IoU.ashcan: 0.4927, IoU.fan: 0.6722, IoU.pier: 0.4033, IoU.crt screen: 0.0557, IoU.plate: 0.6071, IoU.monitor: 0.6973, IoU.bulletin board: 0.6348, IoU.shower: 0.0878, IoU.radiator: 0.6510, IoU.glass: 0.1902, IoU.clock: 0.5179, IoU.flag: 0.6779, Acc.wall: 0.9025, Acc.building: 0.9400, Acc.sky: 0.9687, Acc.floor: 0.9110, Acc.tree: 0.9158, Acc.ceiling: 0.9236, Acc.road: 0.9071, Acc.bed : 0.9727, Acc.windowpane: 0.8063, Acc.grass: 0.8512, Acc.cabinet: 0.7404, Acc.sidewalk: 0.8684, Acc.person: 0.9373, Acc.earth: 0.4715, Acc.door: 0.6793, Acc.table: 0.7971, Acc.mountain: 0.7454, Acc.plant: 0.6723, Acc.curtain: 0.8891, Acc.chair: 0.7553, Acc.car: 0.9356, Acc.water: 0.7571, Acc.painting: 0.8761, Acc.sofa: 0.8811, Acc.shelf: 0.6396, Acc.house: 0.5433, Acc.sea: 0.8844, Acc.mirror: 0.8805, Acc.rug: 0.7856, Acc.field: 0.4618, Acc.armchair: 0.7707, Acc.seat: 0.8899, Acc.fence: 0.5618, Acc.desk: 0.8032, Acc.rock: 0.6044, Acc.wardrobe: 0.8205, Acc.lamp: 0.8446, Acc.bathtub: 0.8120, Acc.railing: 0.5475, Acc.cushion: 0.7857, Acc.base: 0.5258, Acc.box: 0.5620, Acc.column: 0.6370, Acc.signboard: 0.5122, Acc.chest of drawers: 0.7201, Acc.counter: 0.5649, Acc.sand: 0.7837, Acc.sink: 0.8899, Acc.skyscraper: 0.6199, Acc.fireplace: 0.9094, Acc.refrigerator: 0.8790, Acc.grandstand: 0.8834, Acc.path: 0.4198, Acc.stairs: 0.5387, Acc.runway: 0.9567, Acc.case: 0.8349, Acc.pool table: 0.9770, Acc.pillow: 0.7765, Acc.screen door: 0.8280, Acc.stairway: 0.5955, Acc.river: 0.2870, Acc.bridge: 0.8318, Acc.bookcase: 0.6135, Acc.blind: 0.4113, Acc.coffee table: 0.8876, Acc.toilet: 0.9602, Acc.flower: 0.6304, Acc.book: 0.7742, Acc.hill: 0.1115, Acc.bench: 0.6841, Acc.countertop: 0.8415, Acc.stove: 0.9071, Acc.palm: 0.7398, Acc.kitchen island: 0.6587, Acc.computer: 0.9007, Acc.swivel chair: 0.6143, Acc.boat: 0.9277, Acc.bar: 0.8862, Acc.arcade machine: 0.9306, Acc.hovel: 0.4436, Acc.bus: 0.9631, Acc.towel: 0.8560, Acc.light: 0.6341, Acc.truck: 0.5755, Acc.tower: 0.5956, Acc.chandelier: 0.8411, Acc.awning: 0.4053, Acc.streetlight: 0.3944, Acc.booth: 0.4234, Acc.television receiver: 0.8879, Acc.airplane: 0.8521, Acc.dirt track: 0.1565, Acc.apparel: 0.7199, Acc.pole: 0.3008, Acc.land: 0.1157, Acc.bannister: 0.1957, Acc.escalator: 0.8762, Acc.ottoman: 0.6779, Acc.bottle: 0.7177, Acc.buffet: 0.6500, Acc.poster: 0.2930, Acc.stage: 0.7586, Acc.van: 0.6228, Acc.ship: 0.5463, Acc.fountain: 0.5277, Acc.conveyer belt: 0.9789, Acc.canopy: 0.6670, Acc.washer: 0.9203, Acc.plaything: 0.6019, Acc.swimming pool: 0.8713, Acc.stool: 0.6045, Acc.barrel: 0.6809, Acc.basket: 0.5077, Acc.waterfall: 0.5961, Acc.tent: 0.9869, Acc.bag: 0.3595, Acc.minibike: 0.8877, Acc.cradle: 0.9819, Acc.oven: 0.7788, Acc.ball: 0.3439, Acc.food: 0.7727, Acc.step: 0.1058, Acc.tank: 0.9536, Acc.trade name: 0.3343, Acc.microwave: 0.9336, Acc.pot: 0.6653, Acc.animal: 0.6935, Acc.bicycle: 0.7540, Acc.lake: 0.6959, Acc.dishwasher: 0.7720, Acc.screen: 0.6552, Acc.blanket: 0.2710, Acc.sculpture: 0.8603, Acc.hood: 0.7227, Acc.sconce: 0.6358, Acc.vase: 0.5885, Acc.traffic light: 0.5393, Acc.tray: 0.2140, Acc.ashcan: 0.5920, Acc.fan: 0.7711, Acc.pier: 0.4666, Acc.crt screen: 0.0934, Acc.plate: 0.7544, Acc.monitor: 0.8615, Acc.bulletin board: 0.7608, Acc.shower: 0.0986, Acc.radiator: 0.7350, Acc.glass: 0.2026, Acc.clock: 0.6023, Acc.flag: 0.7505 2024-01-18 12:14:41,751 - mmseg - INFO - Iter [40050/80000] lr: 1.998e-05, eta: 15:44:22, time: 4.402, data_time: 3.201, memory: 59004, decode.loss_ce: 0.1470, decode.acc_seg: 93.5264, aux.loss_ce: 0.0754, aux.acc_seg: 91.9362, loss: 0.2224 2024-01-18 12:15:42,057 - mmseg - INFO - Iter [40100/80000] lr: 1.995e-05, eta: 15:43:00, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1485, decode.acc_seg: 93.1548, aux.loss_ce: 0.0768, aux.acc_seg: 91.7025, loss: 0.2252 2024-01-18 12:16:42,294 - mmseg - INFO - Iter [40150/80000] lr: 1.993e-05, eta: 15:41:39, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1530, decode.acc_seg: 93.3280, aux.loss_ce: 0.0794, aux.acc_seg: 91.5220, loss: 0.2324 2024-01-18 12:17:42,513 - mmseg - INFO - Iter [40200/80000] lr: 1.990e-05, eta: 15:40:17, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1406, decode.acc_seg: 93.6988, aux.loss_ce: 0.0738, aux.acc_seg: 91.8589, loss: 0.2145 2024-01-18 12:18:42,858 - mmseg - INFO - Iter [40250/80000] lr: 1.988e-05, eta: 15:38:56, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1563, decode.acc_seg: 93.2215, aux.loss_ce: 0.0785, aux.acc_seg: 91.7041, loss: 0.2349 2024-01-18 12:19:43,050 - mmseg - INFO - Iter [40300/80000] lr: 1.985e-05, eta: 15:37:35, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1540, decode.acc_seg: 93.1026, aux.loss_ce: 0.0788, aux.acc_seg: 91.4994, loss: 0.2328 2024-01-18 12:20:43,243 - mmseg - INFO - Iter [40350/80000] lr: 1.983e-05, eta: 15:36:13, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1488, decode.acc_seg: 93.3384, aux.loss_ce: 0.0752, aux.acc_seg: 91.7988, loss: 0.2240 2024-01-18 12:21:43,691 - mmseg - INFO - Iter [40400/80000] lr: 1.980e-05, eta: 15:34:52, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1547, decode.acc_seg: 92.9176, aux.loss_ce: 0.0785, aux.acc_seg: 91.3825, loss: 0.2331 2024-01-18 12:22:46,121 - mmseg - INFO - Iter [40450/80000] lr: 1.978e-05, eta: 15:33:33, time: 1.249, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1464, decode.acc_seg: 93.4129, aux.loss_ce: 0.0763, aux.acc_seg: 91.5930, loss: 0.2227 2024-01-18 12:23:46,459 - mmseg - INFO - Iter [40500/80000] lr: 1.975e-05, eta: 15:32:12, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1497, decode.acc_seg: 93.3498, aux.loss_ce: 0.0746, aux.acc_seg: 91.9801, loss: 0.2244 2024-01-18 12:24:46,969 - mmseg - INFO - Iter [40550/80000] lr: 1.973e-05, eta: 15:30:51, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1442, decode.acc_seg: 93.7238, aux.loss_ce: 0.0731, aux.acc_seg: 92.2393, loss: 0.2173 2024-01-18 12:25:47,267 - mmseg - INFO - Iter [40600/80000] lr: 1.970e-05, eta: 15:29:30, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1424, decode.acc_seg: 93.6925, aux.loss_ce: 0.0720, aux.acc_seg: 92.2540, loss: 0.2144 2024-01-18 12:26:47,608 - mmseg - INFO - Iter [40650/80000] lr: 1.968e-05, eta: 15:28:10, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1482, decode.acc_seg: 93.3493, aux.loss_ce: 0.0749, aux.acc_seg: 91.9218, loss: 0.2231 2024-01-18 12:27:47,912 - mmseg - INFO - Iter [40700/80000] lr: 1.965e-05, eta: 15:26:49, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1418, decode.acc_seg: 93.7006, aux.loss_ce: 0.0725, aux.acc_seg: 92.2151, loss: 0.2143 2024-01-18 12:28:48,183 - mmseg - INFO - Iter [40750/80000] lr: 1.963e-05, eta: 15:25:28, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1446, decode.acc_seg: 93.6512, aux.loss_ce: 0.0744, aux.acc_seg: 92.0378, loss: 0.2190 2024-01-18 12:29:48,429 - mmseg - INFO - Iter [40800/80000] lr: 1.960e-05, eta: 15:24:07, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1448, decode.acc_seg: 93.5324, aux.loss_ce: 0.0765, aux.acc_seg: 91.6046, loss: 0.2212 2024-01-18 12:30:48,821 - mmseg - INFO - Iter [40850/80000] lr: 1.958e-05, eta: 15:22:46, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1390, decode.acc_seg: 94.0686, aux.loss_ce: 0.0731, aux.acc_seg: 92.3888, loss: 0.2122 2024-01-18 12:31:49,002 - mmseg - INFO - Iter [40900/80000] lr: 1.955e-05, eta: 15:21:26, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1415, decode.acc_seg: 93.6986, aux.loss_ce: 0.0717, aux.acc_seg: 92.1964, loss: 0.2132 2024-01-18 12:32:49,440 - mmseg - INFO - Iter [40950/80000] lr: 1.953e-05, eta: 15:20:05, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1481, decode.acc_seg: 93.4679, aux.loss_ce: 0.0757, aux.acc_seg: 91.8795, loss: 0.2238 2024-01-18 12:33:49,784 - mmseg - INFO - Saving checkpoint at 41000 iterations 2024-01-18 12:34:33,978 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 12:34:33,979 - mmseg - INFO - Iter [41000/80000] lr: 1.950e-05, eta: 15:19:27, time: 2.091, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1468, decode.acc_seg: 93.5601, aux.loss_ce: 0.0760, aux.acc_seg: 92.0788, loss: 0.2229 2024-01-18 12:37:13,022 - mmseg - INFO - per class results: 2024-01-18 12:37:13,028 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.55 | 90.63 | | building | 85.06 | 93.12 | | sky | 94.64 | 97.76 | | floor | 83.28 | 91.75 | | tree | 76.38 | 88.46 | | ceiling | 86.25 | 92.26 | | road | 86.58 | 91.79 | | bed | 91.58 | 97.86 | | windowpane | 65.38 | 81.09 | | grass | 69.23 | 83.32 | | cabinet | 64.81 | 74.35 | | sidewalk | 70.29 | 85.42 | | person | 84.84 | 93.25 | | earth | 39.9 | 50.11 | | door | 57.75 | 68.61 | | table | 69.45 | 80.54 | | mountain | 62.78 | 73.54 | | plant | 56.04 | 69.51 | | curtain | 77.75 | 87.89 | | chair | 64.03 | 75.26 | | car | 86.66 | 93.1 | | water | 66.43 | 81.56 | | painting | 75.75 | 89.5 | | sofa | 78.76 | 87.24 | | shelf | 43.35 | 56.51 | | house | 50.9 | 66.04 | | sea | 75.0 | 89.31 | | mirror | 77.28 | 85.55 | | rug | 61.91 | 70.22 | | field | 29.9 | 48.3 | | armchair | 56.14 | 78.45 | | seat | 68.58 | 88.97 | | fence | 45.93 | 58.0 | | desk | 58.46 | 81.18 | | rock | 53.14 | 80.19 | | wardrobe | 56.96 | 73.68 | | lamp | 73.42 | 84.37 | | bathtub | 82.14 | 87.29 | | railing | 37.03 | 47.96 | | cushion | 67.21 | 73.4 | | base | 39.17 | 60.28 | | box | 38.21 | 47.56 | | column | 55.2 | 68.24 | | signboard | 37.67 | 50.87 | | chest of drawers | 46.35 | 72.07 | | counter | 58.75 | 65.67 | | sand | 57.44 | 87.88 | | sink | 78.37 | 84.96 | | skyscraper | 52.0 | 65.85 | | fireplace | 76.32 | 92.91 | | refrigerator | 78.96 | 88.72 | | grandstand | 54.28 | 88.77 | | path | 29.43 | 42.55 | | stairs | 39.28 | 44.93 | | runway | 70.98 | 98.2 | | case | 61.84 | 85.37 | | pool table | 94.5 | 98.19 | | pillow | 64.97 | 79.32 | | screen door | 75.88 | 83.62 | | stairway | 43.43 | 70.95 | | river | 19.23 | 28.84 | | bridge | 72.15 | 85.57 | | bookcase | 43.25 | 69.99 | | blind | 35.81 | 40.43 | | coffee table | 67.06 | 85.4 | | toilet | 91.3 | 96.32 | | flower | 47.95 | 59.54 | | book | 53.21 | 72.67 | | hill | 6.87 | 11.94 | | bench | 63.07 | 70.89 | | countertop | 62.32 | 86.74 | | stove | 83.63 | 92.28 | | palm | 55.34 | 81.93 | | kitchen island | 45.58 | 72.28 | | computer | 75.32 | 91.08 | | swivel chair | 44.09 | 60.52 | | boat | 75.33 | 90.07 | | bar | 63.1 | 93.56 | | arcade machine | 82.08 | 87.94 | | hovel | 41.34 | 45.24 | | bus | 91.14 | 96.35 | | towel | 75.6 | 85.1 | | light | 58.2 | 70.24 | | truck | 45.76 | 54.26 | | tower | 33.04 | 54.79 | | chandelier | 71.65 | 84.36 | | awning | 40.67 | 50.13 | | streetlight | 27.67 | 30.49 | | booth | 51.32 | 65.24 | | television receiver | 82.51 | 88.25 | | airplane | 83.65 | 92.62 | | dirt track | 16.81 | 33.71 | | apparel | 60.4 | 78.86 | | pole | 25.44 | 36.96 | | land | 9.7 | 13.88 | | bannister | 14.76 | 21.18 | | escalator | 62.4 | 86.37 | | ottoman | 52.68 | 59.41 | | bottle | 42.38 | 73.66 | | buffet | 58.06 | 65.76 | | poster | 22.22 | 26.51 | | stage | 28.6 | 66.81 | | van | 46.66 | 69.83 | | ship | 75.78 | 88.2 | | fountain | 49.9 | 50.36 | | conveyer belt | 80.98 | 97.71 | | canopy | 52.33 | 72.12 | | washer | 84.81 | 89.58 | | plaything | 43.17 | 65.23 | | swimming pool | 60.47 | 88.51 | | stool | 42.35 | 65.58 | | barrel | 54.62 | 69.89 | | basket | 44.57 | 54.11 | | waterfall | 49.76 | 65.11 | | tent | 86.48 | 98.57 | | bag | 25.43 | 28.81 | | minibike | 75.16 | 86.49 | | cradle | 87.59 | 97.92 | | oven | 67.77 | 79.54 | | ball | 47.97 | 51.94 | | food | 50.43 | 61.17 | | step | 14.9 | 16.11 | | tank | 64.45 | 70.23 | | trade name | 21.02 | 22.83 | | microwave | 88.18 | 95.14 | | pot | 55.27 | 63.21 | | animal | 65.74 | 67.41 | | bicycle | 57.0 | 73.25 | | lake | 50.15 | 69.66 | | dishwasher | 69.75 | 73.15 | | screen | 54.68 | 66.92 | | blanket | 31.6 | 38.88 | | sculpture | 71.09 | 86.18 | | hood | 58.74 | 69.91 | | sconce | 54.07 | 65.86 | | vase | 43.39 | 55.78 | | traffic light | 34.96 | 55.64 | | tray | 17.21 | 23.52 | | ashcan | 52.43 | 64.77 | | fan | 68.42 | 83.98 | | pier | 38.86 | 47.42 | | crt screen | 19.25 | 31.61 | | plate | 59.0 | 77.59 | | monitor | 68.65 | 86.78 | | bulletin board | 60.16 | 79.21 | | shower | 11.93 | 13.45 | | radiator | 68.86 | 76.72 | | glass | 18.98 | 20.24 | | clock | 51.45 | 55.84 | | flag | 69.55 | 76.49 | +---------------------+-------+-------+ 2024-01-18 12:37:13,028 - mmseg - INFO - Summary: 2024-01-18 12:37:13,028 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.87 | 57.43 | 70.21 | +-------+-------+-------+ 2024-01-18 12:37:13,029 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 12:37:13,029 - mmseg - INFO - Iter(val) [250] aAcc: 0.8587, mIoU: 0.5743, mAcc: 0.7021, IoU.wall: 0.8155, IoU.building: 0.8506, IoU.sky: 0.9464, IoU.floor: 0.8328, IoU.tree: 0.7638, IoU.ceiling: 0.8625, IoU.road: 0.8658, IoU.bed : 0.9158, IoU.windowpane: 0.6538, IoU.grass: 0.6923, IoU.cabinet: 0.6481, IoU.sidewalk: 0.7029, IoU.person: 0.8484, IoU.earth: 0.3990, IoU.door: 0.5775, IoU.table: 0.6945, IoU.mountain: 0.6278, IoU.plant: 0.5604, IoU.curtain: 0.7775, IoU.chair: 0.6403, IoU.car: 0.8666, IoU.water: 0.6643, IoU.painting: 0.7575, IoU.sofa: 0.7876, IoU.shelf: 0.4335, IoU.house: 0.5090, IoU.sea: 0.7500, IoU.mirror: 0.7728, IoU.rug: 0.6191, IoU.field: 0.2990, IoU.armchair: 0.5614, IoU.seat: 0.6858, IoU.fence: 0.4593, IoU.desk: 0.5846, IoU.rock: 0.5314, IoU.wardrobe: 0.5696, IoU.lamp: 0.7342, IoU.bathtub: 0.8214, IoU.railing: 0.3703, IoU.cushion: 0.6721, IoU.base: 0.3917, IoU.box: 0.3821, IoU.column: 0.5520, IoU.signboard: 0.3767, IoU.chest of drawers: 0.4635, IoU.counter: 0.5875, IoU.sand: 0.5744, IoU.sink: 0.7837, IoU.skyscraper: 0.5200, IoU.fireplace: 0.7632, IoU.refrigerator: 0.7896, IoU.grandstand: 0.5428, IoU.path: 0.2943, IoU.stairs: 0.3928, IoU.runway: 0.7098, IoU.case: 0.6184, IoU.pool table: 0.9450, IoU.pillow: 0.6497, IoU.screen door: 0.7588, IoU.stairway: 0.4343, IoU.river: 0.1923, IoU.bridge: 0.7215, IoU.bookcase: 0.4325, IoU.blind: 0.3581, IoU.coffee table: 0.6706, IoU.toilet: 0.9130, IoU.flower: 0.4795, IoU.book: 0.5321, IoU.hill: 0.0687, IoU.bench: 0.6307, IoU.countertop: 0.6232, IoU.stove: 0.8363, IoU.palm: 0.5534, IoU.kitchen island: 0.4558, IoU.computer: 0.7532, IoU.swivel chair: 0.4409, IoU.boat: 0.7533, IoU.bar: 0.6310, IoU.arcade machine: 0.8208, IoU.hovel: 0.4134, IoU.bus: 0.9114, IoU.towel: 0.7560, IoU.light: 0.5820, IoU.truck: 0.4576, IoU.tower: 0.3304, IoU.chandelier: 0.7165, IoU.awning: 0.4067, IoU.streetlight: 0.2767, IoU.booth: 0.5132, IoU.television receiver: 0.8251, IoU.airplane: 0.8365, IoU.dirt track: 0.1681, IoU.apparel: 0.6040, IoU.pole: 0.2544, IoU.land: 0.0970, IoU.bannister: 0.1476, IoU.escalator: 0.6240, IoU.ottoman: 0.5268, IoU.bottle: 0.4238, IoU.buffet: 0.5806, IoU.poster: 0.2222, IoU.stage: 0.2860, IoU.van: 0.4666, IoU.ship: 0.7578, IoU.fountain: 0.4990, IoU.conveyer belt: 0.8098, IoU.canopy: 0.5233, IoU.washer: 0.8481, IoU.plaything: 0.4317, IoU.swimming pool: 0.6047, IoU.stool: 0.4235, IoU.barrel: 0.5462, IoU.basket: 0.4457, IoU.waterfall: 0.4976, IoU.tent: 0.8648, IoU.bag: 0.2543, IoU.minibike: 0.7516, IoU.cradle: 0.8759, IoU.oven: 0.6777, IoU.ball: 0.4797, IoU.food: 0.5043, IoU.step: 0.1490, IoU.tank: 0.6445, IoU.trade name: 0.2102, IoU.microwave: 0.8818, IoU.pot: 0.5527, IoU.animal: 0.6574, IoU.bicycle: 0.5700, IoU.lake: 0.5015, IoU.dishwasher: 0.6975, IoU.screen: 0.5468, IoU.blanket: 0.3160, IoU.sculpture: 0.7109, IoU.hood: 0.5874, IoU.sconce: 0.5407, IoU.vase: 0.4339, IoU.traffic light: 0.3496, IoU.tray: 0.1721, IoU.ashcan: 0.5243, IoU.fan: 0.6842, IoU.pier: 0.3886, IoU.crt screen: 0.1925, IoU.plate: 0.5900, IoU.monitor: 0.6865, IoU.bulletin board: 0.6016, IoU.shower: 0.1193, IoU.radiator: 0.6886, IoU.glass: 0.1898, IoU.clock: 0.5145, IoU.flag: 0.6955, Acc.wall: 0.9063, Acc.building: 0.9312, Acc.sky: 0.9776, Acc.floor: 0.9175, Acc.tree: 0.8846, Acc.ceiling: 0.9226, Acc.road: 0.9179, Acc.bed : 0.9786, Acc.windowpane: 0.8109, Acc.grass: 0.8332, Acc.cabinet: 0.7435, Acc.sidewalk: 0.8542, Acc.person: 0.9325, Acc.earth: 0.5011, Acc.door: 0.6861, Acc.table: 0.8054, Acc.mountain: 0.7354, Acc.plant: 0.6951, Acc.curtain: 0.8789, Acc.chair: 0.7526, Acc.car: 0.9310, Acc.water: 0.8156, Acc.painting: 0.8950, Acc.sofa: 0.8724, Acc.shelf: 0.5651, Acc.house: 0.6604, Acc.sea: 0.8931, Acc.mirror: 0.8555, Acc.rug: 0.7022, Acc.field: 0.4830, Acc.armchair: 0.7845, Acc.seat: 0.8897, Acc.fence: 0.5800, Acc.desk: 0.8118, Acc.rock: 0.8019, Acc.wardrobe: 0.7368, Acc.lamp: 0.8437, Acc.bathtub: 0.8729, Acc.railing: 0.4796, Acc.cushion: 0.7340, Acc.base: 0.6028, Acc.box: 0.4756, Acc.column: 0.6824, Acc.signboard: 0.5087, Acc.chest of drawers: 0.7207, Acc.counter: 0.6567, Acc.sand: 0.8788, Acc.sink: 0.8496, Acc.skyscraper: 0.6585, Acc.fireplace: 0.9291, Acc.refrigerator: 0.8872, Acc.grandstand: 0.8877, Acc.path: 0.4255, Acc.stairs: 0.4493, Acc.runway: 0.9820, Acc.case: 0.8537, Acc.pool table: 0.9819, Acc.pillow: 0.7932, Acc.screen door: 0.8362, Acc.stairway: 0.7095, Acc.river: 0.2884, Acc.bridge: 0.8557, Acc.bookcase: 0.6999, Acc.blind: 0.4043, Acc.coffee table: 0.8540, Acc.toilet: 0.9632, Acc.flower: 0.5954, Acc.book: 0.7267, Acc.hill: 0.1194, Acc.bench: 0.7089, Acc.countertop: 0.8674, Acc.stove: 0.9228, Acc.palm: 0.8193, Acc.kitchen island: 0.7228, Acc.computer: 0.9108, Acc.swivel chair: 0.6052, Acc.boat: 0.9007, Acc.bar: 0.9356, Acc.arcade machine: 0.8794, Acc.hovel: 0.4524, Acc.bus: 0.9635, Acc.towel: 0.8510, Acc.light: 0.7024, Acc.truck: 0.5426, Acc.tower: 0.5479, Acc.chandelier: 0.8436, Acc.awning: 0.5013, Acc.streetlight: 0.3049, Acc.booth: 0.6524, Acc.television receiver: 0.8825, Acc.airplane: 0.9262, Acc.dirt track: 0.3371, Acc.apparel: 0.7886, Acc.pole: 0.3696, Acc.land: 0.1388, Acc.bannister: 0.2118, Acc.escalator: 0.8637, Acc.ottoman: 0.5941, Acc.bottle: 0.7366, Acc.buffet: 0.6576, Acc.poster: 0.2651, Acc.stage: 0.6681, Acc.van: 0.6983, Acc.ship: 0.8820, Acc.fountain: 0.5036, Acc.conveyer belt: 0.9771, Acc.canopy: 0.7212, Acc.washer: 0.8958, Acc.plaything: 0.6523, Acc.swimming pool: 0.8851, Acc.stool: 0.6558, Acc.barrel: 0.6989, Acc.basket: 0.5411, Acc.waterfall: 0.6511, Acc.tent: 0.9857, Acc.bag: 0.2881, Acc.minibike: 0.8649, Acc.cradle: 0.9792, Acc.oven: 0.7954, Acc.ball: 0.5194, Acc.food: 0.6117, Acc.step: 0.1611, Acc.tank: 0.7023, Acc.trade name: 0.2283, Acc.microwave: 0.9514, Acc.pot: 0.6321, Acc.animal: 0.6741, Acc.bicycle: 0.7325, Acc.lake: 0.6966, Acc.dishwasher: 0.7315, Acc.screen: 0.6692, Acc.blanket: 0.3888, Acc.sculpture: 0.8618, Acc.hood: 0.6991, Acc.sconce: 0.6586, Acc.vase: 0.5578, Acc.traffic light: 0.5564, Acc.tray: 0.2352, Acc.ashcan: 0.6477, Acc.fan: 0.8398, Acc.pier: 0.4742, Acc.crt screen: 0.3161, Acc.plate: 0.7759, Acc.monitor: 0.8678, Acc.bulletin board: 0.7921, Acc.shower: 0.1345, Acc.radiator: 0.7672, Acc.glass: 0.2024, Acc.clock: 0.5584, Acc.flag: 0.7649 2024-01-18 12:38:13,995 - mmseg - INFO - Iter [41050/80000] lr: 1.948e-05, eta: 15:20:38, time: 4.400, data_time: 3.198, memory: 59004, decode.loss_ce: 0.1449, decode.acc_seg: 93.6093, aux.loss_ce: 0.0754, aux.acc_seg: 91.9850, loss: 0.2202 2024-01-18 12:39:14,274 - mmseg - INFO - Iter [41100/80000] lr: 1.945e-05, eta: 15:19:17, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1434, decode.acc_seg: 93.6879, aux.loss_ce: 0.0728, aux.acc_seg: 92.1570, loss: 0.2162 2024-01-18 12:40:14,555 - mmseg - INFO - Iter [41150/80000] lr: 1.943e-05, eta: 15:17:56, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1405, decode.acc_seg: 93.6933, aux.loss_ce: 0.0730, aux.acc_seg: 92.0418, loss: 0.2135 2024-01-18 12:41:14,799 - mmseg - INFO - Iter [41200/80000] lr: 1.940e-05, eta: 15:16:35, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1511, decode.acc_seg: 93.3455, aux.loss_ce: 0.0776, aux.acc_seg: 91.7001, loss: 0.2287 2024-01-18 12:42:15,015 - mmseg - INFO - Iter [41250/80000] lr: 1.938e-05, eta: 15:15:14, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1481, decode.acc_seg: 93.4812, aux.loss_ce: 0.0756, aux.acc_seg: 91.9249, loss: 0.2238 2024-01-18 12:43:15,262 - mmseg - INFO - Iter [41300/80000] lr: 1.935e-05, eta: 15:13:53, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1445, decode.acc_seg: 93.7157, aux.loss_ce: 0.0752, aux.acc_seg: 91.9911, loss: 0.2197 2024-01-18 12:44:15,525 - mmseg - INFO - Iter [41350/80000] lr: 1.933e-05, eta: 15:12:32, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1495, decode.acc_seg: 93.4502, aux.loss_ce: 0.0746, aux.acc_seg: 92.0065, loss: 0.2241 2024-01-18 12:45:15,837 - mmseg - INFO - Iter [41400/80000] lr: 1.930e-05, eta: 15:11:12, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1410, decode.acc_seg: 93.8012, aux.loss_ce: 0.0730, aux.acc_seg: 92.2044, loss: 0.2140 2024-01-18 12:46:16,363 - mmseg - INFO - Iter [41450/80000] lr: 1.928e-05, eta: 15:09:51, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1569, decode.acc_seg: 92.9629, aux.loss_ce: 0.0798, aux.acc_seg: 91.3191, loss: 0.2366 2024-01-18 12:47:16,756 - mmseg - INFO - Iter [41500/80000] lr: 1.925e-05, eta: 15:08:31, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1434, decode.acc_seg: 93.6902, aux.loss_ce: 0.0757, aux.acc_seg: 91.8824, loss: 0.2191 2024-01-18 12:48:17,068 - mmseg - INFO - Iter [41550/80000] lr: 1.923e-05, eta: 15:07:10, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1434, decode.acc_seg: 93.8626, aux.loss_ce: 0.0731, aux.acc_seg: 92.2669, loss: 0.2165 2024-01-18 12:49:17,593 - mmseg - INFO - Iter [41600/80000] lr: 1.920e-05, eta: 15:05:50, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1376, decode.acc_seg: 93.8311, aux.loss_ce: 0.0722, aux.acc_seg: 92.1822, loss: 0.2097 2024-01-18 12:50:17,965 - mmseg - INFO - Iter [41650/80000] lr: 1.918e-05, eta: 15:04:30, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1448, decode.acc_seg: 93.5276, aux.loss_ce: 0.0746, aux.acc_seg: 91.9040, loss: 0.2193 2024-01-18 12:51:20,519 - mmseg - INFO - Iter [41700/80000] lr: 1.915e-05, eta: 15:03:12, time: 1.251, data_time: 0.052, memory: 59004, decode.loss_ce: 0.1399, decode.acc_seg: 93.5874, aux.loss_ce: 0.0720, aux.acc_seg: 92.1204, loss: 0.2120 2024-01-18 12:52:20,732 - mmseg - INFO - Iter [41750/80000] lr: 1.913e-05, eta: 15:01:51, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1341, decode.acc_seg: 94.0610, aux.loss_ce: 0.0706, aux.acc_seg: 92.3569, loss: 0.2047 2024-01-18 12:53:20,959 - mmseg - INFO - Iter [41800/80000] lr: 1.910e-05, eta: 15:00:31, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1389, decode.acc_seg: 93.8966, aux.loss_ce: 0.0722, aux.acc_seg: 92.4203, loss: 0.2111 2024-01-18 12:54:21,215 - mmseg - INFO - Iter [41850/80000] lr: 1.908e-05, eta: 14:59:11, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1433, decode.acc_seg: 93.6265, aux.loss_ce: 0.0730, aux.acc_seg: 92.1426, loss: 0.2163 2024-01-18 12:55:21,469 - mmseg - INFO - Iter [41900/80000] lr: 1.905e-05, eta: 14:57:50, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1419, decode.acc_seg: 93.6582, aux.loss_ce: 0.0734, aux.acc_seg: 92.0855, loss: 0.2153 2024-01-18 12:56:21,851 - mmseg - INFO - Iter [41950/80000] lr: 1.903e-05, eta: 14:56:30, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1499, decode.acc_seg: 93.3360, aux.loss_ce: 0.0772, aux.acc_seg: 91.6729, loss: 0.2271 2024-01-18 12:57:22,091 - mmseg - INFO - Saving checkpoint at 42000 iterations 2024-01-18 12:58:08,190 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 12:58:08,190 - mmseg - INFO - Iter [42000/80000] lr: 1.900e-05, eta: 14:55:52, time: 2.127, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1330, decode.acc_seg: 94.0527, aux.loss_ce: 0.0694, aux.acc_seg: 92.4908, loss: 0.2024 2024-01-18 13:00:49,475 - mmseg - INFO - per class results: 2024-01-18 13:00:49,482 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.3 | 91.08 | | building | 85.24 | 92.85 | | sky | 94.58 | 97.56 | | floor | 83.3 | 90.96 | | tree | 76.53 | 90.23 | | ceiling | 86.48 | 93.22 | | road | 86.53 | 92.61 | | bed | 91.43 | 97.84 | | windowpane | 65.34 | 81.9 | | grass | 67.97 | 80.95 | | cabinet | 64.78 | 74.01 | | sidewalk | 69.38 | 81.0 | | person | 84.32 | 94.84 | | earth | 40.52 | 51.82 | | door | 55.92 | 65.27 | | table | 67.77 | 77.41 | | mountain | 61.45 | 73.25 | | plant | 55.11 | 66.14 | | curtain | 78.6 | 87.38 | | chair | 64.26 | 78.14 | | car | 86.58 | 94.52 | | water | 63.03 | 84.15 | | painting | 76.16 | 87.93 | | sofa | 78.79 | 88.7 | | shelf | 48.83 | 65.47 | | house | 53.34 | 69.54 | | sea | 66.59 | 73.5 | | mirror | 75.29 | 84.31 | | rug | 64.32 | 77.95 | | field | 29.59 | 51.46 | | armchair | 56.5 | 73.36 | | seat | 68.82 | 87.76 | | fence | 45.4 | 56.98 | | desk | 56.5 | 81.75 | | rock | 50.86 | 71.55 | | wardrobe | 56.07 | 70.92 | | lamp | 73.63 | 82.62 | | bathtub | 83.13 | 86.1 | | railing | 39.42 | 52.78 | | cushion | 67.31 | 75.71 | | base | 41.29 | 55.88 | | box | 37.65 | 47.25 | | column | 54.29 | 60.61 | | signboard | 38.83 | 52.09 | | chest of drawers | 45.34 | 64.06 | | counter | 49.01 | 62.48 | | sand | 57.87 | 85.64 | | sink | 80.33 | 86.15 | | skyscraper | 49.28 | 56.28 | | fireplace | 76.67 | 94.18 | | refrigerator | 82.26 | 90.63 | | grandstand | 58.17 | 84.99 | | path | 27.95 | 41.35 | | stairs | 40.07 | 46.13 | | runway | 74.31 | 95.93 | | case | 64.41 | 72.67 | | pool table | 94.68 | 97.82 | | pillow | 60.72 | 70.75 | | screen door | 73.28 | 86.53 | | stairway | 43.21 | 63.84 | | river | 13.51 | 26.19 | | bridge | 68.49 | 83.38 | | bookcase | 42.3 | 57.64 | | blind | 37.34 | 43.45 | | coffee table | 59.58 | 90.45 | | toilet | 91.07 | 95.36 | | flower | 50.16 | 63.57 | | book | 54.34 | 79.23 | | hill | 6.12 | 12.0 | | bench | 65.78 | 74.76 | | countertop | 64.74 | 84.72 | | stove | 82.77 | 90.71 | | palm | 55.84 | 78.74 | | kitchen island | 45.84 | 76.74 | | computer | 76.34 | 88.44 | | swivel chair | 41.56 | 53.96 | | boat | 71.2 | 90.33 | | bar | 74.79 | 90.13 | | arcade machine | 81.91 | 86.66 | | hovel | 39.78 | 43.59 | | bus | 91.83 | 95.99 | | towel | 76.14 | 83.56 | | light | 56.82 | 62.29 | | truck | 47.5 | 58.11 | | tower | 31.14 | 49.22 | | chandelier | 72.2 | 84.48 | | awning | 39.42 | 50.0 | | streetlight | 27.4 | 30.6 | | booth | 35.63 | 41.75 | | television receiver | 83.85 | 91.17 | | airplane | 73.04 | 80.58 | | dirt track | 7.6 | 18.2 | | apparel | 59.86 | 71.6 | | pole | 27.28 | 39.98 | | land | 7.13 | 12.39 | | bannister | 15.33 | 20.93 | | escalator | 57.91 | 86.72 | | ottoman | 54.31 | 66.38 | | bottle | 43.36 | 70.56 | | buffet | 58.2 | 65.57 | | poster | 24.52 | 27.03 | | stage | 26.97 | 64.7 | | van | 49.25 | 60.19 | | ship | 75.63 | 85.15 | | fountain | 51.1 | 52.19 | | conveyer belt | 53.33 | 98.9 | | canopy | 53.14 | 74.84 | | washer | 86.25 | 94.49 | | plaything | 30.62 | 53.08 | | swimming pool | 58.67 | 85.54 | | stool | 47.85 | 65.42 | | barrel | 56.72 | 68.57 | | basket | 42.34 | 57.42 | | waterfall | 50.04 | 52.41 | | tent | 93.66 | 98.48 | | bag | 26.26 | 30.31 | | minibike | 75.27 | 89.21 | | cradle | 84.87 | 98.28 | | oven | 65.44 | 79.62 | | ball | 28.63 | 29.87 | | food | 60.14 | 73.5 | | step | 17.08 | 18.19 | | tank | 83.08 | 96.12 | | trade name | 24.63 | 26.85 | | microwave | 88.66 | 94.84 | | pot | 57.68 | 66.16 | | animal | 67.98 | 69.86 | | bicycle | 60.65 | 81.67 | | lake | 58.94 | 63.6 | | dishwasher | 65.93 | 73.79 | | screen | 62.83 | 82.82 | | blanket | 19.95 | 22.4 | | sculpture | 74.52 | 86.27 | | hood | 58.59 | 70.35 | | sconce | 55.44 | 67.75 | | vase | 45.67 | 60.0 | | traffic light | 35.42 | 57.31 | | tray | 17.25 | 21.77 | | ashcan | 56.24 | 70.56 | | fan | 68.04 | 79.02 | | pier | 39.8 | 45.12 | | crt screen | 3.25 | 3.51 | | plate | 56.51 | 79.24 | | monitor | 64.31 | 81.13 | | bulletin board | 60.23 | 76.77 | | shower | 14.24 | 15.17 | | radiator | 66.35 | 75.77 | | glass | 20.19 | 21.6 | | clock | 51.92 | 56.44 | | flag | 67.94 | 79.27 | +---------------------+-------+-------+ 2024-01-18 13:00:49,482 - mmseg - INFO - Summary: 2024-01-18 13:00:49,482 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.76 | 56.96 | 69.09 | +-------+-------+-------+ 2024-01-18 13:00:49,483 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 13:00:49,483 - mmseg - INFO - Iter(val) [250] aAcc: 0.8576, mIoU: 0.5696, mAcc: 0.6909, IoU.wall: 0.8130, IoU.building: 0.8524, IoU.sky: 0.9458, IoU.floor: 0.8330, IoU.tree: 0.7653, IoU.ceiling: 0.8648, IoU.road: 0.8653, IoU.bed : 0.9143, IoU.windowpane: 0.6534, IoU.grass: 0.6797, IoU.cabinet: 0.6478, IoU.sidewalk: 0.6938, IoU.person: 0.8432, IoU.earth: 0.4052, IoU.door: 0.5592, IoU.table: 0.6777, IoU.mountain: 0.6145, IoU.plant: 0.5511, IoU.curtain: 0.7860, IoU.chair: 0.6426, IoU.car: 0.8658, IoU.water: 0.6303, IoU.painting: 0.7616, IoU.sofa: 0.7879, IoU.shelf: 0.4883, IoU.house: 0.5334, IoU.sea: 0.6659, IoU.mirror: 0.7529, IoU.rug: 0.6432, IoU.field: 0.2959, IoU.armchair: 0.5650, IoU.seat: 0.6882, IoU.fence: 0.4540, IoU.desk: 0.5650, IoU.rock: 0.5086, IoU.wardrobe: 0.5607, IoU.lamp: 0.7363, IoU.bathtub: 0.8313, IoU.railing: 0.3942, IoU.cushion: 0.6731, IoU.base: 0.4129, IoU.box: 0.3765, IoU.column: 0.5429, IoU.signboard: 0.3883, IoU.chest of drawers: 0.4534, IoU.counter: 0.4901, IoU.sand: 0.5787, IoU.sink: 0.8033, IoU.skyscraper: 0.4928, IoU.fireplace: 0.7667, IoU.refrigerator: 0.8226, IoU.grandstand: 0.5817, IoU.path: 0.2795, IoU.stairs: 0.4007, IoU.runway: 0.7431, IoU.case: 0.6441, IoU.pool table: 0.9468, IoU.pillow: 0.6072, IoU.screen door: 0.7328, IoU.stairway: 0.4321, IoU.river: 0.1351, IoU.bridge: 0.6849, IoU.bookcase: 0.4230, IoU.blind: 0.3734, IoU.coffee table: 0.5958, IoU.toilet: 0.9107, IoU.flower: 0.5016, IoU.book: 0.5434, IoU.hill: 0.0612, IoU.bench: 0.6578, IoU.countertop: 0.6474, IoU.stove: 0.8277, IoU.palm: 0.5584, IoU.kitchen island: 0.4584, IoU.computer: 0.7634, IoU.swivel chair: 0.4156, IoU.boat: 0.7120, IoU.bar: 0.7479, IoU.arcade machine: 0.8191, IoU.hovel: 0.3978, IoU.bus: 0.9183, IoU.towel: 0.7614, IoU.light: 0.5682, IoU.truck: 0.4750, IoU.tower: 0.3114, IoU.chandelier: 0.7220, IoU.awning: 0.3942, IoU.streetlight: 0.2740, IoU.booth: 0.3563, IoU.television receiver: 0.8385, IoU.airplane: 0.7304, IoU.dirt track: 0.0760, IoU.apparel: 0.5986, IoU.pole: 0.2728, IoU.land: 0.0713, IoU.bannister: 0.1533, IoU.escalator: 0.5791, IoU.ottoman: 0.5431, IoU.bottle: 0.4336, IoU.buffet: 0.5820, IoU.poster: 0.2452, IoU.stage: 0.2697, IoU.van: 0.4925, IoU.ship: 0.7563, IoU.fountain: 0.5110, IoU.conveyer belt: 0.5333, IoU.canopy: 0.5314, IoU.washer: 0.8625, IoU.plaything: 0.3062, IoU.swimming pool: 0.5867, IoU.stool: 0.4785, IoU.barrel: 0.5672, IoU.basket: 0.4234, IoU.waterfall: 0.5004, IoU.tent: 0.9366, IoU.bag: 0.2626, IoU.minibike: 0.7527, IoU.cradle: 0.8487, IoU.oven: 0.6544, IoU.ball: 0.2863, IoU.food: 0.6014, IoU.step: 0.1708, IoU.tank: 0.8308, IoU.trade name: 0.2463, IoU.microwave: 0.8866, IoU.pot: 0.5768, IoU.animal: 0.6798, IoU.bicycle: 0.6065, IoU.lake: 0.5894, IoU.dishwasher: 0.6593, IoU.screen: 0.6283, IoU.blanket: 0.1995, IoU.sculpture: 0.7452, IoU.hood: 0.5859, IoU.sconce: 0.5544, IoU.vase: 0.4567, IoU.traffic light: 0.3542, IoU.tray: 0.1725, IoU.ashcan: 0.5624, IoU.fan: 0.6804, IoU.pier: 0.3980, IoU.crt screen: 0.0325, IoU.plate: 0.5651, IoU.monitor: 0.6431, IoU.bulletin board: 0.6023, IoU.shower: 0.1424, IoU.radiator: 0.6635, IoU.glass: 0.2019, IoU.clock: 0.5192, IoU.flag: 0.6794, Acc.wall: 0.9108, Acc.building: 0.9285, Acc.sky: 0.9756, Acc.floor: 0.9096, Acc.tree: 0.9023, Acc.ceiling: 0.9322, Acc.road: 0.9261, Acc.bed : 0.9784, Acc.windowpane: 0.8190, Acc.grass: 0.8095, Acc.cabinet: 0.7401, Acc.sidewalk: 0.8100, Acc.person: 0.9484, Acc.earth: 0.5182, Acc.door: 0.6527, Acc.table: 0.7741, Acc.mountain: 0.7325, Acc.plant: 0.6614, Acc.curtain: 0.8738, Acc.chair: 0.7814, Acc.car: 0.9452, Acc.water: 0.8415, Acc.painting: 0.8793, Acc.sofa: 0.8870, Acc.shelf: 0.6547, Acc.house: 0.6954, Acc.sea: 0.7350, Acc.mirror: 0.8431, Acc.rug: 0.7795, Acc.field: 0.5146, Acc.armchair: 0.7336, Acc.seat: 0.8776, Acc.fence: 0.5698, Acc.desk: 0.8175, Acc.rock: 0.7155, Acc.wardrobe: 0.7092, Acc.lamp: 0.8262, Acc.bathtub: 0.8610, Acc.railing: 0.5278, Acc.cushion: 0.7571, Acc.base: 0.5588, Acc.box: 0.4725, Acc.column: 0.6061, Acc.signboard: 0.5209, Acc.chest of drawers: 0.6406, Acc.counter: 0.6248, Acc.sand: 0.8564, Acc.sink: 0.8615, Acc.skyscraper: 0.5628, Acc.fireplace: 0.9418, Acc.refrigerator: 0.9063, Acc.grandstand: 0.8499, Acc.path: 0.4135, Acc.stairs: 0.4613, Acc.runway: 0.9593, Acc.case: 0.7267, Acc.pool table: 0.9782, Acc.pillow: 0.7075, Acc.screen door: 0.8653, Acc.stairway: 0.6384, Acc.river: 0.2619, Acc.bridge: 0.8338, Acc.bookcase: 0.5764, Acc.blind: 0.4345, Acc.coffee table: 0.9045, Acc.toilet: 0.9536, Acc.flower: 0.6357, Acc.book: 0.7923, Acc.hill: 0.1200, Acc.bench: 0.7476, Acc.countertop: 0.8472, Acc.stove: 0.9071, Acc.palm: 0.7874, Acc.kitchen island: 0.7674, Acc.computer: 0.8844, Acc.swivel chair: 0.5396, Acc.boat: 0.9033, Acc.bar: 0.9013, Acc.arcade machine: 0.8666, Acc.hovel: 0.4359, Acc.bus: 0.9599, Acc.towel: 0.8356, Acc.light: 0.6229, Acc.truck: 0.5811, Acc.tower: 0.4922, Acc.chandelier: 0.8448, Acc.awning: 0.5000, Acc.streetlight: 0.3060, Acc.booth: 0.4175, Acc.television receiver: 0.9117, Acc.airplane: 0.8058, Acc.dirt track: 0.1820, Acc.apparel: 0.7160, Acc.pole: 0.3998, Acc.land: 0.1239, Acc.bannister: 0.2093, Acc.escalator: 0.8672, Acc.ottoman: 0.6638, Acc.bottle: 0.7056, Acc.buffet: 0.6557, Acc.poster: 0.2703, Acc.stage: 0.6470, Acc.van: 0.6019, Acc.ship: 0.8515, Acc.fountain: 0.5219, Acc.conveyer belt: 0.9890, Acc.canopy: 0.7484, Acc.washer: 0.9449, Acc.plaything: 0.5308, Acc.swimming pool: 0.8554, Acc.stool: 0.6542, Acc.barrel: 0.6857, Acc.basket: 0.5742, Acc.waterfall: 0.5241, Acc.tent: 0.9848, Acc.bag: 0.3031, Acc.minibike: 0.8921, Acc.cradle: 0.9828, Acc.oven: 0.7962, Acc.ball: 0.2987, Acc.food: 0.7350, Acc.step: 0.1819, Acc.tank: 0.9612, Acc.trade name: 0.2685, Acc.microwave: 0.9484, Acc.pot: 0.6616, Acc.animal: 0.6986, Acc.bicycle: 0.8167, Acc.lake: 0.6360, Acc.dishwasher: 0.7379, Acc.screen: 0.8282, Acc.blanket: 0.2240, Acc.sculpture: 0.8627, Acc.hood: 0.7035, Acc.sconce: 0.6775, Acc.vase: 0.6000, Acc.traffic light: 0.5731, Acc.tray: 0.2177, Acc.ashcan: 0.7056, Acc.fan: 0.7902, Acc.pier: 0.4512, Acc.crt screen: 0.0351, Acc.plate: 0.7924, Acc.monitor: 0.8113, Acc.bulletin board: 0.7677, Acc.shower: 0.1517, Acc.radiator: 0.7577, Acc.glass: 0.2160, Acc.clock: 0.5644, Acc.flag: 0.7927 2024-01-18 13:01:50,177 - mmseg - INFO - Iter [42050/80000] lr: 1.898e-05, eta: 14:56:58, time: 4.440, data_time: 3.242, memory: 59004, decode.loss_ce: 0.1461, decode.acc_seg: 93.6466, aux.loss_ce: 0.0752, aux.acc_seg: 92.1298, loss: 0.2212 2024-01-18 13:02:50,554 - mmseg - INFO - Iter [42100/80000] lr: 1.895e-05, eta: 14:55:37, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1367, decode.acc_seg: 93.9702, aux.loss_ce: 0.0704, aux.acc_seg: 92.4980, loss: 0.2071 2024-01-18 13:03:50,872 - mmseg - INFO - Iter [42150/80000] lr: 1.893e-05, eta: 14:54:17, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1391, decode.acc_seg: 93.8339, aux.loss_ce: 0.0710, aux.acc_seg: 92.3112, loss: 0.2100 2024-01-18 13:04:51,135 - mmseg - INFO - Iter [42200/80000] lr: 1.890e-05, eta: 14:52:56, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1363, decode.acc_seg: 94.0136, aux.loss_ce: 0.0714, aux.acc_seg: 92.4521, loss: 0.2077 2024-01-18 13:05:51,393 - mmseg - INFO - Iter [42250/80000] lr: 1.888e-05, eta: 14:51:36, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1467, decode.acc_seg: 93.5654, aux.loss_ce: 0.0761, aux.acc_seg: 91.8818, loss: 0.2227 2024-01-18 13:06:51,633 - mmseg - INFO - Iter [42300/80000] lr: 1.885e-05, eta: 14:50:16, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1437, decode.acc_seg: 93.8601, aux.loss_ce: 0.0751, aux.acc_seg: 92.1573, loss: 0.2188 2024-01-18 13:07:51,949 - mmseg - INFO - Iter [42350/80000] lr: 1.883e-05, eta: 14:48:56, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1377, decode.acc_seg: 93.8381, aux.loss_ce: 0.0713, aux.acc_seg: 92.3635, loss: 0.2090 2024-01-18 13:08:52,267 - mmseg - INFO - Iter [42400/80000] lr: 1.880e-05, eta: 14:47:35, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1376, decode.acc_seg: 93.7013, aux.loss_ce: 0.0704, aux.acc_seg: 92.3639, loss: 0.2080 2024-01-18 13:09:52,691 - mmseg - INFO - Iter [42450/80000] lr: 1.878e-05, eta: 14:46:15, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1369, decode.acc_seg: 93.7727, aux.loss_ce: 0.0720, aux.acc_seg: 92.0205, loss: 0.2089 2024-01-18 13:10:52,970 - mmseg - INFO - Iter [42500/80000] lr: 1.875e-05, eta: 14:44:55, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1465, decode.acc_seg: 93.5487, aux.loss_ce: 0.0755, aux.acc_seg: 91.9433, loss: 0.2220 2024-01-18 13:11:53,307 - mmseg - INFO - Iter [42550/80000] lr: 1.873e-05, eta: 14:43:35, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1325, decode.acc_seg: 94.1121, aux.loss_ce: 0.0686, aux.acc_seg: 92.5824, loss: 0.2011 2024-01-18 13:12:53,788 - mmseg - INFO - Iter [42600/80000] lr: 1.870e-05, eta: 14:42:15, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1419, decode.acc_seg: 93.6649, aux.loss_ce: 0.0752, aux.acc_seg: 91.7936, loss: 0.2171 2024-01-18 13:13:54,049 - mmseg - INFO - Iter [42650/80000] lr: 1.868e-05, eta: 14:40:56, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1460, decode.acc_seg: 93.4060, aux.loss_ce: 0.0760, aux.acc_seg: 91.8308, loss: 0.2220 2024-01-18 13:14:54,395 - mmseg - INFO - Iter [42700/80000] lr: 1.865e-05, eta: 14:39:36, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1450, decode.acc_seg: 93.6433, aux.loss_ce: 0.0743, aux.acc_seg: 92.1084, loss: 0.2192 2024-01-18 13:15:54,706 - mmseg - INFO - Iter [42750/80000] lr: 1.863e-05, eta: 14:38:16, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1383, decode.acc_seg: 93.8323, aux.loss_ce: 0.0716, aux.acc_seg: 92.3027, loss: 0.2099 2024-01-18 13:16:54,995 - mmseg - INFO - Iter [42800/80000] lr: 1.860e-05, eta: 14:36:56, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1453, decode.acc_seg: 93.6097, aux.loss_ce: 0.0747, aux.acc_seg: 91.9222, loss: 0.2200 2024-01-18 13:17:55,285 - mmseg - INFO - Iter [42850/80000] lr: 1.858e-05, eta: 14:35:36, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1337, decode.acc_seg: 94.0072, aux.loss_ce: 0.0692, aux.acc_seg: 92.4480, loss: 0.2029 2024-01-18 13:18:55,571 - mmseg - INFO - Iter [42900/80000] lr: 1.855e-05, eta: 14:34:17, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1384, decode.acc_seg: 93.8833, aux.loss_ce: 0.0725, aux.acc_seg: 92.1266, loss: 0.2108 2024-01-18 13:19:58,211 - mmseg - INFO - Iter [42950/80000] lr: 1.853e-05, eta: 14:32:59, time: 1.253, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1461, decode.acc_seg: 93.4434, aux.loss_ce: 0.0748, aux.acc_seg: 91.8419, loss: 0.2209 2024-01-18 13:20:58,510 - mmseg - INFO - Saving checkpoint at 43000 iterations 2024-01-18 13:21:45,277 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 13:21:45,277 - mmseg - INFO - Iter [43000/80000] lr: 1.850e-05, eta: 14:32:19, time: 2.141, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1337, decode.acc_seg: 94.0803, aux.loss_ce: 0.0706, aux.acc_seg: 92.4385, loss: 0.2044 2024-01-18 13:24:26,388 - mmseg - INFO - per class results: 2024-01-18 13:24:26,395 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.0 | 90.98 | | building | 84.71 | 93.89 | | sky | 94.89 | 97.77 | | floor | 83.78 | 91.7 | | tree | 75.98 | 88.58 | | ceiling | 86.07 | 92.66 | | road | 86.34 | 91.92 | | bed | 92.18 | 97.15 | | windowpane | 64.89 | 77.21 | | grass | 67.44 | 79.9 | | cabinet | 64.43 | 74.55 | | sidewalk | 69.81 | 83.99 | | person | 84.69 | 94.66 | | earth | 41.1 | 53.77 | | door | 56.41 | 68.06 | | table | 68.4 | 79.46 | | mountain | 63.13 | 73.17 | | plant | 55.02 | 67.25 | | curtain | 77.69 | 88.64 | | chair | 62.84 | 72.69 | | car | 86.87 | 94.14 | | water | 63.56 | 80.38 | | painting | 74.1 | 86.79 | | sofa | 77.43 | 91.18 | | shelf | 45.89 | 61.63 | | house | 46.97 | 60.68 | | sea | 73.47 | 80.5 | | mirror | 76.69 | 85.21 | | rug | 63.55 | 73.77 | | field | 28.88 | 50.38 | | armchair | 56.58 | 72.09 | | seat | 68.12 | 87.26 | | fence | 44.74 | 56.15 | | desk | 59.61 | 77.25 | | rock | 53.35 | 77.7 | | wardrobe | 55.83 | 73.04 | | lamp | 72.75 | 86.48 | | bathtub | 82.54 | 85.5 | | railing | 35.39 | 45.61 | | cushion | 65.65 | 72.67 | | base | 36.44 | 48.17 | | box | 37.77 | 45.91 | | column | 50.23 | 57.44 | | signboard | 37.57 | 51.42 | | chest of drawers | 47.71 | 68.82 | | counter | 52.47 | 58.46 | | sand | 58.18 | 86.75 | | sink | 80.93 | 87.94 | | skyscraper | 52.11 | 67.67 | | fireplace | 76.36 | 87.16 | | refrigerator | 80.36 | 87.46 | | grandstand | 59.96 | 83.21 | | path | 28.56 | 38.12 | | stairs | 42.06 | 47.33 | | runway | 72.56 | 94.55 | | case | 65.44 | 83.28 | | pool table | 94.65 | 97.93 | | pillow | 65.7 | 80.94 | | screen door | 73.96 | 83.86 | | stairway | 42.12 | 57.36 | | river | 10.19 | 21.14 | | bridge | 64.79 | 77.79 | | bookcase | 42.25 | 52.42 | | blind | 44.46 | 54.97 | | coffee table | 61.22 | 84.81 | | toilet | 91.74 | 95.36 | | flower | 50.5 | 61.58 | | book | 54.09 | 80.96 | | hill | 6.24 | 11.23 | | bench | 64.78 | 73.28 | | countertop | 63.25 | 85.54 | | stove | 83.12 | 91.03 | | palm | 56.51 | 77.21 | | kitchen island | 40.3 | 74.2 | | computer | 75.63 | 92.18 | | swivel chair | 41.85 | 55.99 | | boat | 74.14 | 89.41 | | bar | 69.68 | 90.32 | | arcade machine | 81.79 | 85.81 | | hovel | 31.91 | 34.69 | | bus | 91.75 | 95.64 | | towel | 76.04 | 84.37 | | light | 54.89 | 62.07 | | truck | 46.03 | 54.78 | | tower | 31.96 | 52.81 | | chandelier | 72.14 | 80.38 | | awning | 38.74 | 44.33 | | streetlight | 30.24 | 35.9 | | booth | 45.05 | 54.4 | | television receiver | 80.59 | 84.71 | | airplane | 74.43 | 85.49 | | dirt track | 9.4 | 17.21 | | apparel | 56.67 | 68.6 | | pole | 30.82 | 48.39 | | land | 3.98 | 9.16 | | bannister | 11.34 | 14.37 | | escalator | 64.04 | 86.31 | | ottoman | 57.41 | 70.57 | | bottle | 42.75 | 72.81 | | buffet | 54.39 | 60.81 | | poster | 21.97 | 24.89 | | stage | 24.61 | 81.01 | | van | 50.35 | 59.93 | | ship | 73.61 | 85.35 | | fountain | 56.75 | 58.48 | | conveyer belt | 82.39 | 97.91 | | canopy | 51.24 | 73.05 | | washer | 87.25 | 93.14 | | plaything | 39.98 | 64.44 | | swimming pool | 57.38 | 83.54 | | stool | 42.0 | 65.49 | | barrel | 61.83 | 68.39 | | basket | 42.87 | 58.78 | | waterfall | 48.85 | 58.13 | | tent | 94.15 | 98.11 | | bag | 29.24 | 35.39 | | minibike | 75.05 | 87.04 | | cradle | 83.96 | 97.92 | | oven | 63.49 | 74.25 | | ball | 30.28 | 32.18 | | food | 53.78 | 63.21 | | step | 15.64 | 16.35 | | tank | 82.92 | 95.83 | | trade name | 21.86 | 23.02 | | microwave | 86.8 | 94.26 | | pot | 57.17 | 64.65 | | animal | 68.4 | 71.51 | | bicycle | 58.82 | 76.33 | | lake | 60.9 | 63.38 | | dishwasher | 65.67 | 76.63 | | screen | 49.9 | 63.1 | | blanket | 23.49 | 28.67 | | sculpture | 56.99 | 86.32 | | hood | 60.44 | 72.91 | | sconce | 55.51 | 69.93 | | vase | 45.39 | 60.6 | | traffic light | 36.86 | 47.96 | | tray | 18.03 | 23.39 | | ashcan | 52.64 | 62.17 | | fan | 66.64 | 76.48 | | pier | 41.23 | 44.89 | | crt screen | 6.49 | 10.12 | | plate | 58.26 | 77.81 | | monitor | 65.45 | 82.38 | | bulletin board | 59.97 | 78.06 | | shower | 13.91 | 17.37 | | radiator | 63.44 | 73.95 | | glass | 20.8 | 22.6 | | clock | 50.14 | 53.64 | | flag | 67.3 | 74.54 | +---------------------+-------+-------+ 2024-01-18 13:24:26,395 - mmseg - INFO - Summary: 2024-01-18 13:24:26,396 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.66 | 56.87 | 68.75 | +-------+-------+-------+ 2024-01-18 13:24:26,397 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 13:24:26,397 - mmseg - INFO - Iter(val) [250] aAcc: 0.8566, mIoU: 0.5687, mAcc: 0.6875, IoU.wall: 0.8100, IoU.building: 0.8471, IoU.sky: 0.9489, IoU.floor: 0.8378, IoU.tree: 0.7598, IoU.ceiling: 0.8607, IoU.road: 0.8634, IoU.bed : 0.9218, IoU.windowpane: 0.6489, IoU.grass: 0.6744, IoU.cabinet: 0.6443, IoU.sidewalk: 0.6981, IoU.person: 0.8469, IoU.earth: 0.4110, IoU.door: 0.5641, IoU.table: 0.6840, IoU.mountain: 0.6313, IoU.plant: 0.5502, IoU.curtain: 0.7769, IoU.chair: 0.6284, IoU.car: 0.8687, IoU.water: 0.6356, IoU.painting: 0.7410, IoU.sofa: 0.7743, IoU.shelf: 0.4589, IoU.house: 0.4697, IoU.sea: 0.7347, IoU.mirror: 0.7669, IoU.rug: 0.6355, IoU.field: 0.2888, IoU.armchair: 0.5658, IoU.seat: 0.6812, IoU.fence: 0.4474, IoU.desk: 0.5961, IoU.rock: 0.5335, IoU.wardrobe: 0.5583, IoU.lamp: 0.7275, IoU.bathtub: 0.8254, IoU.railing: 0.3539, IoU.cushion: 0.6565, IoU.base: 0.3644, IoU.box: 0.3777, IoU.column: 0.5023, IoU.signboard: 0.3757, IoU.chest of drawers: 0.4771, IoU.counter: 0.5247, IoU.sand: 0.5818, IoU.sink: 0.8093, IoU.skyscraper: 0.5211, IoU.fireplace: 0.7636, IoU.refrigerator: 0.8036, IoU.grandstand: 0.5996, IoU.path: 0.2856, IoU.stairs: 0.4206, IoU.runway: 0.7256, IoU.case: 0.6544, IoU.pool table: 0.9465, IoU.pillow: 0.6570, IoU.screen door: 0.7396, IoU.stairway: 0.4212, IoU.river: 0.1019, IoU.bridge: 0.6479, IoU.bookcase: 0.4225, IoU.blind: 0.4446, IoU.coffee table: 0.6122, IoU.toilet: 0.9174, IoU.flower: 0.5050, IoU.book: 0.5409, IoU.hill: 0.0624, IoU.bench: 0.6478, IoU.countertop: 0.6325, IoU.stove: 0.8312, IoU.palm: 0.5651, IoU.kitchen island: 0.4030, IoU.computer: 0.7563, IoU.swivel chair: 0.4185, IoU.boat: 0.7414, IoU.bar: 0.6968, IoU.arcade machine: 0.8179, IoU.hovel: 0.3191, IoU.bus: 0.9175, IoU.towel: 0.7604, IoU.light: 0.5489, IoU.truck: 0.4603, IoU.tower: 0.3196, IoU.chandelier: 0.7214, IoU.awning: 0.3874, IoU.streetlight: 0.3024, IoU.booth: 0.4505, IoU.television receiver: 0.8059, IoU.airplane: 0.7443, IoU.dirt track: 0.0940, IoU.apparel: 0.5667, IoU.pole: 0.3082, IoU.land: 0.0398, IoU.bannister: 0.1134, IoU.escalator: 0.6404, IoU.ottoman: 0.5741, IoU.bottle: 0.4275, IoU.buffet: 0.5439, IoU.poster: 0.2197, IoU.stage: 0.2461, IoU.van: 0.5035, IoU.ship: 0.7361, IoU.fountain: 0.5675, IoU.conveyer belt: 0.8239, IoU.canopy: 0.5124, IoU.washer: 0.8725, IoU.plaything: 0.3998, IoU.swimming pool: 0.5738, IoU.stool: 0.4200, IoU.barrel: 0.6183, IoU.basket: 0.4287, IoU.waterfall: 0.4885, IoU.tent: 0.9415, IoU.bag: 0.2924, IoU.minibike: 0.7505, IoU.cradle: 0.8396, IoU.oven: 0.6349, IoU.ball: 0.3028, IoU.food: 0.5378, IoU.step: 0.1564, IoU.tank: 0.8292, IoU.trade name: 0.2186, IoU.microwave: 0.8680, IoU.pot: 0.5717, IoU.animal: 0.6840, IoU.bicycle: 0.5882, IoU.lake: 0.6090, IoU.dishwasher: 0.6567, IoU.screen: 0.4990, IoU.blanket: 0.2349, IoU.sculpture: 0.5699, IoU.hood: 0.6044, IoU.sconce: 0.5551, IoU.vase: 0.4539, IoU.traffic light: 0.3686, IoU.tray: 0.1803, IoU.ashcan: 0.5264, IoU.fan: 0.6664, IoU.pier: 0.4123, IoU.crt screen: 0.0649, IoU.plate: 0.5826, IoU.monitor: 0.6545, IoU.bulletin board: 0.5997, IoU.shower: 0.1391, IoU.radiator: 0.6344, IoU.glass: 0.2080, IoU.clock: 0.5014, IoU.flag: 0.6730, Acc.wall: 0.9098, Acc.building: 0.9389, Acc.sky: 0.9777, Acc.floor: 0.9170, Acc.tree: 0.8858, Acc.ceiling: 0.9266, Acc.road: 0.9192, Acc.bed : 0.9715, Acc.windowpane: 0.7721, Acc.grass: 0.7990, Acc.cabinet: 0.7455, Acc.sidewalk: 0.8399, Acc.person: 0.9466, Acc.earth: 0.5377, Acc.door: 0.6806, Acc.table: 0.7946, Acc.mountain: 0.7317, Acc.plant: 0.6725, Acc.curtain: 0.8864, Acc.chair: 0.7269, Acc.car: 0.9414, Acc.water: 0.8038, Acc.painting: 0.8679, Acc.sofa: 0.9118, Acc.shelf: 0.6163, Acc.house: 0.6068, Acc.sea: 0.8050, Acc.mirror: 0.8521, Acc.rug: 0.7377, Acc.field: 0.5038, Acc.armchair: 0.7209, Acc.seat: 0.8726, Acc.fence: 0.5615, Acc.desk: 0.7725, Acc.rock: 0.7770, Acc.wardrobe: 0.7304, Acc.lamp: 0.8648, Acc.bathtub: 0.8550, Acc.railing: 0.4561, Acc.cushion: 0.7267, Acc.base: 0.4817, Acc.box: 0.4591, Acc.column: 0.5744, Acc.signboard: 0.5142, Acc.chest of drawers: 0.6882, Acc.counter: 0.5846, Acc.sand: 0.8675, Acc.sink: 0.8794, Acc.skyscraper: 0.6767, Acc.fireplace: 0.8716, Acc.refrigerator: 0.8746, Acc.grandstand: 0.8321, Acc.path: 0.3812, Acc.stairs: 0.4733, Acc.runway: 0.9455, Acc.case: 0.8328, Acc.pool table: 0.9793, Acc.pillow: 0.8094, Acc.screen door: 0.8386, Acc.stairway: 0.5736, Acc.river: 0.2114, Acc.bridge: 0.7779, Acc.bookcase: 0.5242, Acc.blind: 0.5497, Acc.coffee table: 0.8481, Acc.toilet: 0.9536, Acc.flower: 0.6158, Acc.book: 0.8096, Acc.hill: 0.1123, Acc.bench: 0.7328, Acc.countertop: 0.8554, Acc.stove: 0.9103, Acc.palm: 0.7721, Acc.kitchen island: 0.7420, Acc.computer: 0.9218, Acc.swivel chair: 0.5599, Acc.boat: 0.8941, Acc.bar: 0.9032, Acc.arcade machine: 0.8581, Acc.hovel: 0.3469, Acc.bus: 0.9564, Acc.towel: 0.8437, Acc.light: 0.6207, Acc.truck: 0.5478, Acc.tower: 0.5281, Acc.chandelier: 0.8038, Acc.awning: 0.4433, Acc.streetlight: 0.3590, Acc.booth: 0.5440, Acc.television receiver: 0.8471, Acc.airplane: 0.8549, Acc.dirt track: 0.1721, Acc.apparel: 0.6860, Acc.pole: 0.4839, Acc.land: 0.0916, Acc.bannister: 0.1437, Acc.escalator: 0.8631, Acc.ottoman: 0.7057, Acc.bottle: 0.7281, Acc.buffet: 0.6081, Acc.poster: 0.2489, Acc.stage: 0.8101, Acc.van: 0.5993, Acc.ship: 0.8535, Acc.fountain: 0.5848, Acc.conveyer belt: 0.9791, Acc.canopy: 0.7305, Acc.washer: 0.9314, Acc.plaything: 0.6444, Acc.swimming pool: 0.8354, Acc.stool: 0.6549, Acc.barrel: 0.6839, Acc.basket: 0.5878, Acc.waterfall: 0.5813, Acc.tent: 0.9811, Acc.bag: 0.3539, Acc.minibike: 0.8704, Acc.cradle: 0.9792, Acc.oven: 0.7425, Acc.ball: 0.3218, Acc.food: 0.6321, Acc.step: 0.1635, Acc.tank: 0.9583, Acc.trade name: 0.2302, Acc.microwave: 0.9426, Acc.pot: 0.6465, Acc.animal: 0.7151, Acc.bicycle: 0.7633, Acc.lake: 0.6338, Acc.dishwasher: 0.7663, Acc.screen: 0.6310, Acc.blanket: 0.2867, Acc.sculpture: 0.8632, Acc.hood: 0.7291, Acc.sconce: 0.6993, Acc.vase: 0.6060, Acc.traffic light: 0.4796, Acc.tray: 0.2339, Acc.ashcan: 0.6217, Acc.fan: 0.7648, Acc.pier: 0.4489, Acc.crt screen: 0.1012, Acc.plate: 0.7781, Acc.monitor: 0.8238, Acc.bulletin board: 0.7806, Acc.shower: 0.1737, Acc.radiator: 0.7395, Acc.glass: 0.2260, Acc.clock: 0.5364, Acc.flag: 0.7454 2024-01-18 13:25:27,267 - mmseg - INFO - Iter [43050/80000] lr: 1.848e-05, eta: 14:33:19, time: 4.440, data_time: 3.241, memory: 59004, decode.loss_ce: 0.1392, decode.acc_seg: 93.7416, aux.loss_ce: 0.0725, aux.acc_seg: 92.1109, loss: 0.2118 2024-01-18 13:26:27,706 - mmseg - INFO - Iter [43100/80000] lr: 1.845e-05, eta: 14:31:59, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1361, decode.acc_seg: 93.8508, aux.loss_ce: 0.0691, aux.acc_seg: 92.4988, loss: 0.2052 2024-01-18 13:27:28,014 - mmseg - INFO - Iter [43150/80000] lr: 1.843e-05, eta: 14:30:39, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1332, decode.acc_seg: 94.0330, aux.loss_ce: 0.0703, aux.acc_seg: 92.3457, loss: 0.2035 2024-01-18 13:28:28,314 - mmseg - INFO - Iter [43200/80000] lr: 1.840e-05, eta: 14:29:19, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1368, decode.acc_seg: 93.9186, aux.loss_ce: 0.0725, aux.acc_seg: 92.1975, loss: 0.2093 2024-01-18 13:29:28,512 - mmseg - INFO - Iter [43250/80000] lr: 1.838e-05, eta: 14:27:59, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1345, decode.acc_seg: 93.8794, aux.loss_ce: 0.0710, aux.acc_seg: 92.1747, loss: 0.2054 2024-01-18 13:30:28,740 - mmseg - INFO - Iter [43300/80000] lr: 1.835e-05, eta: 14:26:39, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1333, decode.acc_seg: 93.9244, aux.loss_ce: 0.0690, aux.acc_seg: 92.4676, loss: 0.2023 2024-01-18 13:31:28,966 - mmseg - INFO - Iter [43350/80000] lr: 1.833e-05, eta: 14:25:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1372, decode.acc_seg: 93.8532, aux.loss_ce: 0.0703, aux.acc_seg: 92.2986, loss: 0.2076 2024-01-18 13:32:29,163 - mmseg - INFO - Iter [43400/80000] lr: 1.830e-05, eta: 14:23:59, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1380, decode.acc_seg: 93.8234, aux.loss_ce: 0.0727, aux.acc_seg: 92.1816, loss: 0.2107 2024-01-18 13:33:29,403 - mmseg - INFO - Iter [43450/80000] lr: 1.828e-05, eta: 14:22:40, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1432, decode.acc_seg: 93.6338, aux.loss_ce: 0.0746, aux.acc_seg: 92.0559, loss: 0.2177 2024-01-18 13:34:29,631 - mmseg - INFO - Iter [43500/80000] lr: 1.825e-05, eta: 14:21:20, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1353, decode.acc_seg: 93.9349, aux.loss_ce: 0.0702, aux.acc_seg: 92.4537, loss: 0.2055 2024-01-18 13:35:29,811 - mmseg - INFO - Iter [43550/80000] lr: 1.823e-05, eta: 14:20:00, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1380, decode.acc_seg: 93.7008, aux.loss_ce: 0.0712, aux.acc_seg: 92.1177, loss: 0.2092 2024-01-18 13:36:30,057 - mmseg - INFO - Iter [43600/80000] lr: 1.820e-05, eta: 14:18:41, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1345, decode.acc_seg: 94.0498, aux.loss_ce: 0.0724, aux.acc_seg: 92.3443, loss: 0.2069 2024-01-18 13:37:30,543 - mmseg - INFO - Iter [43650/80000] lr: 1.818e-05, eta: 14:17:21, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1411, decode.acc_seg: 93.8126, aux.loss_ce: 0.0727, aux.acc_seg: 92.2839, loss: 0.2137 2024-01-18 13:38:30,832 - mmseg - INFO - Iter [43700/80000] lr: 1.815e-05, eta: 14:16:02, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1345, decode.acc_seg: 93.9713, aux.loss_ce: 0.0703, aux.acc_seg: 92.3861, loss: 0.2048 2024-01-18 13:39:31,176 - mmseg - INFO - Iter [43750/80000] lr: 1.813e-05, eta: 14:14:43, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1385, decode.acc_seg: 93.7462, aux.loss_ce: 0.0707, aux.acc_seg: 92.3128, loss: 0.2092 2024-01-18 13:40:31,416 - mmseg - INFO - Iter [43800/80000] lr: 1.810e-05, eta: 14:13:23, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1342, decode.acc_seg: 93.9591, aux.loss_ce: 0.0679, aux.acc_seg: 92.6976, loss: 0.2021 2024-01-18 13:41:31,569 - mmseg - INFO - Iter [43850/80000] lr: 1.808e-05, eta: 14:12:04, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1459, decode.acc_seg: 93.5412, aux.loss_ce: 0.0749, aux.acc_seg: 92.0557, loss: 0.2208 2024-01-18 13:42:31,790 - mmseg - INFO - Iter [43900/80000] lr: 1.805e-05, eta: 14:10:44, time: 1.204, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1337, decode.acc_seg: 94.0792, aux.loss_ce: 0.0694, aux.acc_seg: 92.4486, loss: 0.2031 2024-01-18 13:43:31,980 - mmseg - INFO - Iter [43950/80000] lr: 1.803e-05, eta: 14:09:25, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1353, decode.acc_seg: 94.0133, aux.loss_ce: 0.0687, aux.acc_seg: 92.6536, loss: 0.2041 2024-01-18 13:44:32,439 - mmseg - INFO - Saving checkpoint at 44000 iterations 2024-01-18 13:45:18,630 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 13:45:18,630 - mmseg - INFO - Iter [44000/80000] lr: 1.800e-05, eta: 14:08:44, time: 2.133, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1325, decode.acc_seg: 93.8969, aux.loss_ce: 0.0672, aux.acc_seg: 92.5373, loss: 0.1997 2024-01-18 13:47:55,618 - mmseg - INFO - per class results: 2024-01-18 13:47:55,624 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.94 | 91.21 | | building | 84.55 | 93.67 | | sky | 94.69 | 97.49 | | floor | 83.48 | 91.62 | | tree | 76.34 | 89.51 | | ceiling | 86.04 | 93.13 | | road | 87.21 | 92.19 | | bed | 91.87 | 97.42 | | windowpane | 65.58 | 81.59 | | grass | 69.11 | 80.28 | | cabinet | 63.2 | 70.64 | | sidewalk | 70.79 | 83.99 | | person | 84.14 | 94.78 | | earth | 41.82 | 55.77 | | door | 55.62 | 63.64 | | table | 69.61 | 79.93 | | mountain | 62.33 | 72.69 | | plant | 54.48 | 67.36 | | curtain | 79.05 | 88.4 | | chair | 64.47 | 77.23 | | car | 86.68 | 93.69 | | water | 63.32 | 77.12 | | painting | 74.71 | 87.3 | | sofa | 79.65 | 87.25 | | shelf | 46.46 | 62.56 | | house | 45.77 | 60.01 | | sea | 73.16 | 83.61 | | mirror | 76.07 | 84.02 | | rug | 64.5 | 74.04 | | field | 29.48 | 47.39 | | armchair | 59.52 | 77.82 | | seat | 67.26 | 88.72 | | fence | 46.53 | 60.67 | | desk | 54.75 | 78.29 | | rock | 52.59 | 79.89 | | wardrobe | 58.29 | 79.75 | | lamp | 73.19 | 85.08 | | bathtub | 83.22 | 86.75 | | railing | 40.53 | 54.1 | | cushion | 69.61 | 81.71 | | base | 39.71 | 55.88 | | box | 38.34 | 47.78 | | column | 56.48 | 66.56 | | signboard | 38.14 | 46.12 | | chest of drawers | 48.15 | 67.97 | | counter | 45.65 | 49.63 | | sand | 58.34 | 84.72 | | sink | 78.51 | 88.7 | | skyscraper | 53.93 | 66.74 | | fireplace | 74.81 | 88.99 | | refrigerator | 66.15 | 68.47 | | grandstand | 60.12 | 83.31 | | path | 29.12 | 42.37 | | stairs | 42.62 | 51.75 | | runway | 71.76 | 94.34 | | case | 65.81 | 85.15 | | pool table | 94.61 | 97.68 | | pillow | 64.73 | 72.69 | | screen door | 78.16 | 84.59 | | stairway | 44.59 | 61.66 | | river | 13.49 | 27.54 | | bridge | 67.76 | 82.3 | | bookcase | 41.58 | 55.22 | | blind | 35.69 | 38.41 | | coffee table | 67.09 | 85.03 | | toilet | 91.36 | 95.17 | | flower | 46.67 | 61.34 | | book | 54.06 | 78.04 | | hill | 6.77 | 11.56 | | bench | 65.91 | 71.25 | | countertop | 65.1 | 83.04 | | stove | 83.18 | 88.44 | | palm | 55.54 | 76.11 | | kitchen island | 46.07 | 70.66 | | computer | 78.32 | 90.95 | | swivel chair | 43.75 | 59.05 | | boat | 73.04 | 90.99 | | bar | 71.35 | 86.07 | | arcade machine | 83.11 | 86.39 | | hovel | 33.05 | 34.81 | | bus | 91.89 | 95.89 | | towel | 74.22 | 83.58 | | light | 54.42 | 60.24 | | truck | 45.53 | 54.16 | | tower | 31.64 | 51.7 | | chandelier | 73.16 | 85.66 | | awning | 36.97 | 43.73 | | streetlight | 30.75 | 36.37 | | booth | 41.53 | 50.46 | | television receiver | 81.98 | 91.52 | | airplane | 76.18 | 85.07 | | dirt track | 8.0 | 17.46 | | apparel | 54.34 | 76.73 | | pole | 27.9 | 42.29 | | land | 7.93 | 11.29 | | bannister | 12.43 | 16.97 | | escalator | 59.55 | 86.6 | | ottoman | 56.93 | 69.82 | | bottle | 43.83 | 75.11 | | buffet | 57.06 | 63.68 | | poster | 23.16 | 27.28 | | stage | 28.21 | 60.38 | | van | 46.31 | 57.03 | | ship | 72.94 | 89.85 | | fountain | 54.93 | 56.9 | | conveyer belt | 74.76 | 98.78 | | canopy | 52.87 | 75.81 | | washer | 86.87 | 91.34 | | plaything | 41.83 | 58.42 | | swimming pool | 57.66 | 84.73 | | stool | 49.84 | 62.28 | | barrel | 59.6 | 71.01 | | basket | 44.14 | 55.93 | | waterfall | 58.93 | 66.4 | | tent | 90.7 | 98.31 | | bag | 30.14 | 34.84 | | minibike | 74.72 | 90.72 | | cradle | 84.98 | 98.11 | | oven | 67.1 | 78.45 | | ball | 17.53 | 18.05 | | food | 57.12 | 66.81 | | step | 6.24 | 6.26 | | tank | 80.76 | 94.04 | | trade name | 25.28 | 27.82 | | microwave | 88.67 | 93.43 | | pot | 55.62 | 68.94 | | animal | 67.96 | 69.46 | | bicycle | 57.81 | 72.33 | | lake | 65.7 | 68.59 | | dishwasher | 68.58 | 79.38 | | screen | 47.84 | 60.37 | | blanket | 28.08 | 35.37 | | sculpture | 74.05 | 82.96 | | hood | 61.94 | 72.13 | | sconce | 55.94 | 72.33 | | vase | 44.33 | 59.84 | | traffic light | 35.72 | 52.49 | | tray | 14.08 | 16.97 | | ashcan | 53.39 | 68.31 | | fan | 65.97 | 75.66 | | pier | 41.21 | 44.45 | | crt screen | 5.86 | 8.06 | | plate | 57.02 | 80.54 | | monitor | 66.82 | 81.36 | | bulletin board | 59.68 | 65.96 | | shower | 10.93 | 11.82 | | radiator | 62.54 | 68.87 | | glass | 21.29 | 23.05 | | clock | 50.26 | 61.35 | | flag | 67.67 | 79.49 | +---------------------+-------+-------+ 2024-01-18 13:47:55,625 - mmseg - INFO - Summary: 2024-01-18 13:47:55,625 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.78 | 57.1 | 68.74 | +-------+------+-------+ 2024-01-18 13:47:55,625 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 13:47:55,626 - mmseg - INFO - Iter(val) [250] aAcc: 0.8578, mIoU: 0.5710, mAcc: 0.6874, IoU.wall: 0.8094, IoU.building: 0.8455, IoU.sky: 0.9469, IoU.floor: 0.8348, IoU.tree: 0.7634, IoU.ceiling: 0.8604, IoU.road: 0.8721, IoU.bed : 0.9187, IoU.windowpane: 0.6558, IoU.grass: 0.6911, IoU.cabinet: 0.6320, IoU.sidewalk: 0.7079, IoU.person: 0.8414, IoU.earth: 0.4182, IoU.door: 0.5562, IoU.table: 0.6961, IoU.mountain: 0.6233, IoU.plant: 0.5448, IoU.curtain: 0.7905, IoU.chair: 0.6447, IoU.car: 0.8668, IoU.water: 0.6332, IoU.painting: 0.7471, IoU.sofa: 0.7965, IoU.shelf: 0.4646, IoU.house: 0.4577, IoU.sea: 0.7316, IoU.mirror: 0.7607, IoU.rug: 0.6450, IoU.field: 0.2948, IoU.armchair: 0.5952, IoU.seat: 0.6726, IoU.fence: 0.4653, IoU.desk: 0.5475, IoU.rock: 0.5259, IoU.wardrobe: 0.5829, IoU.lamp: 0.7319, IoU.bathtub: 0.8322, IoU.railing: 0.4053, IoU.cushion: 0.6961, IoU.base: 0.3971, IoU.box: 0.3834, IoU.column: 0.5648, IoU.signboard: 0.3814, IoU.chest of drawers: 0.4815, IoU.counter: 0.4565, IoU.sand: 0.5834, IoU.sink: 0.7851, IoU.skyscraper: 0.5393, IoU.fireplace: 0.7481, IoU.refrigerator: 0.6615, IoU.grandstand: 0.6012, IoU.path: 0.2912, IoU.stairs: 0.4262, IoU.runway: 0.7176, IoU.case: 0.6581, IoU.pool table: 0.9461, IoU.pillow: 0.6473, IoU.screen door: 0.7816, IoU.stairway: 0.4459, IoU.river: 0.1349, IoU.bridge: 0.6776, IoU.bookcase: 0.4158, IoU.blind: 0.3569, IoU.coffee table: 0.6709, IoU.toilet: 0.9136, IoU.flower: 0.4667, IoU.book: 0.5406, IoU.hill: 0.0677, IoU.bench: 0.6591, IoU.countertop: 0.6510, IoU.stove: 0.8318, IoU.palm: 0.5554, IoU.kitchen island: 0.4607, IoU.computer: 0.7832, IoU.swivel chair: 0.4375, IoU.boat: 0.7304, IoU.bar: 0.7135, IoU.arcade machine: 0.8311, IoU.hovel: 0.3305, IoU.bus: 0.9189, IoU.towel: 0.7422, IoU.light: 0.5442, IoU.truck: 0.4553, IoU.tower: 0.3164, IoU.chandelier: 0.7316, IoU.awning: 0.3697, IoU.streetlight: 0.3075, IoU.booth: 0.4153, IoU.television receiver: 0.8198, IoU.airplane: 0.7618, IoU.dirt track: 0.0800, IoU.apparel: 0.5434, IoU.pole: 0.2790, IoU.land: 0.0793, IoU.bannister: 0.1243, IoU.escalator: 0.5955, IoU.ottoman: 0.5693, IoU.bottle: 0.4383, IoU.buffet: 0.5706, IoU.poster: 0.2316, IoU.stage: 0.2821, IoU.van: 0.4631, IoU.ship: 0.7294, IoU.fountain: 0.5493, IoU.conveyer belt: 0.7476, IoU.canopy: 0.5287, IoU.washer: 0.8687, IoU.plaything: 0.4183, IoU.swimming pool: 0.5766, IoU.stool: 0.4984, IoU.barrel: 0.5960, IoU.basket: 0.4414, IoU.waterfall: 0.5893, IoU.tent: 0.9070, IoU.bag: 0.3014, IoU.minibike: 0.7472, IoU.cradle: 0.8498, IoU.oven: 0.6710, IoU.ball: 0.1753, IoU.food: 0.5712, IoU.step: 0.0624, IoU.tank: 0.8076, IoU.trade name: 0.2528, IoU.microwave: 0.8867, IoU.pot: 0.5562, IoU.animal: 0.6796, IoU.bicycle: 0.5781, IoU.lake: 0.6570, IoU.dishwasher: 0.6858, IoU.screen: 0.4784, IoU.blanket: 0.2808, IoU.sculpture: 0.7405, IoU.hood: 0.6194, IoU.sconce: 0.5594, IoU.vase: 0.4433, IoU.traffic light: 0.3572, IoU.tray: 0.1408, IoU.ashcan: 0.5339, IoU.fan: 0.6597, IoU.pier: 0.4121, IoU.crt screen: 0.0586, IoU.plate: 0.5702, IoU.monitor: 0.6682, IoU.bulletin board: 0.5968, IoU.shower: 0.1093, IoU.radiator: 0.6254, IoU.glass: 0.2129, IoU.clock: 0.5026, IoU.flag: 0.6767, Acc.wall: 0.9121, Acc.building: 0.9367, Acc.sky: 0.9749, Acc.floor: 0.9162, Acc.tree: 0.8951, Acc.ceiling: 0.9313, Acc.road: 0.9219, Acc.bed : 0.9742, Acc.windowpane: 0.8159, Acc.grass: 0.8028, Acc.cabinet: 0.7064, Acc.sidewalk: 0.8399, Acc.person: 0.9478, Acc.earth: 0.5577, Acc.door: 0.6364, Acc.table: 0.7993, Acc.mountain: 0.7269, Acc.plant: 0.6736, Acc.curtain: 0.8840, Acc.chair: 0.7723, Acc.car: 0.9369, Acc.water: 0.7712, Acc.painting: 0.8730, Acc.sofa: 0.8725, Acc.shelf: 0.6256, Acc.house: 0.6001, Acc.sea: 0.8361, Acc.mirror: 0.8402, Acc.rug: 0.7404, Acc.field: 0.4739, Acc.armchair: 0.7782, Acc.seat: 0.8872, Acc.fence: 0.6067, Acc.desk: 0.7829, Acc.rock: 0.7989, Acc.wardrobe: 0.7975, Acc.lamp: 0.8508, Acc.bathtub: 0.8675, Acc.railing: 0.5410, Acc.cushion: 0.8171, Acc.base: 0.5588, Acc.box: 0.4778, Acc.column: 0.6656, Acc.signboard: 0.4612, Acc.chest of drawers: 0.6797, Acc.counter: 0.4963, Acc.sand: 0.8472, Acc.sink: 0.8870, Acc.skyscraper: 0.6674, Acc.fireplace: 0.8899, Acc.refrigerator: 0.6847, Acc.grandstand: 0.8331, Acc.path: 0.4237, Acc.stairs: 0.5175, Acc.runway: 0.9434, Acc.case: 0.8515, Acc.pool table: 0.9768, Acc.pillow: 0.7269, Acc.screen door: 0.8459, Acc.stairway: 0.6166, Acc.river: 0.2754, Acc.bridge: 0.8230, Acc.bookcase: 0.5522, Acc.blind: 0.3841, Acc.coffee table: 0.8503, Acc.toilet: 0.9517, Acc.flower: 0.6134, Acc.book: 0.7804, Acc.hill: 0.1156, Acc.bench: 0.7125, Acc.countertop: 0.8304, Acc.stove: 0.8844, Acc.palm: 0.7611, Acc.kitchen island: 0.7066, Acc.computer: 0.9095, Acc.swivel chair: 0.5905, Acc.boat: 0.9099, Acc.bar: 0.8607, Acc.arcade machine: 0.8639, Acc.hovel: 0.3481, Acc.bus: 0.9589, Acc.towel: 0.8358, Acc.light: 0.6024, Acc.truck: 0.5416, Acc.tower: 0.5170, Acc.chandelier: 0.8566, Acc.awning: 0.4373, Acc.streetlight: 0.3637, Acc.booth: 0.5046, Acc.television receiver: 0.9152, Acc.airplane: 0.8507, Acc.dirt track: 0.1746, Acc.apparel: 0.7673, Acc.pole: 0.4229, Acc.land: 0.1129, Acc.bannister: 0.1697, Acc.escalator: 0.8660, Acc.ottoman: 0.6982, Acc.bottle: 0.7511, Acc.buffet: 0.6368, Acc.poster: 0.2728, Acc.stage: 0.6038, Acc.van: 0.5703, Acc.ship: 0.8985, Acc.fountain: 0.5690, Acc.conveyer belt: 0.9878, Acc.canopy: 0.7581, Acc.washer: 0.9134, Acc.plaything: 0.5842, Acc.swimming pool: 0.8473, Acc.stool: 0.6228, Acc.barrel: 0.7101, Acc.basket: 0.5593, Acc.waterfall: 0.6640, Acc.tent: 0.9831, Acc.bag: 0.3484, Acc.minibike: 0.9072, Acc.cradle: 0.9811, Acc.oven: 0.7845, Acc.ball: 0.1805, Acc.food: 0.6681, Acc.step: 0.0626, Acc.tank: 0.9404, Acc.trade name: 0.2782, Acc.microwave: 0.9343, Acc.pot: 0.6894, Acc.animal: 0.6946, Acc.bicycle: 0.7233, Acc.lake: 0.6859, Acc.dishwasher: 0.7938, Acc.screen: 0.6037, Acc.blanket: 0.3537, Acc.sculpture: 0.8296, Acc.hood: 0.7213, Acc.sconce: 0.7233, Acc.vase: 0.5984, Acc.traffic light: 0.5249, Acc.tray: 0.1697, Acc.ashcan: 0.6831, Acc.fan: 0.7566, Acc.pier: 0.4445, Acc.crt screen: 0.0806, Acc.plate: 0.8054, Acc.monitor: 0.8136, Acc.bulletin board: 0.6596, Acc.shower: 0.1182, Acc.radiator: 0.6887, Acc.glass: 0.2305, Acc.clock: 0.6135, Acc.flag: 0.7949 2024-01-18 13:48:56,263 - mmseg - INFO - Iter [44050/80000] lr: 1.798e-05, eta: 14:09:33, time: 4.353, data_time: 3.156, memory: 59004, decode.loss_ce: 0.1309, decode.acc_seg: 94.2119, aux.loss_ce: 0.0687, aux.acc_seg: 92.5708, loss: 0.1996 2024-01-18 13:49:56,659 - mmseg - INFO - Iter [44100/80000] lr: 1.795e-05, eta: 14:08:14, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1379, decode.acc_seg: 93.8648, aux.loss_ce: 0.0722, aux.acc_seg: 92.2414, loss: 0.2100 2024-01-18 13:50:57,041 - mmseg - INFO - Iter [44150/80000] lr: 1.793e-05, eta: 14:06:54, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1328, decode.acc_seg: 94.0977, aux.loss_ce: 0.0691, aux.acc_seg: 92.4602, loss: 0.2019 2024-01-18 13:51:57,424 - mmseg - INFO - Iter [44200/80000] lr: 1.790e-05, eta: 14:05:35, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1424, decode.acc_seg: 93.5150, aux.loss_ce: 0.0728, aux.acc_seg: 92.0944, loss: 0.2152 2024-01-18 13:52:59,903 - mmseg - INFO - Iter [44250/80000] lr: 1.788e-05, eta: 14:04:17, time: 1.250, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1388, decode.acc_seg: 93.9297, aux.loss_ce: 0.0730, aux.acc_seg: 92.1466, loss: 0.2118 2024-01-18 13:54:00,191 - mmseg - INFO - Iter [44300/80000] lr: 1.785e-05, eta: 14:02:58, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1333, decode.acc_seg: 94.1483, aux.loss_ce: 0.0695, aux.acc_seg: 92.6042, loss: 0.2029 2024-01-18 13:55:00,411 - mmseg - INFO - Iter [44350/80000] lr: 1.783e-05, eta: 14:01:38, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1302, decode.acc_seg: 94.0843, aux.loss_ce: 0.0684, aux.acc_seg: 92.5137, loss: 0.1986 2024-01-18 13:56:00,652 - mmseg - INFO - Iter [44400/80000] lr: 1.780e-05, eta: 14:00:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1377, decode.acc_seg: 93.9880, aux.loss_ce: 0.0711, aux.acc_seg: 92.4178, loss: 0.2088 2024-01-18 13:57:00,918 - mmseg - INFO - Iter [44450/80000] lr: 1.778e-05, eta: 13:59:00, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1306, decode.acc_seg: 94.2155, aux.loss_ce: 0.0682, aux.acc_seg: 92.6620, loss: 0.1988 2024-01-18 13:58:01,212 - mmseg - INFO - Iter [44500/80000] lr: 1.775e-05, eta: 13:57:41, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1508, decode.acc_seg: 93.5845, aux.loss_ce: 0.0767, aux.acc_seg: 92.1248, loss: 0.2275 2024-01-18 13:59:01,438 - mmseg - INFO - Iter [44550/80000] lr: 1.773e-05, eta: 13:56:22, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1352, decode.acc_seg: 93.7930, aux.loss_ce: 0.0709, aux.acc_seg: 92.2446, loss: 0.2061 2024-01-18 14:00:01,565 - mmseg - INFO - Iter [44600/80000] lr: 1.770e-05, eta: 13:55:02, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1356, decode.acc_seg: 94.2211, aux.loss_ce: 0.0696, aux.acc_seg: 92.8196, loss: 0.2052 2024-01-18 14:01:01,952 - mmseg - INFO - Iter [44650/80000] lr: 1.768e-05, eta: 13:53:43, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1446, decode.acc_seg: 93.7850, aux.loss_ce: 0.0723, aux.acc_seg: 92.4615, loss: 0.2169 2024-01-18 14:02:02,195 - mmseg - INFO - Iter [44700/80000] lr: 1.765e-05, eta: 13:52:24, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1318, decode.acc_seg: 94.1303, aux.loss_ce: 0.0688, aux.acc_seg: 92.5108, loss: 0.2006 2024-01-18 14:03:02,434 - mmseg - INFO - Iter [44750/80000] lr: 1.763e-05, eta: 13:51:05, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1369, decode.acc_seg: 94.0204, aux.loss_ce: 0.0708, aux.acc_seg: 92.4605, loss: 0.2078 2024-01-18 14:04:02,657 - mmseg - INFO - Iter [44800/80000] lr: 1.760e-05, eta: 13:49:46, time: 1.204, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1273, decode.acc_seg: 94.2495, aux.loss_ce: 0.0658, aux.acc_seg: 92.8747, loss: 0.1931 2024-01-18 14:05:02,789 - mmseg - INFO - Iter [44850/80000] lr: 1.758e-05, eta: 13:48:27, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1368, decode.acc_seg: 93.9455, aux.loss_ce: 0.0714, aux.acc_seg: 92.3485, loss: 0.2082 2024-01-18 14:06:02,924 - mmseg - INFO - Iter [44900/80000] lr: 1.755e-05, eta: 13:47:08, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1355, decode.acc_seg: 94.0288, aux.loss_ce: 0.0701, aux.acc_seg: 92.5658, loss: 0.2056 2024-01-18 14:07:03,072 - mmseg - INFO - Iter [44950/80000] lr: 1.753e-05, eta: 13:45:49, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1348, decode.acc_seg: 93.9377, aux.loss_ce: 0.0707, aux.acc_seg: 92.3077, loss: 0.2055 2024-01-18 14:08:03,423 - mmseg - INFO - Saving checkpoint at 45000 iterations 2024-01-18 14:08:47,764 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 14:08:47,764 - mmseg - INFO - Iter [45000/80000] lr: 1.750e-05, eta: 13:45:05, time: 2.094, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1308, decode.acc_seg: 94.1278, aux.loss_ce: 0.0693, aux.acc_seg: 92.4867, loss: 0.2001 2024-01-18 14:11:25,436 - mmseg - INFO - per class results: 2024-01-18 14:11:25,447 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.05 | 89.9 | | building | 84.43 | 92.11 | | sky | 94.7 | 97.16 | | floor | 84.04 | 91.11 | | tree | 76.27 | 91.05 | | ceiling | 85.27 | 94.4 | | road | 87.21 | 92.14 | | bed | 92.1 | 96.74 | | windowpane | 66.26 | 80.65 | | grass | 68.31 | 79.89 | | cabinet | 65.79 | 76.04 | | sidewalk | 70.74 | 84.38 | | person | 84.92 | 93.9 | | earth | 40.72 | 53.96 | | door | 57.34 | 69.56 | | table | 68.46 | 78.57 | | mountain | 62.69 | 72.04 | | plant | 55.66 | 66.33 | | curtain | 78.89 | 88.97 | | chair | 64.84 | 76.62 | | car | 86.68 | 93.5 | | water | 63.35 | 79.1 | | painting | 74.56 | 90.82 | | sofa | 80.26 | 88.91 | | shelf | 46.29 | 63.67 | | house | 50.02 | 74.39 | | sea | 73.54 | 82.49 | | mirror | 76.39 | 84.78 | | rug | 67.13 | 78.35 | | field | 29.47 | 57.74 | | armchair | 58.62 | 76.82 | | seat | 68.84 | 88.05 | | fence | 44.14 | 57.02 | | desk | 59.38 | 81.16 | | rock | 53.91 | 78.39 | | wardrobe | 58.27 | 74.1 | | lamp | 73.32 | 84.39 | | bathtub | 81.95 | 86.18 | | railing | 39.23 | 53.34 | | cushion | 68.57 | 79.9 | | base | 32.52 | 42.03 | | box | 39.89 | 51.26 | | column | 58.21 | 69.82 | | signboard | 37.22 | 52.16 | | chest of drawers | 48.98 | 75.43 | | counter | 57.46 | 65.88 | | sand | 57.97 | 85.44 | | sink | 82.0 | 89.85 | | skyscraper | 53.09 | 66.21 | | fireplace | 77.18 | 91.42 | | refrigerator | 79.32 | 85.62 | | grandstand | 63.22 | 86.18 | | path | 30.77 | 45.42 | | stairs | 48.79 | 60.57 | | runway | 70.72 | 97.13 | | case | 65.94 | 80.96 | | pool table | 94.57 | 97.79 | | pillow | 68.64 | 83.08 | | screen door | 68.42 | 76.36 | | stairway | 47.14 | 52.01 | | river | 13.57 | 27.66 | | bridge | 70.31 | 77.73 | | bookcase | 44.21 | 60.43 | | blind | 40.05 | 46.86 | | coffee table | 61.42 | 88.98 | | toilet | 91.67 | 95.31 | | flower | 47.55 | 61.69 | | book | 54.79 | 77.75 | | hill | 7.44 | 15.0 | | bench | 65.46 | 74.42 | | countertop | 65.11 | 79.05 | | stove | 84.69 | 91.83 | | palm | 54.35 | 76.09 | | kitchen island | 49.61 | 74.01 | | computer | 77.51 | 89.53 | | swivel chair | 43.72 | 61.23 | | boat | 64.09 | 89.95 | | bar | 73.73 | 90.2 | | arcade machine | 83.43 | 88.45 | | hovel | 14.33 | 15.62 | | bus | 91.63 | 96.44 | | towel | 73.43 | 84.39 | | light | 56.63 | 63.17 | | truck | 46.44 | 54.88 | | tower | 28.91 | 45.79 | | chandelier | 71.32 | 81.08 | | awning | 44.07 | 60.19 | | streetlight | 29.48 | 36.67 | | booth | 44.41 | 56.73 | | television receiver | 83.64 | 88.14 | | airplane | 61.82 | 66.79 | | dirt track | 9.99 | 21.18 | | apparel | 55.03 | 80.15 | | pole | 20.91 | 27.51 | | land | 3.5 | 4.84 | | bannister | 14.65 | 21.07 | | escalator | 60.94 | 87.79 | | ottoman | 57.46 | 70.66 | | bottle | 45.34 | 69.49 | | buffet | 52.06 | 57.66 | | poster | 22.97 | 26.73 | | stage | 27.13 | 68.88 | | van | 47.0 | 61.1 | | ship | 76.15 | 93.57 | | fountain | 50.82 | 51.84 | | conveyer belt | 81.2 | 98.28 | | canopy | 49.6 | 68.61 | | washer | 89.24 | 95.27 | | plaything | 37.99 | 57.36 | | swimming pool | 58.09 | 87.2 | | stool | 49.39 | 64.18 | | barrel | 47.64 | 71.78 | | basket | 44.73 | 54.4 | | waterfall | 55.84 | 66.04 | | tent | 92.83 | 97.38 | | bag | 27.88 | 31.16 | | minibike | 74.23 | 88.49 | | cradle | 83.5 | 98.18 | | oven | 63.15 | 73.85 | | ball | 38.07 | 40.36 | | food | 56.06 | 68.79 | | step | 11.79 | 12.09 | | tank | 77.7 | 92.09 | | trade name | 21.0 | 22.6 | | microwave | 88.0 | 94.61 | | pot | 56.89 | 65.15 | | animal | 66.71 | 68.4 | | bicycle | 58.7 | 75.95 | | lake | 61.27 | 63.93 | | dishwasher | 64.98 | 77.06 | | screen | 50.85 | 66.2 | | blanket | 24.32 | 29.15 | | sculpture | 74.27 | 85.18 | | hood | 57.94 | 67.26 | | sconce | 55.36 | 66.73 | | vase | 44.53 | 54.8 | | traffic light | 36.18 | 57.59 | | tray | 17.13 | 20.25 | | ashcan | 52.49 | 64.9 | | fan | 67.44 | 78.61 | | pier | 39.65 | 42.7 | | crt screen | 2.65 | 3.97 | | plate | 58.96 | 78.38 | | monitor | 66.67 | 85.25 | | bulletin board | 61.12 | 76.26 | | shower | 13.52 | 15.69 | | radiator | 65.94 | 74.41 | | glass | 20.28 | 21.73 | | clock | 51.24 | 57.29 | | flag | 67.37 | 75.32 | +---------------------+-------+-------+ 2024-01-18 14:11:25,447 - mmseg - INFO - Summary: 2024-01-18 14:11:25,447 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.79 | 57.15 | 69.24 | +-------+-------+-------+ 2024-01-18 14:11:25,449 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 14:11:25,449 - mmseg - INFO - Iter(val) [250] aAcc: 0.8579, mIoU: 0.5715, mAcc: 0.6924, IoU.wall: 0.8105, IoU.building: 0.8443, IoU.sky: 0.9470, IoU.floor: 0.8404, IoU.tree: 0.7627, IoU.ceiling: 0.8527, IoU.road: 0.8721, IoU.bed : 0.9210, IoU.windowpane: 0.6626, IoU.grass: 0.6831, IoU.cabinet: 0.6579, IoU.sidewalk: 0.7074, IoU.person: 0.8492, IoU.earth: 0.4072, IoU.door: 0.5734, IoU.table: 0.6846, IoU.mountain: 0.6269, IoU.plant: 0.5566, IoU.curtain: 0.7889, IoU.chair: 0.6484, IoU.car: 0.8668, IoU.water: 0.6335, IoU.painting: 0.7456, IoU.sofa: 0.8026, IoU.shelf: 0.4629, IoU.house: 0.5002, IoU.sea: 0.7354, IoU.mirror: 0.7639, IoU.rug: 0.6713, IoU.field: 0.2947, IoU.armchair: 0.5862, IoU.seat: 0.6884, IoU.fence: 0.4414, IoU.desk: 0.5938, IoU.rock: 0.5391, IoU.wardrobe: 0.5827, IoU.lamp: 0.7332, IoU.bathtub: 0.8195, IoU.railing: 0.3923, IoU.cushion: 0.6857, IoU.base: 0.3252, IoU.box: 0.3989, IoU.column: 0.5821, IoU.signboard: 0.3722, IoU.chest of drawers: 0.4898, IoU.counter: 0.5746, IoU.sand: 0.5797, IoU.sink: 0.8200, IoU.skyscraper: 0.5309, IoU.fireplace: 0.7718, IoU.refrigerator: 0.7932, IoU.grandstand: 0.6322, IoU.path: 0.3077, IoU.stairs: 0.4879, IoU.runway: 0.7072, IoU.case: 0.6594, IoU.pool table: 0.9457, IoU.pillow: 0.6864, IoU.screen door: 0.6842, IoU.stairway: 0.4714, IoU.river: 0.1357, IoU.bridge: 0.7031, IoU.bookcase: 0.4421, IoU.blind: 0.4005, IoU.coffee table: 0.6142, IoU.toilet: 0.9167, IoU.flower: 0.4755, IoU.book: 0.5479, IoU.hill: 0.0744, IoU.bench: 0.6546, IoU.countertop: 0.6511, IoU.stove: 0.8469, IoU.palm: 0.5435, IoU.kitchen island: 0.4961, IoU.computer: 0.7751, IoU.swivel chair: 0.4372, IoU.boat: 0.6409, IoU.bar: 0.7373, IoU.arcade machine: 0.8343, IoU.hovel: 0.1433, IoU.bus: 0.9163, IoU.towel: 0.7343, IoU.light: 0.5663, IoU.truck: 0.4644, IoU.tower: 0.2891, IoU.chandelier: 0.7132, IoU.awning: 0.4407, IoU.streetlight: 0.2948, IoU.booth: 0.4441, IoU.television receiver: 0.8364, IoU.airplane: 0.6182, IoU.dirt track: 0.0999, IoU.apparel: 0.5503, IoU.pole: 0.2091, IoU.land: 0.0350, IoU.bannister: 0.1465, IoU.escalator: 0.6094, IoU.ottoman: 0.5746, IoU.bottle: 0.4534, IoU.buffet: 0.5206, IoU.poster: 0.2297, IoU.stage: 0.2713, IoU.van: 0.4700, IoU.ship: 0.7615, IoU.fountain: 0.5082, IoU.conveyer belt: 0.8120, IoU.canopy: 0.4960, IoU.washer: 0.8924, IoU.plaything: 0.3799, IoU.swimming pool: 0.5809, IoU.stool: 0.4939, IoU.barrel: 0.4764, IoU.basket: 0.4473, IoU.waterfall: 0.5584, IoU.tent: 0.9283, IoU.bag: 0.2788, IoU.minibike: 0.7423, IoU.cradle: 0.8350, IoU.oven: 0.6315, IoU.ball: 0.3807, IoU.food: 0.5606, IoU.step: 0.1179, IoU.tank: 0.7770, IoU.trade name: 0.2100, IoU.microwave: 0.8800, IoU.pot: 0.5689, IoU.animal: 0.6671, IoU.bicycle: 0.5870, IoU.lake: 0.6127, IoU.dishwasher: 0.6498, IoU.screen: 0.5085, IoU.blanket: 0.2432, IoU.sculpture: 0.7427, IoU.hood: 0.5794, IoU.sconce: 0.5536, IoU.vase: 0.4453, IoU.traffic light: 0.3618, IoU.tray: 0.1713, IoU.ashcan: 0.5249, IoU.fan: 0.6744, IoU.pier: 0.3965, IoU.crt screen: 0.0265, IoU.plate: 0.5896, IoU.monitor: 0.6667, IoU.bulletin board: 0.6112, IoU.shower: 0.1352, IoU.radiator: 0.6594, IoU.glass: 0.2028, IoU.clock: 0.5124, IoU.flag: 0.6737, Acc.wall: 0.8990, Acc.building: 0.9211, Acc.sky: 0.9716, Acc.floor: 0.9111, Acc.tree: 0.9105, Acc.ceiling: 0.9440, Acc.road: 0.9214, Acc.bed : 0.9674, Acc.windowpane: 0.8065, Acc.grass: 0.7989, Acc.cabinet: 0.7604, Acc.sidewalk: 0.8438, Acc.person: 0.9390, Acc.earth: 0.5396, Acc.door: 0.6956, Acc.table: 0.7857, Acc.mountain: 0.7204, Acc.plant: 0.6633, Acc.curtain: 0.8897, Acc.chair: 0.7662, Acc.car: 0.9350, Acc.water: 0.7910, Acc.painting: 0.9082, Acc.sofa: 0.8891, Acc.shelf: 0.6367, Acc.house: 0.7439, Acc.sea: 0.8249, Acc.mirror: 0.8478, Acc.rug: 0.7835, Acc.field: 0.5774, Acc.armchair: 0.7682, Acc.seat: 0.8805, Acc.fence: 0.5702, Acc.desk: 0.8116, Acc.rock: 0.7839, Acc.wardrobe: 0.7410, Acc.lamp: 0.8439, Acc.bathtub: 0.8618, Acc.railing: 0.5334, Acc.cushion: 0.7990, Acc.base: 0.4203, Acc.box: 0.5126, Acc.column: 0.6982, Acc.signboard: 0.5216, Acc.chest of drawers: 0.7543, Acc.counter: 0.6588, Acc.sand: 0.8544, Acc.sink: 0.8985, Acc.skyscraper: 0.6621, Acc.fireplace: 0.9142, Acc.refrigerator: 0.8562, Acc.grandstand: 0.8618, Acc.path: 0.4542, Acc.stairs: 0.6057, Acc.runway: 0.9713, Acc.case: 0.8096, Acc.pool table: 0.9779, Acc.pillow: 0.8308, Acc.screen door: 0.7636, Acc.stairway: 0.5201, Acc.river: 0.2766, Acc.bridge: 0.7773, Acc.bookcase: 0.6043, Acc.blind: 0.4686, Acc.coffee table: 0.8898, Acc.toilet: 0.9531, Acc.flower: 0.6169, Acc.book: 0.7775, Acc.hill: 0.1500, Acc.bench: 0.7442, Acc.countertop: 0.7905, Acc.stove: 0.9183, Acc.palm: 0.7609, Acc.kitchen island: 0.7401, Acc.computer: 0.8953, Acc.swivel chair: 0.6123, Acc.boat: 0.8995, Acc.bar: 0.9020, Acc.arcade machine: 0.8845, Acc.hovel: 0.1562, Acc.bus: 0.9644, Acc.towel: 0.8439, Acc.light: 0.6317, Acc.truck: 0.5488, Acc.tower: 0.4579, Acc.chandelier: 0.8108, Acc.awning: 0.6019, Acc.streetlight: 0.3667, Acc.booth: 0.5673, Acc.television receiver: 0.8814, Acc.airplane: 0.6679, Acc.dirt track: 0.2118, Acc.apparel: 0.8015, Acc.pole: 0.2751, Acc.land: 0.0484, Acc.bannister: 0.2107, Acc.escalator: 0.8779, Acc.ottoman: 0.7066, Acc.bottle: 0.6949, Acc.buffet: 0.5766, Acc.poster: 0.2673, Acc.stage: 0.6888, Acc.van: 0.6110, Acc.ship: 0.9357, Acc.fountain: 0.5184, Acc.conveyer belt: 0.9828, Acc.canopy: 0.6861, Acc.washer: 0.9527, Acc.plaything: 0.5736, Acc.swimming pool: 0.8720, Acc.stool: 0.6418, Acc.barrel: 0.7178, Acc.basket: 0.5440, Acc.waterfall: 0.6604, Acc.tent: 0.9738, Acc.bag: 0.3116, Acc.minibike: 0.8849, Acc.cradle: 0.9818, Acc.oven: 0.7385, Acc.ball: 0.4036, Acc.food: 0.6879, Acc.step: 0.1209, Acc.tank: 0.9209, Acc.trade name: 0.2260, Acc.microwave: 0.9461, Acc.pot: 0.6515, Acc.animal: 0.6840, Acc.bicycle: 0.7595, Acc.lake: 0.6393, Acc.dishwasher: 0.7706, Acc.screen: 0.6620, Acc.blanket: 0.2915, Acc.sculpture: 0.8518, Acc.hood: 0.6726, Acc.sconce: 0.6673, Acc.vase: 0.5480, Acc.traffic light: 0.5759, Acc.tray: 0.2025, Acc.ashcan: 0.6490, Acc.fan: 0.7861, Acc.pier: 0.4270, Acc.crt screen: 0.0397, Acc.plate: 0.7838, Acc.monitor: 0.8525, Acc.bulletin board: 0.7626, Acc.shower: 0.1569, Acc.radiator: 0.7441, Acc.glass: 0.2173, Acc.clock: 0.5729, Acc.flag: 0.7532 2024-01-18 14:12:26,164 - mmseg - INFO - Iter [45050/80000] lr: 1.748e-05, eta: 13:45:49, time: 4.368, data_time: 3.171, memory: 59004, decode.loss_ce: 0.1365, decode.acc_seg: 94.0187, aux.loss_ce: 0.0711, aux.acc_seg: 92.4129, loss: 0.2076 2024-01-18 14:13:26,410 - mmseg - INFO - Iter [45100/80000] lr: 1.745e-05, eta: 13:44:30, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1260, decode.acc_seg: 94.2387, aux.loss_ce: 0.0669, aux.acc_seg: 92.6392, loss: 0.1930 2024-01-18 14:14:26,921 - mmseg - INFO - Iter [45150/80000] lr: 1.743e-05, eta: 13:43:11, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1365, decode.acc_seg: 93.8871, aux.loss_ce: 0.0700, aux.acc_seg: 92.3751, loss: 0.2065 2024-01-18 14:15:27,223 - mmseg - INFO - Iter [45200/80000] lr: 1.740e-05, eta: 13:41:52, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1407, decode.acc_seg: 93.6501, aux.loss_ce: 0.0734, aux.acc_seg: 91.9205, loss: 0.2140 2024-01-18 14:16:27,570 - mmseg - INFO - Iter [45250/80000] lr: 1.738e-05, eta: 13:40:33, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1457, decode.acc_seg: 93.3569, aux.loss_ce: 0.0754, aux.acc_seg: 91.8130, loss: 0.2211 2024-01-18 14:17:27,850 - mmseg - INFO - Iter [45300/80000] lr: 1.735e-05, eta: 13:39:14, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1419, decode.acc_seg: 93.6809, aux.loss_ce: 0.0726, aux.acc_seg: 92.1300, loss: 0.2145 2024-01-18 14:18:28,173 - mmseg - INFO - Iter [45350/80000] lr: 1.733e-05, eta: 13:37:55, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1344, decode.acc_seg: 93.8428, aux.loss_ce: 0.0708, aux.acc_seg: 92.1361, loss: 0.2052 2024-01-18 14:19:28,538 - mmseg - INFO - Iter [45400/80000] lr: 1.730e-05, eta: 13:36:36, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1400, decode.acc_seg: 93.8131, aux.loss_ce: 0.0723, aux.acc_seg: 92.2618, loss: 0.2123 2024-01-18 14:20:28,797 - mmseg - INFO - Iter [45450/80000] lr: 1.728e-05, eta: 13:35:18, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1418, decode.acc_seg: 93.9317, aux.loss_ce: 0.0727, aux.acc_seg: 92.3734, loss: 0.2146 2024-01-18 14:21:31,489 - mmseg - INFO - Iter [45500/80000] lr: 1.725e-05, eta: 13:34:01, time: 1.254, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1346, decode.acc_seg: 93.8756, aux.loss_ce: 0.0681, aux.acc_seg: 92.6050, loss: 0.2027 2024-01-18 14:22:31,732 - mmseg - INFO - Iter [45550/80000] lr: 1.723e-05, eta: 13:32:42, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1370, decode.acc_seg: 93.9268, aux.loss_ce: 0.0707, aux.acc_seg: 92.3423, loss: 0.2077 2024-01-18 14:23:31,966 - mmseg - INFO - Iter [45600/80000] lr: 1.720e-05, eta: 13:31:23, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1331, decode.acc_seg: 94.0544, aux.loss_ce: 0.0685, aux.acc_seg: 92.6533, loss: 0.2016 2024-01-18 14:24:32,307 - mmseg - INFO - Iter [45650/80000] lr: 1.718e-05, eta: 13:30:05, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1468, decode.acc_seg: 93.4565, aux.loss_ce: 0.0737, aux.acc_seg: 92.0373, loss: 0.2205 2024-01-18 14:25:32,686 - mmseg - INFO - Iter [45700/80000] lr: 1.715e-05, eta: 13:28:46, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1388, decode.acc_seg: 93.7258, aux.loss_ce: 0.0702, aux.acc_seg: 92.3185, loss: 0.2091 2024-01-18 14:26:32,955 - mmseg - INFO - Iter [45750/80000] lr: 1.713e-05, eta: 13:27:27, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1309, decode.acc_seg: 94.0485, aux.loss_ce: 0.0678, aux.acc_seg: 92.6440, loss: 0.1987 2024-01-18 14:27:33,168 - mmseg - INFO - Iter [45800/80000] lr: 1.710e-05, eta: 13:26:09, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1287, decode.acc_seg: 94.2647, aux.loss_ce: 0.0659, aux.acc_seg: 92.9323, loss: 0.1946 2024-01-18 14:28:33,386 - mmseg - INFO - Iter [45850/80000] lr: 1.708e-05, eta: 13:24:50, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1288, decode.acc_seg: 94.1755, aux.loss_ce: 0.0679, aux.acc_seg: 92.6683, loss: 0.1967 2024-01-18 14:29:33,605 - mmseg - INFO - Iter [45900/80000] lr: 1.705e-05, eta: 13:23:32, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1375, decode.acc_seg: 93.8794, aux.loss_ce: 0.0717, aux.acc_seg: 92.3162, loss: 0.2092 2024-01-18 14:30:33,925 - mmseg - INFO - Iter [45950/80000] lr: 1.703e-05, eta: 13:22:14, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1312, decode.acc_seg: 94.2187, aux.loss_ce: 0.0688, aux.acc_seg: 92.5366, loss: 0.2000 2024-01-18 14:31:34,215 - mmseg - INFO - Saving checkpoint at 46000 iterations 2024-01-18 14:32:21,439 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 14:32:21,440 - mmseg - INFO - Iter [46000/80000] lr: 1.700e-05, eta: 13:21:30, time: 2.150, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1339, decode.acc_seg: 94.0509, aux.loss_ce: 0.0691, aux.acc_seg: 92.4060, loss: 0.2029 2024-01-18 14:34:59,061 - mmseg - INFO - per class results: 2024-01-18 14:34:59,067 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.27 | 90.37 | | building | 84.59 | 92.75 | | sky | 94.86 | 97.42 | | floor | 83.82 | 91.11 | | tree | 76.45 | 90.89 | | ceiling | 86.07 | 92.83 | | road | 85.76 | 92.23 | | bed | 91.75 | 97.59 | | windowpane | 66.35 | 81.2 | | grass | 65.67 | 81.57 | | cabinet | 65.02 | 75.09 | | sidewalk | 69.88 | 82.48 | | person | 84.77 | 94.16 | | earth | 37.76 | 48.52 | | door | 58.22 | 74.78 | | table | 67.73 | 76.92 | | mountain | 62.98 | 73.11 | | plant | 54.58 | 64.41 | | curtain | 78.66 | 87.01 | | chair | 65.32 | 81.27 | | car | 86.61 | 93.6 | | water | 64.3 | 81.85 | | painting | 75.29 | 89.11 | | sofa | 80.11 | 90.37 | | shelf | 47.61 | 61.05 | | house | 48.13 | 67.19 | | sea | 74.62 | 83.2 | | mirror | 75.91 | 83.95 | | rug | 69.95 | 82.82 | | field | 27.82 | 50.56 | | armchair | 57.77 | 71.54 | | seat | 70.75 | 89.59 | | fence | 48.32 | 65.68 | | desk | 56.63 | 79.97 | | rock | 54.13 | 78.28 | | wardrobe | 58.48 | 76.01 | | lamp | 73.49 | 81.6 | | bathtub | 81.71 | 85.66 | | railing | 40.01 | 53.91 | | cushion | 68.2 | 77.08 | | base | 40.74 | 57.72 | | box | 40.61 | 57.4 | | column | 54.91 | 64.98 | | signboard | 38.61 | 52.29 | | chest of drawers | 48.36 | 67.83 | | counter | 55.13 | 63.29 | | sand | 58.7 | 85.51 | | sink | 81.66 | 87.92 | | skyscraper | 53.27 | 65.54 | | fireplace | 77.23 | 90.43 | | refrigerator | 82.1 | 90.18 | | grandstand | 59.9 | 84.64 | | path | 31.31 | 45.36 | | stairs | 37.65 | 44.49 | | runway | 73.18 | 95.33 | | case | 64.5 | 76.35 | | pool table | 94.7 | 98.1 | | pillow | 64.91 | 75.14 | | screen door | 64.66 | 68.44 | | stairway | 40.7 | 60.21 | | river | 11.01 | 21.89 | | bridge | 58.25 | 65.9 | | bookcase | 44.08 | 61.83 | | blind | 38.32 | 43.44 | | coffee table | 65.5 | 87.4 | | toilet | 91.15 | 95.04 | | flower | 46.43 | 67.8 | | book | 53.05 | 76.93 | | hill | 7.52 | 11.23 | | bench | 64.56 | 72.04 | | countertop | 63.39 | 80.64 | | stove | 82.93 | 87.17 | | palm | 54.24 | 78.69 | | kitchen island | 46.44 | 66.28 | | computer | 78.41 | 88.89 | | swivel chair | 41.68 | 54.46 | | boat | 73.86 | 90.17 | | bar | 71.03 | 87.17 | | arcade machine | 83.97 | 87.67 | | hovel | 13.96 | 15.24 | | bus | 92.23 | 95.97 | | towel | 74.37 | 85.58 | | light | 55.43 | 62.29 | | truck | 47.85 | 59.76 | | tower | 32.25 | 54.04 | | chandelier | 72.38 | 85.37 | | awning | 43.62 | 53.82 | | streetlight | 31.58 | 39.1 | | booth | 42.93 | 51.94 | | television receiver | 84.45 | 89.0 | | airplane | 66.03 | 74.56 | | dirt track | 14.64 | 36.88 | | apparel | 60.31 | 71.04 | | pole | 27.45 | 40.43 | | land | 3.12 | 3.79 | | bannister | 11.27 | 13.07 | | escalator | 63.44 | 86.12 | | ottoman | 54.87 | 67.32 | | bottle | 42.33 | 58.55 | | buffet | 54.1 | 60.12 | | poster | 23.44 | 27.86 | | stage | 29.44 | 69.43 | | van | 50.9 | 66.71 | | ship | 73.66 | 85.69 | | fountain | 43.92 | 44.49 | | conveyer belt | 82.96 | 97.64 | | canopy | 52.92 | 76.38 | | washer | 86.83 | 91.58 | | plaything | 32.25 | 49.03 | | swimming pool | 57.86 | 88.95 | | stool | 52.63 | 62.32 | | barrel | 57.26 | 72.23 | | basket | 45.23 | 55.82 | | waterfall | 54.0 | 59.0 | | tent | 93.38 | 98.34 | | bag | 27.09 | 31.87 | | minibike | 74.2 | 89.65 | | cradle | 85.3 | 98.08 | | oven | 55.64 | 71.0 | | ball | 13.75 | 14.19 | | food | 60.03 | 72.33 | | step | 10.04 | 10.57 | | tank | 84.37 | 94.29 | | trade name | 23.62 | 26.74 | | microwave | 87.29 | 95.51 | | pot | 56.89 | 66.14 | | animal | 67.03 | 68.98 | | bicycle | 57.98 | 71.78 | | lake | 60.66 | 63.51 | | dishwasher | 71.89 | 80.94 | | screen | 49.2 | 64.72 | | blanket | 29.92 | 35.17 | | sculpture | 75.5 | 84.51 | | hood | 60.55 | 69.48 | | sconce | 54.81 | 66.8 | | vase | 44.01 | 65.06 | | traffic light | 37.82 | 56.59 | | tray | 20.0 | 29.72 | | ashcan | 54.56 | 72.43 | | fan | 68.0 | 80.69 | | pier | 39.16 | 41.01 | | crt screen | 7.72 | 11.65 | | plate | 58.06 | 81.58 | | monitor | 66.96 | 85.38 | | bulletin board | 62.61 | 73.52 | | shower | 10.68 | 11.18 | | radiator | 66.05 | 75.71 | | glass | 21.3 | 23.17 | | clock | 54.12 | 62.39 | | flag | 66.82 | 72.93 | +---------------------+-------+-------+ 2024-01-18 14:34:59,067 - mmseg - INFO - Summary: 2024-01-18 14:34:59,068 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.76 | 57.13 | 68.89 | +-------+-------+-------+ 2024-01-18 14:34:59,069 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 14:34:59,069 - mmseg - INFO - Iter(val) [250] aAcc: 0.8576, mIoU: 0.5713, mAcc: 0.6889, IoU.wall: 0.8127, IoU.building: 0.8459, IoU.sky: 0.9486, IoU.floor: 0.8382, IoU.tree: 0.7645, IoU.ceiling: 0.8607, IoU.road: 0.8576, IoU.bed : 0.9175, IoU.windowpane: 0.6635, IoU.grass: 0.6567, IoU.cabinet: 0.6502, IoU.sidewalk: 0.6988, IoU.person: 0.8477, IoU.earth: 0.3776, IoU.door: 0.5822, IoU.table: 0.6773, IoU.mountain: 0.6298, IoU.plant: 0.5458, IoU.curtain: 0.7866, IoU.chair: 0.6532, IoU.car: 0.8661, IoU.water: 0.6430, IoU.painting: 0.7529, IoU.sofa: 0.8011, IoU.shelf: 0.4761, IoU.house: 0.4813, IoU.sea: 0.7462, IoU.mirror: 0.7591, IoU.rug: 0.6995, IoU.field: 0.2782, IoU.armchair: 0.5777, IoU.seat: 0.7075, IoU.fence: 0.4832, IoU.desk: 0.5663, IoU.rock: 0.5413, IoU.wardrobe: 0.5848, IoU.lamp: 0.7349, IoU.bathtub: 0.8171, IoU.railing: 0.4001, IoU.cushion: 0.6820, IoU.base: 0.4074, IoU.box: 0.4061, IoU.column: 0.5491, IoU.signboard: 0.3861, IoU.chest of drawers: 0.4836, IoU.counter: 0.5513, IoU.sand: 0.5870, IoU.sink: 0.8166, IoU.skyscraper: 0.5327, IoU.fireplace: 0.7723, IoU.refrigerator: 0.8210, IoU.grandstand: 0.5990, IoU.path: 0.3131, IoU.stairs: 0.3765, IoU.runway: 0.7318, IoU.case: 0.6450, IoU.pool table: 0.9470, IoU.pillow: 0.6491, IoU.screen door: 0.6466, IoU.stairway: 0.4070, IoU.river: 0.1101, IoU.bridge: 0.5825, IoU.bookcase: 0.4408, IoU.blind: 0.3832, IoU.coffee table: 0.6550, IoU.toilet: 0.9115, IoU.flower: 0.4643, IoU.book: 0.5305, IoU.hill: 0.0752, IoU.bench: 0.6456, IoU.countertop: 0.6339, IoU.stove: 0.8293, IoU.palm: 0.5424, IoU.kitchen island: 0.4644, IoU.computer: 0.7841, IoU.swivel chair: 0.4168, IoU.boat: 0.7386, IoU.bar: 0.7103, IoU.arcade machine: 0.8397, IoU.hovel: 0.1396, IoU.bus: 0.9223, IoU.towel: 0.7437, IoU.light: 0.5543, IoU.truck: 0.4785, IoU.tower: 0.3225, IoU.chandelier: 0.7238, IoU.awning: 0.4362, IoU.streetlight: 0.3158, IoU.booth: 0.4293, IoU.television receiver: 0.8445, IoU.airplane: 0.6603, IoU.dirt track: 0.1464, IoU.apparel: 0.6031, IoU.pole: 0.2745, IoU.land: 0.0312, IoU.bannister: 0.1127, IoU.escalator: 0.6344, IoU.ottoman: 0.5487, IoU.bottle: 0.4233, IoU.buffet: 0.5410, IoU.poster: 0.2344, IoU.stage: 0.2944, IoU.van: 0.5090, IoU.ship: 0.7366, IoU.fountain: 0.4392, IoU.conveyer belt: 0.8296, IoU.canopy: 0.5292, IoU.washer: 0.8683, IoU.plaything: 0.3225, IoU.swimming pool: 0.5786, IoU.stool: 0.5263, IoU.barrel: 0.5726, IoU.basket: 0.4523, IoU.waterfall: 0.5400, IoU.tent: 0.9338, IoU.bag: 0.2709, IoU.minibike: 0.7420, IoU.cradle: 0.8530, IoU.oven: 0.5564, IoU.ball: 0.1375, IoU.food: 0.6003, IoU.step: 0.1004, IoU.tank: 0.8437, IoU.trade name: 0.2362, IoU.microwave: 0.8729, IoU.pot: 0.5689, IoU.animal: 0.6703, IoU.bicycle: 0.5798, IoU.lake: 0.6066, IoU.dishwasher: 0.7189, IoU.screen: 0.4920, IoU.blanket: 0.2992, IoU.sculpture: 0.7550, IoU.hood: 0.6055, IoU.sconce: 0.5481, IoU.vase: 0.4401, IoU.traffic light: 0.3782, IoU.tray: 0.2000, IoU.ashcan: 0.5456, IoU.fan: 0.6800, IoU.pier: 0.3916, IoU.crt screen: 0.0772, IoU.plate: 0.5806, IoU.monitor: 0.6696, IoU.bulletin board: 0.6261, IoU.shower: 0.1068, IoU.radiator: 0.6605, IoU.glass: 0.2130, IoU.clock: 0.5412, IoU.flag: 0.6682, Acc.wall: 0.9037, Acc.building: 0.9275, Acc.sky: 0.9742, Acc.floor: 0.9111, Acc.tree: 0.9089, Acc.ceiling: 0.9283, Acc.road: 0.9223, Acc.bed : 0.9759, Acc.windowpane: 0.8120, Acc.grass: 0.8157, Acc.cabinet: 0.7509, Acc.sidewalk: 0.8248, Acc.person: 0.9416, Acc.earth: 0.4852, Acc.door: 0.7478, Acc.table: 0.7692, Acc.mountain: 0.7311, Acc.plant: 0.6441, Acc.curtain: 0.8701, Acc.chair: 0.8127, Acc.car: 0.9360, Acc.water: 0.8185, Acc.painting: 0.8911, Acc.sofa: 0.9037, Acc.shelf: 0.6105, Acc.house: 0.6719, Acc.sea: 0.8320, Acc.mirror: 0.8395, Acc.rug: 0.8282, Acc.field: 0.5056, Acc.armchair: 0.7154, Acc.seat: 0.8959, Acc.fence: 0.6568, Acc.desk: 0.7997, Acc.rock: 0.7828, Acc.wardrobe: 0.7601, Acc.lamp: 0.8160, Acc.bathtub: 0.8566, Acc.railing: 0.5391, Acc.cushion: 0.7708, Acc.base: 0.5772, Acc.box: 0.5740, Acc.column: 0.6498, Acc.signboard: 0.5229, Acc.chest of drawers: 0.6783, Acc.counter: 0.6329, Acc.sand: 0.8551, Acc.sink: 0.8792, Acc.skyscraper: 0.6554, Acc.fireplace: 0.9043, Acc.refrigerator: 0.9018, Acc.grandstand: 0.8464, Acc.path: 0.4536, Acc.stairs: 0.4449, Acc.runway: 0.9533, Acc.case: 0.7635, Acc.pool table: 0.9810, Acc.pillow: 0.7514, Acc.screen door: 0.6844, Acc.stairway: 0.6021, Acc.river: 0.2189, Acc.bridge: 0.6590, Acc.bookcase: 0.6183, Acc.blind: 0.4344, Acc.coffee table: 0.8740, Acc.toilet: 0.9504, Acc.flower: 0.6780, Acc.book: 0.7693, Acc.hill: 0.1123, Acc.bench: 0.7204, Acc.countertop: 0.8064, Acc.stove: 0.8717, Acc.palm: 0.7869, Acc.kitchen island: 0.6628, Acc.computer: 0.8889, Acc.swivel chair: 0.5446, Acc.boat: 0.9017, Acc.bar: 0.8717, Acc.arcade machine: 0.8767, Acc.hovel: 0.1524, Acc.bus: 0.9597, Acc.towel: 0.8558, Acc.light: 0.6229, Acc.truck: 0.5976, Acc.tower: 0.5404, Acc.chandelier: 0.8537, Acc.awning: 0.5382, Acc.streetlight: 0.3910, Acc.booth: 0.5194, Acc.television receiver: 0.8900, Acc.airplane: 0.7456, Acc.dirt track: 0.3688, Acc.apparel: 0.7104, Acc.pole: 0.4043, Acc.land: 0.0379, Acc.bannister: 0.1307, Acc.escalator: 0.8612, Acc.ottoman: 0.6732, Acc.bottle: 0.5855, Acc.buffet: 0.6012, Acc.poster: 0.2786, Acc.stage: 0.6943, Acc.van: 0.6671, Acc.ship: 0.8569, Acc.fountain: 0.4449, Acc.conveyer belt: 0.9764, Acc.canopy: 0.7638, Acc.washer: 0.9158, Acc.plaything: 0.4903, Acc.swimming pool: 0.8895, Acc.stool: 0.6232, Acc.barrel: 0.7223, Acc.basket: 0.5582, Acc.waterfall: 0.5900, Acc.tent: 0.9834, Acc.bag: 0.3187, Acc.minibike: 0.8965, Acc.cradle: 0.9808, Acc.oven: 0.7100, Acc.ball: 0.1419, Acc.food: 0.7233, Acc.step: 0.1057, Acc.tank: 0.9429, Acc.trade name: 0.2674, Acc.microwave: 0.9551, Acc.pot: 0.6614, Acc.animal: 0.6898, Acc.bicycle: 0.7178, Acc.lake: 0.6351, Acc.dishwasher: 0.8094, Acc.screen: 0.6472, Acc.blanket: 0.3517, Acc.sculpture: 0.8451, Acc.hood: 0.6948, Acc.sconce: 0.6680, Acc.vase: 0.6506, Acc.traffic light: 0.5659, Acc.tray: 0.2972, Acc.ashcan: 0.7243, Acc.fan: 0.8069, Acc.pier: 0.4101, Acc.crt screen: 0.1165, Acc.plate: 0.8158, Acc.monitor: 0.8538, Acc.bulletin board: 0.7352, Acc.shower: 0.1118, Acc.radiator: 0.7571, Acc.glass: 0.2317, Acc.clock: 0.6239, Acc.flag: 0.7293 2024-01-18 14:35:59,801 - mmseg - INFO - Iter [46050/80000] lr: 1.698e-05, eta: 13:22:08, time: 4.367, data_time: 3.170, memory: 59004, decode.loss_ce: 0.1359, decode.acc_seg: 94.0289, aux.loss_ce: 0.0709, aux.acc_seg: 92.4325, loss: 0.2068 2024-01-18 14:37:00,040 - mmseg - INFO - Iter [46100/80000] lr: 1.695e-05, eta: 13:20:49, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1317, decode.acc_seg: 94.1269, aux.loss_ce: 0.0688, aux.acc_seg: 92.6792, loss: 0.2006 2024-01-18 14:38:00,536 - mmseg - INFO - Iter [46150/80000] lr: 1.693e-05, eta: 13:19:31, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1459, decode.acc_seg: 93.7222, aux.loss_ce: 0.0738, aux.acc_seg: 92.3917, loss: 0.2197 2024-01-18 14:39:00,951 - mmseg - INFO - Iter [46200/80000] lr: 1.690e-05, eta: 13:18:12, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1429, decode.acc_seg: 93.5980, aux.loss_ce: 0.0741, aux.acc_seg: 91.9829, loss: 0.2170 2024-01-18 14:40:01,269 - mmseg - INFO - Iter [46250/80000] lr: 1.688e-05, eta: 13:16:54, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1298, decode.acc_seg: 94.3495, aux.loss_ce: 0.0684, aux.acc_seg: 92.7670, loss: 0.1982 2024-01-18 14:41:01,527 - mmseg - INFO - Iter [46300/80000] lr: 1.685e-05, eta: 13:15:35, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1333, decode.acc_seg: 94.1349, aux.loss_ce: 0.0698, aux.acc_seg: 92.6157, loss: 0.2031 2024-01-18 14:42:01,800 - mmseg - INFO - Iter [46350/80000] lr: 1.683e-05, eta: 13:14:17, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1331, decode.acc_seg: 93.9027, aux.loss_ce: 0.0689, aux.acc_seg: 92.3368, loss: 0.2021 2024-01-18 14:43:02,063 - mmseg - INFO - Iter [46400/80000] lr: 1.680e-05, eta: 13:12:58, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1322, decode.acc_seg: 93.9518, aux.loss_ce: 0.0690, aux.acc_seg: 92.4789, loss: 0.2012 2024-01-18 14:44:02,307 - mmseg - INFO - Iter [46450/80000] lr: 1.678e-05, eta: 13:11:40, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1287, decode.acc_seg: 94.2911, aux.loss_ce: 0.0673, aux.acc_seg: 92.7337, loss: 0.1961 2024-01-18 14:45:02,753 - mmseg - INFO - Iter [46500/80000] lr: 1.675e-05, eta: 13:10:22, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1365, decode.acc_seg: 93.8480, aux.loss_ce: 0.0705, aux.acc_seg: 92.3535, loss: 0.2070 2024-01-18 14:46:03,132 - mmseg - INFO - Iter [46550/80000] lr: 1.673e-05, eta: 13:09:04, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1298, decode.acc_seg: 94.1782, aux.loss_ce: 0.0703, aux.acc_seg: 92.5009, loss: 0.2001 2024-01-18 14:47:03,455 - mmseg - INFO - Iter [46600/80000] lr: 1.670e-05, eta: 13:07:45, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1298, decode.acc_seg: 94.3318, aux.loss_ce: 0.0658, aux.acc_seg: 92.9549, loss: 0.1956 2024-01-18 14:48:03,890 - mmseg - INFO - Iter [46650/80000] lr: 1.668e-05, eta: 13:06:27, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1357, decode.acc_seg: 93.9051, aux.loss_ce: 0.0701, aux.acc_seg: 92.3335, loss: 0.2059 2024-01-18 14:49:04,413 - mmseg - INFO - Iter [46700/80000] lr: 1.665e-05, eta: 13:05:09, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1273, decode.acc_seg: 94.2922, aux.loss_ce: 0.0659, aux.acc_seg: 92.7149, loss: 0.1932 2024-01-18 14:50:07,064 - mmseg - INFO - Iter [46750/80000] lr: 1.663e-05, eta: 13:03:53, time: 1.253, data_time: 0.052, memory: 59004, decode.loss_ce: 0.1341, decode.acc_seg: 94.0014, aux.loss_ce: 0.0688, aux.acc_seg: 92.5771, loss: 0.2029 2024-01-18 14:51:07,424 - mmseg - INFO - Iter [46800/80000] lr: 1.660e-05, eta: 13:02:35, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1253, decode.acc_seg: 94.2973, aux.loss_ce: 0.0656, aux.acc_seg: 92.7414, loss: 0.1909 2024-01-18 14:52:07,734 - mmseg - INFO - Iter [46850/80000] lr: 1.658e-05, eta: 13:01:16, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1256, decode.acc_seg: 94.3862, aux.loss_ce: 0.0658, aux.acc_seg: 92.9445, loss: 0.1914 2024-01-18 14:53:08,024 - mmseg - INFO - Iter [46900/80000] lr: 1.655e-05, eta: 12:59:58, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1301, decode.acc_seg: 94.0995, aux.loss_ce: 0.0679, aux.acc_seg: 92.6116, loss: 0.1980 2024-01-18 14:54:08,345 - mmseg - INFO - Iter [46950/80000] lr: 1.653e-05, eta: 12:58:40, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1356, decode.acc_seg: 93.9275, aux.loss_ce: 0.0706, aux.acc_seg: 92.3689, loss: 0.2062 2024-01-18 14:55:08,638 - mmseg - INFO - Saving checkpoint at 47000 iterations 2024-01-18 14:55:57,500 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 14:55:57,500 - mmseg - INFO - Iter [47000/80000] lr: 1.650e-05, eta: 12:57:57, time: 2.183, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1312, decode.acc_seg: 94.3238, aux.loss_ce: 0.0697, aux.acc_seg: 92.6773, loss: 0.2009 2024-01-18 14:58:34,261 - mmseg - INFO - per class results: 2024-01-18 14:58:34,267 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.32 | 91.07 | | building | 84.73 | 93.39 | | sky | 94.75 | 97.02 | | floor | 84.1 | 91.32 | | tree | 76.92 | 89.65 | | ceiling | 86.3 | 93.13 | | road | 86.61 | 91.58 | | bed | 92.28 | 97.61 | | windowpane | 65.68 | 83.35 | | grass | 67.56 | 80.49 | | cabinet | 64.19 | 74.4 | | sidewalk | 70.65 | 83.83 | | person | 85.0 | 93.27 | | earth | 41.87 | 56.04 | | door | 57.78 | 68.39 | | table | 69.75 | 83.25 | | mountain | 62.47 | 74.61 | | plant | 55.86 | 66.66 | | curtain | 79.16 | 88.82 | | chair | 62.59 | 73.48 | | car | 86.68 | 93.26 | | water | 59.13 | 75.29 | | painting | 75.82 | 87.56 | | sofa | 78.45 | 89.43 | | shelf | 45.91 | 63.02 | | house | 47.96 | 67.94 | | sea | 63.86 | 75.18 | | mirror | 74.98 | 84.48 | | rug | 66.71 | 77.49 | | field | 31.38 | 53.24 | | armchair | 55.35 | 73.54 | | seat | 68.87 | 89.48 | | fence | 45.74 | 57.64 | | desk | 60.05 | 80.59 | | rock | 52.12 | 79.67 | | wardrobe | 55.55 | 72.47 | | lamp | 73.6 | 84.45 | | bathtub | 81.68 | 86.7 | | railing | 39.47 | 54.66 | | cushion | 67.96 | 79.05 | | base | 42.09 | 53.17 | | box | 40.43 | 52.39 | | column | 57.92 | 70.58 | | signboard | 37.52 | 47.03 | | chest of drawers | 47.92 | 68.58 | | counter | 58.98 | 71.31 | | sand | 56.97 | 84.73 | | sink | 81.88 | 88.78 | | skyscraper | 55.73 | 64.29 | | fireplace | 76.37 | 91.23 | | refrigerator | 79.44 | 87.31 | | grandstand | 56.83 | 84.74 | | path | 26.67 | 34.49 | | stairs | 42.66 | 50.07 | | runway | 72.39 | 95.62 | | case | 61.92 | 76.85 | | pool table | 94.94 | 97.59 | | pillow | 61.44 | 67.74 | | screen door | 79.91 | 85.92 | | stairway | 44.88 | 63.84 | | river | 13.9 | 29.64 | | bridge | 56.29 | 62.03 | | bookcase | 47.61 | 66.11 | | blind | 25.71 | 27.29 | | coffee table | 68.36 | 84.25 | | toilet | 91.66 | 95.46 | | flower | 46.52 | 59.85 | | book | 54.63 | 74.66 | | hill | 7.12 | 12.63 | | bench | 63.98 | 74.77 | | countertop | 64.23 | 81.98 | | stove | 84.75 | 89.65 | | palm | 56.71 | 74.32 | | kitchen island | 42.52 | 83.0 | | computer | 78.11 | 89.43 | | swivel chair | 42.73 | 64.15 | | boat | 71.51 | 91.49 | | bar | 76.48 | 82.55 | | arcade machine | 83.0 | 87.66 | | hovel | 16.83 | 18.47 | | bus | 92.0 | 96.13 | | towel | 74.78 | 85.89 | | light | 58.04 | 65.99 | | truck | 45.27 | 51.6 | | tower | 32.51 | 53.22 | | chandelier | 72.09 | 81.51 | | awning | 36.24 | 41.34 | | streetlight | 31.8 | 39.24 | | booth | 44.5 | 54.33 | | television receiver | 81.39 | 84.74 | | airplane | 68.08 | 75.9 | | dirt track | 8.7 | 16.53 | | apparel | 55.75 | 71.09 | | pole | 21.21 | 28.37 | | land | 9.4 | 12.17 | | bannister | 14.93 | 19.93 | | escalator | 60.85 | 86.16 | | ottoman | 54.56 | 68.02 | | bottle | 43.74 | 70.1 | | buffet | 58.96 | 66.76 | | poster | 24.83 | 30.54 | | stage | 30.47 | 68.04 | | van | 47.44 | 68.57 | | ship | 67.56 | 74.26 | | fountain | 52.88 | 54.5 | | conveyer belt | 81.44 | 97.68 | | canopy | 41.01 | 54.58 | | washer | 87.21 | 94.66 | | plaything | 44.34 | 64.17 | | swimming pool | 57.74 | 88.47 | | stool | 47.29 | 65.5 | | barrel | 62.23 | 70.33 | | basket | 45.97 | 54.11 | | waterfall | 53.41 | 57.55 | | tent | 95.7 | 98.03 | | bag | 26.55 | 29.62 | | minibike | 74.61 | 88.6 | | cradle | 82.95 | 98.18 | | oven | 61.21 | 69.93 | | ball | 27.2 | 28.17 | | food | 58.54 | 66.17 | | step | 15.15 | 16.1 | | tank | 77.93 | 90.43 | | trade name | 29.33 | 32.42 | | microwave | 87.56 | 94.96 | | pot | 57.79 | 66.83 | | animal | 66.84 | 67.9 | | bicycle | 57.24 | 73.93 | | lake | 60.92 | 63.48 | | dishwasher | 67.15 | 79.68 | | screen | 49.85 | 64.8 | | blanket | 26.79 | 31.44 | | sculpture | 72.49 | 85.94 | | hood | 61.88 | 69.86 | | sconce | 55.28 | 66.89 | | vase | 44.8 | 58.86 | | traffic light | 33.05 | 62.67 | | tray | 19.45 | 25.91 | | ashcan | 52.03 | 65.74 | | fan | 68.37 | 80.31 | | pier | 41.36 | 47.84 | | crt screen | 4.04 | 7.35 | | plate | 55.83 | 73.49 | | monitor | 63.21 | 75.54 | | bulletin board | 58.76 | 66.47 | | shower | 14.52 | 16.42 | | radiator | 65.89 | 75.63 | | glass | 20.68 | 22.33 | | clock | 52.27 | 57.25 | | flag | 65.85 | 71.99 | +---------------------+-------+-------+ 2024-01-18 14:58:34,268 - mmseg - INFO - Summary: 2024-01-18 14:58:34,268 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.8 | 57.01 | 68.57 | +------+-------+-------+ 2024-01-18 14:58:34,269 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 14:58:34,269 - mmseg - INFO - Iter(val) [250] aAcc: 0.8580, mIoU: 0.5701, mAcc: 0.6857, IoU.wall: 0.8132, IoU.building: 0.8473, IoU.sky: 0.9475, IoU.floor: 0.8410, IoU.tree: 0.7692, IoU.ceiling: 0.8630, IoU.road: 0.8661, IoU.bed : 0.9228, IoU.windowpane: 0.6568, IoU.grass: 0.6756, IoU.cabinet: 0.6419, IoU.sidewalk: 0.7065, IoU.person: 0.8500, IoU.earth: 0.4187, IoU.door: 0.5778, IoU.table: 0.6975, IoU.mountain: 0.6247, IoU.plant: 0.5586, IoU.curtain: 0.7916, IoU.chair: 0.6259, IoU.car: 0.8668, IoU.water: 0.5913, IoU.painting: 0.7582, IoU.sofa: 0.7845, IoU.shelf: 0.4591, IoU.house: 0.4796, IoU.sea: 0.6386, IoU.mirror: 0.7498, IoU.rug: 0.6671, IoU.field: 0.3138, IoU.armchair: 0.5535, IoU.seat: 0.6887, IoU.fence: 0.4574, IoU.desk: 0.6005, IoU.rock: 0.5212, IoU.wardrobe: 0.5555, IoU.lamp: 0.7360, IoU.bathtub: 0.8168, IoU.railing: 0.3947, IoU.cushion: 0.6796, IoU.base: 0.4209, IoU.box: 0.4043, IoU.column: 0.5792, IoU.signboard: 0.3752, IoU.chest of drawers: 0.4792, IoU.counter: 0.5898, IoU.sand: 0.5697, IoU.sink: 0.8188, IoU.skyscraper: 0.5573, IoU.fireplace: 0.7637, IoU.refrigerator: 0.7944, IoU.grandstand: 0.5683, IoU.path: 0.2667, IoU.stairs: 0.4266, IoU.runway: 0.7239, IoU.case: 0.6192, IoU.pool table: 0.9494, IoU.pillow: 0.6144, IoU.screen door: 0.7991, IoU.stairway: 0.4488, IoU.river: 0.1390, IoU.bridge: 0.5629, IoU.bookcase: 0.4761, IoU.blind: 0.2571, IoU.coffee table: 0.6836, IoU.toilet: 0.9166, IoU.flower: 0.4652, IoU.book: 0.5463, IoU.hill: 0.0712, IoU.bench: 0.6398, IoU.countertop: 0.6423, IoU.stove: 0.8475, IoU.palm: 0.5671, IoU.kitchen island: 0.4252, IoU.computer: 0.7811, IoU.swivel chair: 0.4273, IoU.boat: 0.7151, IoU.bar: 0.7648, IoU.arcade machine: 0.8300, IoU.hovel: 0.1683, IoU.bus: 0.9200, IoU.towel: 0.7478, IoU.light: 0.5804, IoU.truck: 0.4527, IoU.tower: 0.3251, IoU.chandelier: 0.7209, IoU.awning: 0.3624, IoU.streetlight: 0.3180, IoU.booth: 0.4450, IoU.television receiver: 0.8139, IoU.airplane: 0.6808, IoU.dirt track: 0.0870, IoU.apparel: 0.5575, IoU.pole: 0.2121, IoU.land: 0.0940, IoU.bannister: 0.1493, IoU.escalator: 0.6085, IoU.ottoman: 0.5456, IoU.bottle: 0.4374, IoU.buffet: 0.5896, IoU.poster: 0.2483, IoU.stage: 0.3047, IoU.van: 0.4744, IoU.ship: 0.6756, IoU.fountain: 0.5288, IoU.conveyer belt: 0.8144, IoU.canopy: 0.4101, IoU.washer: 0.8721, IoU.plaything: 0.4434, IoU.swimming pool: 0.5774, IoU.stool: 0.4729, IoU.barrel: 0.6223, IoU.basket: 0.4597, IoU.waterfall: 0.5341, IoU.tent: 0.9570, IoU.bag: 0.2655, IoU.minibike: 0.7461, IoU.cradle: 0.8295, IoU.oven: 0.6121, IoU.ball: 0.2720, IoU.food: 0.5854, IoU.step: 0.1515, IoU.tank: 0.7793, IoU.trade name: 0.2933, IoU.microwave: 0.8756, IoU.pot: 0.5779, IoU.animal: 0.6684, IoU.bicycle: 0.5724, IoU.lake: 0.6092, IoU.dishwasher: 0.6715, IoU.screen: 0.4985, IoU.blanket: 0.2679, IoU.sculpture: 0.7249, IoU.hood: 0.6188, IoU.sconce: 0.5528, IoU.vase: 0.4480, IoU.traffic light: 0.3305, IoU.tray: 0.1945, IoU.ashcan: 0.5203, IoU.fan: 0.6837, IoU.pier: 0.4136, IoU.crt screen: 0.0404, IoU.plate: 0.5583, IoU.monitor: 0.6321, IoU.bulletin board: 0.5876, IoU.shower: 0.1452, IoU.radiator: 0.6589, IoU.glass: 0.2068, IoU.clock: 0.5227, IoU.flag: 0.6585, Acc.wall: 0.9107, Acc.building: 0.9339, Acc.sky: 0.9702, Acc.floor: 0.9132, Acc.tree: 0.8965, Acc.ceiling: 0.9313, Acc.road: 0.9158, Acc.bed : 0.9761, Acc.windowpane: 0.8335, Acc.grass: 0.8049, Acc.cabinet: 0.7440, Acc.sidewalk: 0.8383, Acc.person: 0.9327, Acc.earth: 0.5604, Acc.door: 0.6839, Acc.table: 0.8325, Acc.mountain: 0.7461, Acc.plant: 0.6666, Acc.curtain: 0.8882, Acc.chair: 0.7348, Acc.car: 0.9326, Acc.water: 0.7529, Acc.painting: 0.8756, Acc.sofa: 0.8943, Acc.shelf: 0.6302, Acc.house: 0.6794, Acc.sea: 0.7518, Acc.mirror: 0.8448, Acc.rug: 0.7749, Acc.field: 0.5324, Acc.armchair: 0.7354, Acc.seat: 0.8948, Acc.fence: 0.5764, Acc.desk: 0.8059, Acc.rock: 0.7967, Acc.wardrobe: 0.7247, Acc.lamp: 0.8445, Acc.bathtub: 0.8670, Acc.railing: 0.5466, Acc.cushion: 0.7905, Acc.base: 0.5317, Acc.box: 0.5239, Acc.column: 0.7058, Acc.signboard: 0.4703, Acc.chest of drawers: 0.6858, Acc.counter: 0.7131, Acc.sand: 0.8473, Acc.sink: 0.8878, Acc.skyscraper: 0.6429, Acc.fireplace: 0.9123, Acc.refrigerator: 0.8731, Acc.grandstand: 0.8474, Acc.path: 0.3449, Acc.stairs: 0.5007, Acc.runway: 0.9562, Acc.case: 0.7685, Acc.pool table: 0.9759, Acc.pillow: 0.6774, Acc.screen door: 0.8592, Acc.stairway: 0.6384, Acc.river: 0.2964, Acc.bridge: 0.6203, Acc.bookcase: 0.6611, Acc.blind: 0.2729, Acc.coffee table: 0.8425, Acc.toilet: 0.9546, Acc.flower: 0.5985, Acc.book: 0.7466, Acc.hill: 0.1263, Acc.bench: 0.7477, Acc.countertop: 0.8198, Acc.stove: 0.8965, Acc.palm: 0.7432, Acc.kitchen island: 0.8300, Acc.computer: 0.8943, Acc.swivel chair: 0.6415, Acc.boat: 0.9149, Acc.bar: 0.8255, Acc.arcade machine: 0.8766, Acc.hovel: 0.1847, Acc.bus: 0.9613, Acc.towel: 0.8589, Acc.light: 0.6599, Acc.truck: 0.5160, Acc.tower: 0.5322, Acc.chandelier: 0.8151, Acc.awning: 0.4134, Acc.streetlight: 0.3924, Acc.booth: 0.5433, Acc.television receiver: 0.8474, Acc.airplane: 0.7590, Acc.dirt track: 0.1653, Acc.apparel: 0.7109, Acc.pole: 0.2837, Acc.land: 0.1217, Acc.bannister: 0.1993, Acc.escalator: 0.8616, Acc.ottoman: 0.6802, Acc.bottle: 0.7010, Acc.buffet: 0.6676, Acc.poster: 0.3054, Acc.stage: 0.6804, Acc.van: 0.6857, Acc.ship: 0.7426, Acc.fountain: 0.5450, Acc.conveyer belt: 0.9768, Acc.canopy: 0.5458, Acc.washer: 0.9466, Acc.plaything: 0.6417, Acc.swimming pool: 0.8847, Acc.stool: 0.6550, Acc.barrel: 0.7033, Acc.basket: 0.5411, Acc.waterfall: 0.5755, Acc.tent: 0.9803, Acc.bag: 0.2962, Acc.minibike: 0.8860, Acc.cradle: 0.9818, Acc.oven: 0.6993, Acc.ball: 0.2817, Acc.food: 0.6617, Acc.step: 0.1610, Acc.tank: 0.9043, Acc.trade name: 0.3242, Acc.microwave: 0.9496, Acc.pot: 0.6683, Acc.animal: 0.6790, Acc.bicycle: 0.7393, Acc.lake: 0.6348, Acc.dishwasher: 0.7968, Acc.screen: 0.6480, Acc.blanket: 0.3144, Acc.sculpture: 0.8594, Acc.hood: 0.6986, Acc.sconce: 0.6689, Acc.vase: 0.5886, Acc.traffic light: 0.6267, Acc.tray: 0.2591, Acc.ashcan: 0.6574, Acc.fan: 0.8031, Acc.pier: 0.4784, Acc.crt screen: 0.0735, Acc.plate: 0.7349, Acc.monitor: 0.7554, Acc.bulletin board: 0.6647, Acc.shower: 0.1642, Acc.radiator: 0.7563, Acc.glass: 0.2233, Acc.clock: 0.5725, Acc.flag: 0.7199 2024-01-18 14:59:34,961 - mmseg - INFO - Iter [47050/80000] lr: 1.648e-05, eta: 12:58:29, time: 4.349, data_time: 3.152, memory: 59004, decode.loss_ce: 0.1368, decode.acc_seg: 93.8946, aux.loss_ce: 0.0708, aux.acc_seg: 92.2448, loss: 0.2076 2024-01-18 15:00:35,271 - mmseg - INFO - Iter [47100/80000] lr: 1.645e-05, eta: 12:57:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1394, decode.acc_seg: 93.7465, aux.loss_ce: 0.0734, aux.acc_seg: 92.1464, loss: 0.2128 2024-01-18 15:01:35,641 - mmseg - INFO - Iter [47150/80000] lr: 1.643e-05, eta: 12:55:52, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1343, decode.acc_seg: 93.9721, aux.loss_ce: 0.0702, aux.acc_seg: 92.4981, loss: 0.2045 2024-01-18 15:02:36,176 - mmseg - INFO - Iter [47200/80000] lr: 1.640e-05, eta: 12:54:34, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1332, decode.acc_seg: 93.9784, aux.loss_ce: 0.0707, aux.acc_seg: 92.2278, loss: 0.2039 2024-01-18 15:03:36,491 - mmseg - INFO - Iter [47250/80000] lr: 1.638e-05, eta: 12:53:16, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1265, decode.acc_seg: 94.3759, aux.loss_ce: 0.0674, aux.acc_seg: 92.7691, loss: 0.1939 2024-01-18 15:04:36,883 - mmseg - INFO - Iter [47300/80000] lr: 1.635e-05, eta: 12:51:58, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1289, decode.acc_seg: 94.2958, aux.loss_ce: 0.0661, aux.acc_seg: 92.7109, loss: 0.1950 2024-01-18 15:05:37,187 - mmseg - INFO - Iter [47350/80000] lr: 1.633e-05, eta: 12:50:40, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1290, decode.acc_seg: 94.3803, aux.loss_ce: 0.0676, aux.acc_seg: 92.8510, loss: 0.1967 2024-01-18 15:06:37,453 - mmseg - INFO - Iter [47400/80000] lr: 1.630e-05, eta: 12:49:22, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1288, decode.acc_seg: 94.0549, aux.loss_ce: 0.0678, aux.acc_seg: 92.4259, loss: 0.1967 2024-01-18 15:07:37,736 - mmseg - INFO - Iter [47450/80000] lr: 1.628e-05, eta: 12:48:04, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1251, decode.acc_seg: 94.5347, aux.loss_ce: 0.0660, aux.acc_seg: 92.9858, loss: 0.1911 2024-01-18 15:08:38,031 - mmseg - INFO - Iter [47500/80000] lr: 1.625e-05, eta: 12:46:46, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1384, decode.acc_seg: 94.1100, aux.loss_ce: 0.0718, aux.acc_seg: 92.3706, loss: 0.2102 2024-01-18 15:09:38,429 - mmseg - INFO - Iter [47550/80000] lr: 1.623e-05, eta: 12:45:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1306, decode.acc_seg: 94.1741, aux.loss_ce: 0.0681, aux.acc_seg: 92.6722, loss: 0.1987 2024-01-18 15:10:38,897 - mmseg - INFO - Iter [47600/80000] lr: 1.620e-05, eta: 12:44:10, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1318, decode.acc_seg: 94.0333, aux.loss_ce: 0.0682, aux.acc_seg: 92.5188, loss: 0.1999 2024-01-18 15:11:39,199 - mmseg - INFO - Iter [47650/80000] lr: 1.618e-05, eta: 12:42:53, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1353, decode.acc_seg: 94.0589, aux.loss_ce: 0.0707, aux.acc_seg: 92.4650, loss: 0.2059 2024-01-18 15:12:39,683 - mmseg - INFO - Iter [47700/80000] lr: 1.615e-05, eta: 12:41:35, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1323, decode.acc_seg: 94.0605, aux.loss_ce: 0.0703, aux.acc_seg: 92.3070, loss: 0.2026 2024-01-18 15:13:40,056 - mmseg - INFO - Iter [47750/80000] lr: 1.613e-05, eta: 12:40:17, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1380, decode.acc_seg: 93.8188, aux.loss_ce: 0.0719, aux.acc_seg: 92.1488, loss: 0.2099 2024-01-18 15:14:40,401 - mmseg - INFO - Iter [47800/80000] lr: 1.610e-05, eta: 12:38:59, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1315, decode.acc_seg: 94.0702, aux.loss_ce: 0.0687, aux.acc_seg: 92.5351, loss: 0.2002 2024-01-18 15:15:40,814 - mmseg - INFO - Iter [47850/80000] lr: 1.608e-05, eta: 12:37:42, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1275, decode.acc_seg: 94.0855, aux.loss_ce: 0.0677, aux.acc_seg: 92.4061, loss: 0.1951 2024-01-18 15:16:41,219 - mmseg - INFO - Iter [47900/80000] lr: 1.605e-05, eta: 12:36:24, time: 1.208, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1275, decode.acc_seg: 94.2856, aux.loss_ce: 0.0675, aux.acc_seg: 92.7489, loss: 0.1950 2024-01-18 15:17:41,560 - mmseg - INFO - Iter [47950/80000] lr: 1.603e-05, eta: 12:35:07, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1262, decode.acc_seg: 94.4750, aux.loss_ce: 0.0674, aux.acc_seg: 92.8263, loss: 0.1936 2024-01-18 15:18:44,074 - mmseg - INFO - Saving checkpoint at 48000 iterations 2024-01-18 15:19:29,140 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 15:19:29,140 - mmseg - INFO - Iter [48000/80000] lr: 1.600e-05, eta: 12:34:20, time: 2.152, data_time: 0.052, memory: 59004, decode.loss_ce: 0.1288, decode.acc_seg: 94.3961, aux.loss_ce: 0.0686, aux.acc_seg: 92.8450, loss: 0.1974 2024-01-18 15:22:05,840 - mmseg - INFO - per class results: 2024-01-18 15:22:05,846 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.13 | 90.31 | | building | 84.68 | 93.61 | | sky | 94.76 | 97.56 | | floor | 83.14 | 91.77 | | tree | 75.48 | 88.99 | | ceiling | 84.66 | 91.34 | | road | 86.18 | 92.1 | | bed | 91.53 | 97.49 | | windowpane | 66.15 | 79.79 | | grass | 68.71 | 82.25 | | cabinet | 64.06 | 73.91 | | sidewalk | 68.92 | 80.51 | | person | 84.74 | 94.26 | | earth | 41.16 | 52.23 | | door | 59.58 | 72.79 | | table | 68.06 | 83.6 | | mountain | 61.27 | 69.56 | | plant | 54.33 | 66.55 | | curtain | 78.93 | 88.48 | | chair | 65.61 | 81.38 | | car | 86.65 | 93.78 | | water | 62.75 | 79.95 | | painting | 74.42 | 90.55 | | sofa | 79.36 | 90.02 | | shelf | 46.72 | 61.58 | | house | 47.38 | 64.11 | | sea | 69.59 | 78.16 | | mirror | 74.69 | 83.44 | | rug | 62.91 | 72.15 | | field | 31.14 | 50.56 | | armchair | 55.51 | 69.05 | | seat | 70.85 | 88.62 | | fence | 45.75 | 56.28 | | desk | 55.34 | 78.93 | | rock | 54.14 | 81.8 | | wardrobe | 55.68 | 72.5 | | lamp | 73.74 | 85.83 | | bathtub | 82.64 | 86.03 | | railing | 38.97 | 55.34 | | cushion | 68.37 | 76.12 | | base | 39.49 | 52.41 | | box | 39.15 | 50.08 | | column | 57.22 | 70.63 | | signboard | 39.98 | 55.15 | | chest of drawers | 49.04 | 70.55 | | counter | 52.69 | 58.89 | | sand | 58.2 | 86.23 | | sink | 81.66 | 88.37 | | skyscraper | 54.87 | 64.8 | | fireplace | 76.18 | 94.32 | | refrigerator | 83.0 | 91.83 | | grandstand | 57.85 | 86.66 | | path | 25.58 | 38.89 | | stairs | 45.3 | 53.03 | | runway | 73.78 | 94.18 | | case | 65.39 | 80.36 | | pool table | 94.5 | 98.16 | | pillow | 61.37 | 70.26 | | screen door | 79.32 | 85.45 | | stairway | 39.59 | 52.3 | | river | 11.49 | 23.0 | | bridge | 65.01 | 76.39 | | bookcase | 44.76 | 59.61 | | blind | 41.45 | 47.2 | | coffee table | 68.09 | 83.9 | | toilet | 91.03 | 94.62 | | flower | 47.74 | 66.75 | | book | 54.25 | 79.1 | | hill | 9.16 | 21.15 | | bench | 66.02 | 71.96 | | countertop | 65.04 | 81.66 | | stove | 84.77 | 89.64 | | palm | 55.85 | 82.04 | | kitchen island | 39.42 | 65.87 | | computer | 74.8 | 93.38 | | swivel chair | 41.75 | 54.76 | | boat | 74.12 | 90.15 | | bar | 74.49 | 81.33 | | arcade machine | 81.89 | 86.27 | | hovel | 15.02 | 15.95 | | bus | 92.19 | 96.44 | | towel | 77.64 | 86.98 | | light | 56.1 | 62.02 | | truck | 47.83 | 57.17 | | tower | 21.61 | 33.28 | | chandelier | 73.2 | 84.58 | | awning | 39.39 | 45.04 | | streetlight | 31.43 | 36.37 | | booth | 54.32 | 70.25 | | television receiver | 85.09 | 90.91 | | airplane | 71.02 | 78.74 | | dirt track | 6.51 | 14.23 | | apparel | 61.13 | 73.46 | | pole | 23.44 | 33.06 | | land | 2.32 | 3.52 | | bannister | 13.21 | 16.81 | | escalator | 59.93 | 86.06 | | ottoman | 53.23 | 64.59 | | bottle | 41.98 | 72.4 | | buffet | 50.72 | 56.46 | | poster | 21.73 | 23.83 | | stage | 29.11 | 70.57 | | van | 47.89 | 68.57 | | ship | 68.95 | 84.73 | | fountain | 52.67 | 53.88 | | conveyer belt | 80.08 | 97.46 | | canopy | 50.65 | 71.38 | | washer | 89.19 | 94.1 | | plaything | 40.27 | 59.3 | | swimming pool | 57.51 | 86.2 | | stool | 50.49 | 66.35 | | barrel | 59.4 | 71.96 | | basket | 44.15 | 57.31 | | waterfall | 52.39 | 62.48 | | tent | 91.84 | 98.27 | | bag | 23.09 | 25.21 | | minibike | 74.58 | 88.41 | | cradle | 84.8 | 98.02 | | oven | 66.33 | 76.12 | | ball | 59.07 | 67.29 | | food | 59.88 | 70.5 | | step | 23.41 | 25.25 | | tank | 84.16 | 93.66 | | trade name | 28.41 | 32.48 | | microwave | 88.99 | 93.66 | | pot | 58.01 | 67.39 | | animal | 68.92 | 71.49 | | bicycle | 58.03 | 75.53 | | lake | 61.0 | 63.68 | | dishwasher | 72.07 | 80.96 | | screen | 52.41 | 68.51 | | blanket | 23.55 | 28.47 | | sculpture | 67.61 | 85.82 | | hood | 67.44 | 75.3 | | sconce | 55.04 | 66.33 | | vase | 46.0 | 64.31 | | traffic light | 36.45 | 54.0 | | tray | 16.12 | 20.01 | | ashcan | 51.49 | 63.58 | | fan | 68.52 | 80.26 | | pier | 41.02 | 44.69 | | crt screen | 2.45 | 3.41 | | plate | 60.26 | 75.13 | | monitor | 68.82 | 82.66 | | bulletin board | 58.53 | 69.06 | | shower | 10.79 | 11.47 | | radiator | 64.16 | 73.81 | | glass | 21.44 | 23.31 | | clock | 50.66 | 55.48 | | flag | 67.26 | 75.07 | +---------------------+-------+-------+ 2024-01-18 15:22:05,846 - mmseg - INFO - Summary: 2024-01-18 15:22:05,846 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.7 | 57.46 | 69.13 | +------+-------+-------+ 2024-01-18 15:22:05,847 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 15:22:05,847 - mmseg - INFO - Iter(val) [250] aAcc: 0.8570, mIoU: 0.5746, mAcc: 0.6913, IoU.wall: 0.8113, IoU.building: 0.8468, IoU.sky: 0.9476, IoU.floor: 0.8314, IoU.tree: 0.7548, IoU.ceiling: 0.8466, IoU.road: 0.8618, IoU.bed : 0.9153, IoU.windowpane: 0.6615, IoU.grass: 0.6871, IoU.cabinet: 0.6406, IoU.sidewalk: 0.6892, IoU.person: 0.8474, IoU.earth: 0.4116, IoU.door: 0.5958, IoU.table: 0.6806, IoU.mountain: 0.6127, IoU.plant: 0.5433, IoU.curtain: 0.7893, IoU.chair: 0.6561, IoU.car: 0.8665, IoU.water: 0.6275, IoU.painting: 0.7442, IoU.sofa: 0.7936, IoU.shelf: 0.4672, IoU.house: 0.4738, IoU.sea: 0.6959, IoU.mirror: 0.7469, IoU.rug: 0.6291, IoU.field: 0.3114, IoU.armchair: 0.5551, IoU.seat: 0.7085, IoU.fence: 0.4575, IoU.desk: 0.5534, IoU.rock: 0.5414, IoU.wardrobe: 0.5568, IoU.lamp: 0.7374, IoU.bathtub: 0.8264, IoU.railing: 0.3897, IoU.cushion: 0.6837, IoU.base: 0.3949, IoU.box: 0.3915, IoU.column: 0.5722, IoU.signboard: 0.3998, IoU.chest of drawers: 0.4904, IoU.counter: 0.5269, IoU.sand: 0.5820, IoU.sink: 0.8166, IoU.skyscraper: 0.5487, IoU.fireplace: 0.7618, IoU.refrigerator: 0.8300, IoU.grandstand: 0.5785, IoU.path: 0.2558, IoU.stairs: 0.4530, IoU.runway: 0.7378, IoU.case: 0.6539, IoU.pool table: 0.9450, IoU.pillow: 0.6137, IoU.screen door: 0.7932, IoU.stairway: 0.3959, IoU.river: 0.1149, IoU.bridge: 0.6501, IoU.bookcase: 0.4476, IoU.blind: 0.4145, IoU.coffee table: 0.6809, IoU.toilet: 0.9103, IoU.flower: 0.4774, IoU.book: 0.5425, IoU.hill: 0.0916, IoU.bench: 0.6602, IoU.countertop: 0.6504, IoU.stove: 0.8477, IoU.palm: 0.5585, IoU.kitchen island: 0.3942, IoU.computer: 0.7480, IoU.swivel chair: 0.4175, IoU.boat: 0.7412, IoU.bar: 0.7449, IoU.arcade machine: 0.8189, IoU.hovel: 0.1502, IoU.bus: 0.9219, IoU.towel: 0.7764, IoU.light: 0.5610, IoU.truck: 0.4783, IoU.tower: 0.2161, IoU.chandelier: 0.7320, IoU.awning: 0.3939, IoU.streetlight: 0.3143, IoU.booth: 0.5432, IoU.television receiver: 0.8509, IoU.airplane: 0.7102, IoU.dirt track: 0.0651, IoU.apparel: 0.6113, IoU.pole: 0.2344, IoU.land: 0.0232, IoU.bannister: 0.1321, IoU.escalator: 0.5993, IoU.ottoman: 0.5323, IoU.bottle: 0.4198, IoU.buffet: 0.5072, IoU.poster: 0.2173, IoU.stage: 0.2911, IoU.van: 0.4789, IoU.ship: 0.6895, IoU.fountain: 0.5267, IoU.conveyer belt: 0.8008, IoU.canopy: 0.5065, IoU.washer: 0.8919, IoU.plaything: 0.4027, IoU.swimming pool: 0.5751, IoU.stool: 0.5049, IoU.barrel: 0.5940, IoU.basket: 0.4415, IoU.waterfall: 0.5239, IoU.tent: 0.9184, IoU.bag: 0.2309, IoU.minibike: 0.7458, IoU.cradle: 0.8480, IoU.oven: 0.6633, IoU.ball: 0.5907, IoU.food: 0.5988, IoU.step: 0.2341, IoU.tank: 0.8416, IoU.trade name: 0.2841, IoU.microwave: 0.8899, IoU.pot: 0.5801, IoU.animal: 0.6892, IoU.bicycle: 0.5803, IoU.lake: 0.6100, IoU.dishwasher: 0.7207, IoU.screen: 0.5241, IoU.blanket: 0.2355, IoU.sculpture: 0.6761, IoU.hood: 0.6744, IoU.sconce: 0.5504, IoU.vase: 0.4600, IoU.traffic light: 0.3645, IoU.tray: 0.1612, IoU.ashcan: 0.5149, IoU.fan: 0.6852, IoU.pier: 0.4102, IoU.crt screen: 0.0245, IoU.plate: 0.6026, IoU.monitor: 0.6882, IoU.bulletin board: 0.5853, IoU.shower: 0.1079, IoU.radiator: 0.6416, IoU.glass: 0.2144, IoU.clock: 0.5066, IoU.flag: 0.6726, Acc.wall: 0.9031, Acc.building: 0.9361, Acc.sky: 0.9756, Acc.floor: 0.9177, Acc.tree: 0.8899, Acc.ceiling: 0.9134, Acc.road: 0.9210, Acc.bed : 0.9749, Acc.windowpane: 0.7979, Acc.grass: 0.8225, Acc.cabinet: 0.7391, Acc.sidewalk: 0.8051, Acc.person: 0.9426, Acc.earth: 0.5223, Acc.door: 0.7279, Acc.table: 0.8360, Acc.mountain: 0.6956, Acc.plant: 0.6655, Acc.curtain: 0.8848, Acc.chair: 0.8138, Acc.car: 0.9378, Acc.water: 0.7995, Acc.painting: 0.9055, Acc.sofa: 0.9002, Acc.shelf: 0.6158, Acc.house: 0.6411, Acc.sea: 0.7816, Acc.mirror: 0.8344, Acc.rug: 0.7215, Acc.field: 0.5056, Acc.armchair: 0.6905, Acc.seat: 0.8862, Acc.fence: 0.5628, Acc.desk: 0.7893, Acc.rock: 0.8180, Acc.wardrobe: 0.7250, Acc.lamp: 0.8583, Acc.bathtub: 0.8603, Acc.railing: 0.5534, Acc.cushion: 0.7612, Acc.base: 0.5241, Acc.box: 0.5008, Acc.column: 0.7063, Acc.signboard: 0.5515, Acc.chest of drawers: 0.7055, Acc.counter: 0.5889, Acc.sand: 0.8623, Acc.sink: 0.8837, Acc.skyscraper: 0.6480, Acc.fireplace: 0.9432, Acc.refrigerator: 0.9183, Acc.grandstand: 0.8666, Acc.path: 0.3889, Acc.stairs: 0.5303, Acc.runway: 0.9418, Acc.case: 0.8036, Acc.pool table: 0.9816, Acc.pillow: 0.7026, Acc.screen door: 0.8545, Acc.stairway: 0.5230, Acc.river: 0.2300, Acc.bridge: 0.7639, Acc.bookcase: 0.5961, Acc.blind: 0.4720, Acc.coffee table: 0.8390, Acc.toilet: 0.9462, Acc.flower: 0.6675, Acc.book: 0.7910, Acc.hill: 0.2115, Acc.bench: 0.7196, Acc.countertop: 0.8166, Acc.stove: 0.8964, Acc.palm: 0.8204, Acc.kitchen island: 0.6587, Acc.computer: 0.9338, Acc.swivel chair: 0.5476, Acc.boat: 0.9015, Acc.bar: 0.8133, Acc.arcade machine: 0.8627, Acc.hovel: 0.1595, Acc.bus: 0.9644, Acc.towel: 0.8698, Acc.light: 0.6202, Acc.truck: 0.5717, Acc.tower: 0.3328, Acc.chandelier: 0.8458, Acc.awning: 0.4504, Acc.streetlight: 0.3637, Acc.booth: 0.7025, Acc.television receiver: 0.9091, Acc.airplane: 0.7874, Acc.dirt track: 0.1423, Acc.apparel: 0.7346, Acc.pole: 0.3306, Acc.land: 0.0352, Acc.bannister: 0.1681, Acc.escalator: 0.8606, Acc.ottoman: 0.6459, Acc.bottle: 0.7240, Acc.buffet: 0.5646, Acc.poster: 0.2383, Acc.stage: 0.7057, Acc.van: 0.6857, Acc.ship: 0.8473, Acc.fountain: 0.5388, Acc.conveyer belt: 0.9746, Acc.canopy: 0.7138, Acc.washer: 0.9410, Acc.plaything: 0.5930, Acc.swimming pool: 0.8620, Acc.stool: 0.6635, Acc.barrel: 0.7196, Acc.basket: 0.5731, Acc.waterfall: 0.6248, Acc.tent: 0.9827, Acc.bag: 0.2521, Acc.minibike: 0.8841, Acc.cradle: 0.9802, Acc.oven: 0.7612, Acc.ball: 0.6729, Acc.food: 0.7050, Acc.step: 0.2525, Acc.tank: 0.9366, Acc.trade name: 0.3248, Acc.microwave: 0.9366, Acc.pot: 0.6739, Acc.animal: 0.7149, Acc.bicycle: 0.7553, Acc.lake: 0.6368, Acc.dishwasher: 0.8096, Acc.screen: 0.6851, Acc.blanket: 0.2847, Acc.sculpture: 0.8582, Acc.hood: 0.7530, Acc.sconce: 0.6633, Acc.vase: 0.6431, Acc.traffic light: 0.5400, Acc.tray: 0.2001, Acc.ashcan: 0.6358, Acc.fan: 0.8026, Acc.pier: 0.4469, Acc.crt screen: 0.0341, Acc.plate: 0.7513, Acc.monitor: 0.8266, Acc.bulletin board: 0.6906, Acc.shower: 0.1147, Acc.radiator: 0.7381, Acc.glass: 0.2331, Acc.clock: 0.5548, Acc.flag: 0.7507 2024-01-18 15:23:06,610 - mmseg - INFO - Iter [48050/80000] lr: 1.598e-05, eta: 12:34:47, time: 4.349, data_time: 3.150, memory: 59004, decode.loss_ce: 0.1287, decode.acc_seg: 94.2533, aux.loss_ce: 0.0660, aux.acc_seg: 92.8813, loss: 0.1947 2024-01-18 15:24:06,798 - mmseg - INFO - Iter [48100/80000] lr: 1.595e-05, eta: 12:33:29, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1323, decode.acc_seg: 94.2033, aux.loss_ce: 0.0682, aux.acc_seg: 92.7649, loss: 0.2006 2024-01-18 15:25:07,188 - mmseg - INFO - Iter [48150/80000] lr: 1.593e-05, eta: 12:32:12, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1329, decode.acc_seg: 94.0643, aux.loss_ce: 0.0690, aux.acc_seg: 92.5095, loss: 0.2019 2024-01-18 15:26:07,559 - mmseg - INFO - Iter [48200/80000] lr: 1.590e-05, eta: 12:30:54, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1230, decode.acc_seg: 94.3201, aux.loss_ce: 0.0628, aux.acc_seg: 92.9913, loss: 0.1858 2024-01-18 15:27:07,938 - mmseg - INFO - Iter [48250/80000] lr: 1.588e-05, eta: 12:29:36, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1310, decode.acc_seg: 94.0986, aux.loss_ce: 0.0678, aux.acc_seg: 92.6218, loss: 0.1988 2024-01-18 15:28:08,258 - mmseg - INFO - Iter [48300/80000] lr: 1.585e-05, eta: 12:28:18, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1332, decode.acc_seg: 94.0691, aux.loss_ce: 0.0695, aux.acc_seg: 92.5149, loss: 0.2027 2024-01-18 15:29:08,606 - mmseg - INFO - Iter [48350/80000] lr: 1.583e-05, eta: 12:27:01, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1360, decode.acc_seg: 93.8796, aux.loss_ce: 0.0715, aux.acc_seg: 92.2634, loss: 0.2075 2024-01-18 15:30:08,902 - mmseg - INFO - Iter [48400/80000] lr: 1.580e-05, eta: 12:25:43, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1175, decode.acc_seg: 94.6044, aux.loss_ce: 0.0622, aux.acc_seg: 93.0436, loss: 0.1796 2024-01-18 15:31:09,168 - mmseg - INFO - Iter [48450/80000] lr: 1.578e-05, eta: 12:24:25, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1291, decode.acc_seg: 94.3603, aux.loss_ce: 0.0671, aux.acc_seg: 92.9064, loss: 0.1962 2024-01-18 15:32:09,450 - mmseg - INFO - Iter [48500/80000] lr: 1.575e-05, eta: 12:23:08, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1300, decode.acc_seg: 94.2268, aux.loss_ce: 0.0677, aux.acc_seg: 92.7286, loss: 0.1976 2024-01-18 15:33:09,931 - mmseg - INFO - Iter [48550/80000] lr: 1.573e-05, eta: 12:21:50, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1319, decode.acc_seg: 94.0975, aux.loss_ce: 0.0689, aux.acc_seg: 92.5828, loss: 0.2008 2024-01-18 15:34:10,194 - mmseg - INFO - Iter [48600/80000] lr: 1.570e-05, eta: 12:20:33, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1327, decode.acc_seg: 94.2679, aux.loss_ce: 0.0689, aux.acc_seg: 92.8259, loss: 0.2016 2024-01-18 15:35:10,460 - mmseg - INFO - Iter [48650/80000] lr: 1.568e-05, eta: 12:19:15, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1320, decode.acc_seg: 94.1659, aux.loss_ce: 0.0690, aux.acc_seg: 92.6925, loss: 0.2010 2024-01-18 15:36:10,849 - mmseg - INFO - Iter [48700/80000] lr: 1.565e-05, eta: 12:17:58, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1300, decode.acc_seg: 94.0734, aux.loss_ce: 0.0691, aux.acc_seg: 92.4104, loss: 0.1991 2024-01-18 15:37:11,285 - mmseg - INFO - Iter [48750/80000] lr: 1.563e-05, eta: 12:16:40, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1269, decode.acc_seg: 94.4085, aux.loss_ce: 0.0660, aux.acc_seg: 92.9270, loss: 0.1929 2024-01-18 15:38:11,640 - mmseg - INFO - Iter [48800/80000] lr: 1.560e-05, eta: 12:15:23, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1354, decode.acc_seg: 94.0737, aux.loss_ce: 0.0691, aux.acc_seg: 92.6102, loss: 0.2045 2024-01-18 15:39:12,018 - mmseg - INFO - Iter [48850/80000] lr: 1.558e-05, eta: 12:14:06, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1267, decode.acc_seg: 94.2521, aux.loss_ce: 0.0671, aux.acc_seg: 92.6676, loss: 0.1938 2024-01-18 15:40:12,347 - mmseg - INFO - Iter [48900/80000] lr: 1.555e-05, eta: 12:12:49, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1300, decode.acc_seg: 94.1066, aux.loss_ce: 0.0682, aux.acc_seg: 92.5854, loss: 0.1982 2024-01-18 15:41:12,662 - mmseg - INFO - Iter [48950/80000] lr: 1.553e-05, eta: 12:11:31, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1264, decode.acc_seg: 94.2510, aux.loss_ce: 0.0677, aux.acc_seg: 92.7303, loss: 0.1941 2024-01-18 15:42:13,133 - mmseg - INFO - Saving checkpoint at 49000 iterations 2024-01-18 15:42:58,241 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 15:42:58,241 - mmseg - INFO - Iter [49000/80000] lr: 1.550e-05, eta: 12:10:43, time: 2.112, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1408, decode.acc_seg: 94.0212, aux.loss_ce: 0.0711, aux.acc_seg: 92.5958, loss: 0.2119 2024-01-18 15:45:35,885 - mmseg - INFO - per class results: 2024-01-18 15:45:35,892 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.52 | 91.03 | | building | 85.08 | 94.02 | | sky | 94.38 | 96.48 | | floor | 83.49 | 91.6 | | tree | 76.32 | 90.04 | | ceiling | 85.22 | 90.52 | | road | 86.09 | 91.43 | | bed | 92.02 | 97.48 | | windowpane | 66.03 | 82.12 | | grass | 69.73 | 81.98 | | cabinet | 63.96 | 73.64 | | sidewalk | 69.18 | 82.73 | | person | 84.64 | 94.45 | | earth | 41.73 | 56.34 | | door | 56.21 | 68.3 | | table | 68.46 | 80.35 | | mountain | 60.82 | 74.53 | | plant | 55.39 | 67.25 | | curtain | 78.79 | 88.41 | | chair | 65.07 | 77.09 | | car | 86.6 | 94.26 | | water | 63.06 | 79.68 | | painting | 75.17 | 89.03 | | sofa | 78.29 | 87.84 | | shelf | 43.99 | 55.65 | | house | 47.41 | 63.36 | | sea | 72.42 | 82.26 | | mirror | 75.65 | 84.34 | | rug | 58.5 | 68.84 | | field | 32.63 | 48.91 | | armchair | 56.06 | 73.56 | | seat | 69.32 | 88.08 | | fence | 48.49 | 62.98 | | desk | 57.78 | 78.56 | | rock | 52.01 | 78.98 | | wardrobe | 55.97 | 75.52 | | lamp | 73.47 | 83.43 | | bathtub | 83.49 | 87.55 | | railing | 39.41 | 52.57 | | cushion | 69.74 | 83.15 | | base | 39.37 | 55.36 | | box | 41.33 | 50.94 | | column | 56.17 | 66.51 | | signboard | 39.73 | 55.18 | | chest of drawers | 46.77 | 63.89 | | counter | 58.33 | 73.1 | | sand | 58.12 | 83.72 | | sink | 78.17 | 86.09 | | skyscraper | 54.25 | 59.47 | | fireplace | 75.69 | 95.49 | | refrigerator | 81.52 | 91.49 | | grandstand | 58.23 | 83.6 | | path | 25.09 | 32.08 | | stairs | 39.74 | 45.53 | | runway | 72.67 | 96.22 | | case | 66.89 | 81.94 | | pool table | 94.34 | 98.26 | | pillow | 67.54 | 77.88 | | screen door | 67.64 | 73.87 | | stairway | 35.84 | 53.11 | | river | 12.72 | 26.2 | | bridge | 60.03 | 78.61 | | bookcase | 45.02 | 66.85 | | blind | 38.07 | 42.6 | | coffee table | 64.44 | 87.55 | | toilet | 91.97 | 95.1 | | flower | 46.3 | 61.55 | | book | 54.0 | 76.85 | | hill | 5.77 | 9.69 | | bench | 65.63 | 73.1 | | countertop | 67.59 | 84.72 | | stove | 84.67 | 90.92 | | palm | 58.44 | 79.87 | | kitchen island | 42.55 | 71.85 | | computer | 77.33 | 89.52 | | swivel chair | 41.03 | 56.35 | | boat | 74.99 | 88.96 | | bar | 70.92 | 82.35 | | arcade machine | 83.48 | 87.68 | | hovel | 14.5 | 15.66 | | bus | 92.46 | 95.32 | | towel | 77.45 | 85.37 | | light | 57.09 | 65.31 | | truck | 48.42 | 59.22 | | tower | 27.88 | 44.14 | | chandelier | 71.9 | 84.2 | | awning | 42.04 | 53.51 | | streetlight | 30.27 | 34.88 | | booth | 52.39 | 64.26 | | television receiver | 84.86 | 90.45 | | airplane | 66.83 | 73.42 | | dirt track | 5.8 | 11.99 | | apparel | 63.63 | 78.29 | | pole | 32.0 | 50.03 | | land | 3.7 | 5.26 | | bannister | 11.81 | 14.5 | | escalator | 62.12 | 86.87 | | ottoman | 56.39 | 70.0 | | bottle | 41.12 | 66.93 | | buffet | 57.04 | 63.67 | | poster | 25.82 | 34.51 | | stage | 30.8 | 71.89 | | van | 51.89 | 65.14 | | ship | 73.81 | 90.4 | | fountain | 56.15 | 58.62 | | conveyer belt | 79.91 | 98.23 | | canopy | 48.17 | 66.04 | | washer | 89.44 | 95.19 | | plaything | 32.98 | 54.91 | | swimming pool | 61.27 | 92.49 | | stool | 50.96 | 62.06 | | barrel | 62.98 | 72.49 | | basket | 46.65 | 56.53 | | waterfall | 53.27 | 62.37 | | tent | 93.49 | 98.18 | | bag | 27.23 | 30.5 | | minibike | 74.63 | 89.01 | | cradle | 83.83 | 98.57 | | oven | 63.26 | 73.06 | | ball | 59.83 | 67.58 | | food | 57.83 | 68.1 | | step | 14.23 | 14.99 | | tank | 84.71 | 95.32 | | trade name | 22.72 | 25.23 | | microwave | 87.95 | 95.03 | | pot | 57.42 | 68.23 | | animal | 67.32 | 68.69 | | bicycle | 57.51 | 73.47 | | lake | 61.02 | 63.77 | | dishwasher | 70.41 | 77.31 | | screen | 52.52 | 69.46 | | blanket | 21.9 | 26.52 | | sculpture | 74.21 | 86.02 | | hood | 58.28 | 65.16 | | sconce | 54.57 | 64.59 | | vase | 43.98 | 56.51 | | traffic light | 35.8 | 52.84 | | tray | 21.54 | 29.27 | | ashcan | 51.68 | 61.51 | | fan | 67.53 | 81.55 | | pier | 43.1 | 47.75 | | crt screen | 4.09 | 6.2 | | plate | 59.92 | 79.44 | | monitor | 67.18 | 82.68 | | bulletin board | 62.44 | 74.44 | | shower | 9.95 | 10.38 | | radiator | 65.4 | 78.49 | | glass | 19.19 | 20.27 | | clock | 50.77 | 56.63 | | flag | 68.5 | 75.01 | +---------------------+-------+-------+ 2024-01-18 15:45:35,892 - mmseg - INFO - Summary: 2024-01-18 15:45:35,892 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.79 | 57.51 | 69.26 | +-------+-------+-------+ 2024-01-18 15:45:35,893 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 15:45:35,893 - mmseg - INFO - Iter(val) [250] aAcc: 0.8579, mIoU: 0.5751, mAcc: 0.6926, IoU.wall: 0.8152, IoU.building: 0.8508, IoU.sky: 0.9438, IoU.floor: 0.8349, IoU.tree: 0.7632, IoU.ceiling: 0.8522, IoU.road: 0.8609, IoU.bed : 0.9202, IoU.windowpane: 0.6603, IoU.grass: 0.6973, IoU.cabinet: 0.6396, IoU.sidewalk: 0.6918, IoU.person: 0.8464, IoU.earth: 0.4173, IoU.door: 0.5621, IoU.table: 0.6846, IoU.mountain: 0.6082, IoU.plant: 0.5539, IoU.curtain: 0.7879, IoU.chair: 0.6507, IoU.car: 0.8660, IoU.water: 0.6306, IoU.painting: 0.7517, IoU.sofa: 0.7829, IoU.shelf: 0.4399, IoU.house: 0.4741, IoU.sea: 0.7242, IoU.mirror: 0.7565, IoU.rug: 0.5850, IoU.field: 0.3263, IoU.armchair: 0.5606, IoU.seat: 0.6932, IoU.fence: 0.4849, IoU.desk: 0.5778, IoU.rock: 0.5201, IoU.wardrobe: 0.5597, IoU.lamp: 0.7347, IoU.bathtub: 0.8349, IoU.railing: 0.3941, IoU.cushion: 0.6974, IoU.base: 0.3937, IoU.box: 0.4133, IoU.column: 0.5617, IoU.signboard: 0.3973, IoU.chest of drawers: 0.4677, IoU.counter: 0.5833, IoU.sand: 0.5812, IoU.sink: 0.7817, IoU.skyscraper: 0.5425, IoU.fireplace: 0.7569, IoU.refrigerator: 0.8152, IoU.grandstand: 0.5823, IoU.path: 0.2509, IoU.stairs: 0.3974, IoU.runway: 0.7267, IoU.case: 0.6689, IoU.pool table: 0.9434, IoU.pillow: 0.6754, IoU.screen door: 0.6764, IoU.stairway: 0.3584, IoU.river: 0.1272, IoU.bridge: 0.6003, IoU.bookcase: 0.4502, IoU.blind: 0.3807, IoU.coffee table: 0.6444, IoU.toilet: 0.9197, IoU.flower: 0.4630, IoU.book: 0.5400, IoU.hill: 0.0577, IoU.bench: 0.6563, IoU.countertop: 0.6759, IoU.stove: 0.8467, IoU.palm: 0.5844, IoU.kitchen island: 0.4255, IoU.computer: 0.7733, IoU.swivel chair: 0.4103, IoU.boat: 0.7499, IoU.bar: 0.7092, IoU.arcade machine: 0.8348, IoU.hovel: 0.1450, IoU.bus: 0.9246, IoU.towel: 0.7745, IoU.light: 0.5709, IoU.truck: 0.4842, IoU.tower: 0.2788, IoU.chandelier: 0.7190, IoU.awning: 0.4204, IoU.streetlight: 0.3027, IoU.booth: 0.5239, IoU.television receiver: 0.8486, IoU.airplane: 0.6683, IoU.dirt track: 0.0580, IoU.apparel: 0.6363, IoU.pole: 0.3200, IoU.land: 0.0370, IoU.bannister: 0.1181, IoU.escalator: 0.6212, IoU.ottoman: 0.5639, IoU.bottle: 0.4112, IoU.buffet: 0.5704, IoU.poster: 0.2582, IoU.stage: 0.3080, IoU.van: 0.5189, IoU.ship: 0.7381, IoU.fountain: 0.5615, IoU.conveyer belt: 0.7991, IoU.canopy: 0.4817, IoU.washer: 0.8944, IoU.plaything: 0.3298, IoU.swimming pool: 0.6127, IoU.stool: 0.5096, IoU.barrel: 0.6298, IoU.basket: 0.4665, IoU.waterfall: 0.5327, IoU.tent: 0.9349, IoU.bag: 0.2723, IoU.minibike: 0.7463, IoU.cradle: 0.8383, IoU.oven: 0.6326, IoU.ball: 0.5983, IoU.food: 0.5783, IoU.step: 0.1423, IoU.tank: 0.8471, IoU.trade name: 0.2272, IoU.microwave: 0.8795, IoU.pot: 0.5742, IoU.animal: 0.6732, IoU.bicycle: 0.5751, IoU.lake: 0.6102, IoU.dishwasher: 0.7041, IoU.screen: 0.5252, IoU.blanket: 0.2190, IoU.sculpture: 0.7421, IoU.hood: 0.5828, IoU.sconce: 0.5457, IoU.vase: 0.4398, IoU.traffic light: 0.3580, IoU.tray: 0.2154, IoU.ashcan: 0.5168, IoU.fan: 0.6753, IoU.pier: 0.4310, IoU.crt screen: 0.0409, IoU.plate: 0.5992, IoU.monitor: 0.6718, IoU.bulletin board: 0.6244, IoU.shower: 0.0995, IoU.radiator: 0.6540, IoU.glass: 0.1919, IoU.clock: 0.5077, IoU.flag: 0.6850, Acc.wall: 0.9103, Acc.building: 0.9402, Acc.sky: 0.9648, Acc.floor: 0.9160, Acc.tree: 0.9004, Acc.ceiling: 0.9052, Acc.road: 0.9143, Acc.bed : 0.9748, Acc.windowpane: 0.8212, Acc.grass: 0.8198, Acc.cabinet: 0.7364, Acc.sidewalk: 0.8273, Acc.person: 0.9445, Acc.earth: 0.5634, Acc.door: 0.6830, Acc.table: 0.8035, Acc.mountain: 0.7453, Acc.plant: 0.6725, Acc.curtain: 0.8841, Acc.chair: 0.7709, Acc.car: 0.9426, Acc.water: 0.7968, Acc.painting: 0.8903, Acc.sofa: 0.8784, Acc.shelf: 0.5565, Acc.house: 0.6336, Acc.sea: 0.8226, Acc.mirror: 0.8434, Acc.rug: 0.6884, Acc.field: 0.4891, Acc.armchair: 0.7356, Acc.seat: 0.8808, Acc.fence: 0.6298, Acc.desk: 0.7856, Acc.rock: 0.7898, Acc.wardrobe: 0.7552, Acc.lamp: 0.8343, Acc.bathtub: 0.8755, Acc.railing: 0.5257, Acc.cushion: 0.8315, Acc.base: 0.5536, Acc.box: 0.5094, Acc.column: 0.6651, Acc.signboard: 0.5518, Acc.chest of drawers: 0.6389, Acc.counter: 0.7310, Acc.sand: 0.8372, Acc.sink: 0.8609, Acc.skyscraper: 0.5947, Acc.fireplace: 0.9549, Acc.refrigerator: 0.9149, Acc.grandstand: 0.8360, Acc.path: 0.3208, Acc.stairs: 0.4553, Acc.runway: 0.9622, Acc.case: 0.8194, Acc.pool table: 0.9826, Acc.pillow: 0.7788, Acc.screen door: 0.7387, Acc.stairway: 0.5311, Acc.river: 0.2620, Acc.bridge: 0.7861, Acc.bookcase: 0.6685, Acc.blind: 0.4260, Acc.coffee table: 0.8755, Acc.toilet: 0.9510, Acc.flower: 0.6155, Acc.book: 0.7685, Acc.hill: 0.0969, Acc.bench: 0.7310, Acc.countertop: 0.8472, Acc.stove: 0.9092, Acc.palm: 0.7987, Acc.kitchen island: 0.7185, Acc.computer: 0.8952, Acc.swivel chair: 0.5635, Acc.boat: 0.8896, Acc.bar: 0.8235, Acc.arcade machine: 0.8768, Acc.hovel: 0.1566, Acc.bus: 0.9532, Acc.towel: 0.8537, Acc.light: 0.6531, Acc.truck: 0.5922, Acc.tower: 0.4414, Acc.chandelier: 0.8420, Acc.awning: 0.5351, Acc.streetlight: 0.3488, Acc.booth: 0.6426, Acc.television receiver: 0.9045, Acc.airplane: 0.7342, Acc.dirt track: 0.1199, Acc.apparel: 0.7829, Acc.pole: 0.5003, Acc.land: 0.0526, Acc.bannister: 0.1450, Acc.escalator: 0.8687, Acc.ottoman: 0.7000, Acc.bottle: 0.6693, Acc.buffet: 0.6367, Acc.poster: 0.3451, Acc.stage: 0.7189, Acc.van: 0.6514, Acc.ship: 0.9040, Acc.fountain: 0.5862, Acc.conveyer belt: 0.9823, Acc.canopy: 0.6604, Acc.washer: 0.9519, Acc.plaything: 0.5491, Acc.swimming pool: 0.9249, Acc.stool: 0.6206, Acc.barrel: 0.7249, Acc.basket: 0.5653, Acc.waterfall: 0.6237, Acc.tent: 0.9818, Acc.bag: 0.3050, Acc.minibike: 0.8901, Acc.cradle: 0.9857, Acc.oven: 0.7306, Acc.ball: 0.6758, Acc.food: 0.6810, Acc.step: 0.1499, Acc.tank: 0.9532, Acc.trade name: 0.2523, Acc.microwave: 0.9503, Acc.pot: 0.6823, Acc.animal: 0.6869, Acc.bicycle: 0.7347, Acc.lake: 0.6377, Acc.dishwasher: 0.7731, Acc.screen: 0.6946, Acc.blanket: 0.2652, Acc.sculpture: 0.8602, Acc.hood: 0.6516, Acc.sconce: 0.6459, Acc.vase: 0.5651, Acc.traffic light: 0.5284, Acc.tray: 0.2927, Acc.ashcan: 0.6151, Acc.fan: 0.8155, Acc.pier: 0.4775, Acc.crt screen: 0.0620, Acc.plate: 0.7944, Acc.monitor: 0.8268, Acc.bulletin board: 0.7444, Acc.shower: 0.1038, Acc.radiator: 0.7849, Acc.glass: 0.2027, Acc.clock: 0.5663, Acc.flag: 0.7501 2024-01-18 15:46:36,675 - mmseg - INFO - Iter [49050/80000] lr: 1.548e-05, eta: 12:11:05, time: 4.369, data_time: 3.169, memory: 59004, decode.loss_ce: 0.1392, decode.acc_seg: 93.7350, aux.loss_ce: 0.0717, aux.acc_seg: 92.1444, loss: 0.2110 2024-01-18 15:47:36,982 - mmseg - INFO - Iter [49100/80000] lr: 1.545e-05, eta: 12:09:48, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1382, decode.acc_seg: 94.0151, aux.loss_ce: 0.0728, aux.acc_seg: 92.2473, loss: 0.2111 2024-01-18 15:48:37,291 - mmseg - INFO - Iter [49150/80000] lr: 1.543e-05, eta: 12:08:30, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1371, decode.acc_seg: 94.0559, aux.loss_ce: 0.0709, aux.acc_seg: 92.3574, loss: 0.2080 2024-01-18 15:49:37,789 - mmseg - INFO - Iter [49200/80000] lr: 1.540e-05, eta: 12:07:13, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1268, decode.acc_seg: 94.1877, aux.loss_ce: 0.0671, aux.acc_seg: 92.6475, loss: 0.1939 2024-01-18 15:50:38,183 - mmseg - INFO - Iter [49250/80000] lr: 1.538e-05, eta: 12:05:55, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1225, decode.acc_seg: 94.4838, aux.loss_ce: 0.0647, aux.acc_seg: 92.9725, loss: 0.1872 2024-01-18 15:51:40,756 - mmseg - INFO - Iter [49300/80000] lr: 1.535e-05, eta: 12:04:40, time: 1.251, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1245, decode.acc_seg: 94.2549, aux.loss_ce: 0.0642, aux.acc_seg: 92.9377, loss: 0.1887 2024-01-18 15:52:41,166 - mmseg - INFO - Iter [49350/80000] lr: 1.533e-05, eta: 12:03:22, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1372, decode.acc_seg: 93.8967, aux.loss_ce: 0.0709, aux.acc_seg: 92.3627, loss: 0.2081 2024-01-18 15:53:41,479 - mmseg - INFO - Iter [49400/80000] lr: 1.530e-05, eta: 12:02:05, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1367, decode.acc_seg: 93.8460, aux.loss_ce: 0.0716, aux.acc_seg: 92.2294, loss: 0.2083 2024-01-18 15:54:41,762 - mmseg - INFO - Iter [49450/80000] lr: 1.528e-05, eta: 12:00:48, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1254, decode.acc_seg: 94.2066, aux.loss_ce: 0.0651, aux.acc_seg: 92.8309, loss: 0.1904 2024-01-18 15:55:42,051 - mmseg - INFO - Iter [49500/80000] lr: 1.525e-05, eta: 11:59:30, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1163, decode.acc_seg: 94.8478, aux.loss_ce: 0.0625, aux.acc_seg: 93.2847, loss: 0.1787 2024-01-18 15:56:42,566 - mmseg - INFO - Iter [49550/80000] lr: 1.523e-05, eta: 11:58:13, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1284, decode.acc_seg: 94.2218, aux.loss_ce: 0.0679, aux.acc_seg: 92.5818, loss: 0.1964 2024-01-18 15:57:42,911 - mmseg - INFO - Iter [49600/80000] lr: 1.520e-05, eta: 11:56:56, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1210, decode.acc_seg: 94.5455, aux.loss_ce: 0.0662, aux.acc_seg: 92.7340, loss: 0.1871 2024-01-18 15:58:43,286 - mmseg - INFO - Iter [49650/80000] lr: 1.518e-05, eta: 11:55:39, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1264, decode.acc_seg: 94.3668, aux.loss_ce: 0.0659, aux.acc_seg: 92.9634, loss: 0.1923 2024-01-18 15:59:43,700 - mmseg - INFO - Iter [49700/80000] lr: 1.515e-05, eta: 11:54:22, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1251, decode.acc_seg: 94.4567, aux.loss_ce: 0.0665, aux.acc_seg: 92.7792, loss: 0.1916 2024-01-18 16:00:44,210 - mmseg - INFO - Iter [49750/80000] lr: 1.513e-05, eta: 11:53:05, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1243, decode.acc_seg: 94.4255, aux.loss_ce: 0.0665, aux.acc_seg: 92.9262, loss: 0.1908 2024-01-18 16:01:44,556 - mmseg - INFO - Iter [49800/80000] lr: 1.510e-05, eta: 11:51:48, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1229, decode.acc_seg: 94.4511, aux.loss_ce: 0.0667, aux.acc_seg: 92.7362, loss: 0.1896 2024-01-18 16:02:44,864 - mmseg - INFO - Iter [49850/80000] lr: 1.508e-05, eta: 11:50:31, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1293, decode.acc_seg: 94.3311, aux.loss_ce: 0.0675, aux.acc_seg: 92.7028, loss: 0.1967 2024-01-18 16:03:45,138 - mmseg - INFO - Iter [49900/80000] lr: 1.505e-05, eta: 11:49:14, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1330, decode.acc_seg: 94.1156, aux.loss_ce: 0.0687, aux.acc_seg: 92.7649, loss: 0.2017 2024-01-18 16:04:45,373 - mmseg - INFO - Iter [49950/80000] lr: 1.503e-05, eta: 11:47:57, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1247, decode.acc_seg: 94.4367, aux.loss_ce: 0.0654, aux.acc_seg: 92.8039, loss: 0.1902 2024-01-18 16:05:45,618 - mmseg - INFO - Saving checkpoint at 50000 iterations 2024-01-18 16:06:35,071 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 16:06:35,071 - mmseg - INFO - Iter [50000/80000] lr: 1.500e-05, eta: 11:47:10, time: 2.194, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1273, decode.acc_seg: 94.1201, aux.loss_ce: 0.0658, aux.acc_seg: 92.7018, loss: 0.1931 2024-01-18 16:09:13,900 - mmseg - INFO - per class results: 2024-01-18 16:09:13,907 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.59 | 91.22 | | building | 85.35 | 94.28 | | sky | 94.81 | 97.74 | | floor | 83.26 | 92.23 | | tree | 75.47 | 88.8 | | ceiling | 85.45 | 91.64 | | road | 86.46 | 91.48 | | bed | 92.15 | 97.41 | | windowpane | 65.03 | 80.37 | | grass | 69.24 | 82.25 | | cabinet | 65.2 | 73.21 | | sidewalk | 71.02 | 85.0 | | person | 84.83 | 94.34 | | earth | 40.81 | 53.03 | | door | 59.27 | 74.13 | | table | 68.23 | 79.93 | | mountain | 62.55 | 75.78 | | plant | 55.64 | 66.81 | | curtain | 78.32 | 88.15 | | chair | 64.36 | 77.65 | | car | 87.13 | 92.99 | | water | 62.84 | 79.73 | | painting | 74.94 | 89.14 | | sofa | 78.52 | 88.73 | | shelf | 46.61 | 63.82 | | house | 47.25 | 56.32 | | sea | 71.32 | 81.65 | | mirror | 75.89 | 85.03 | | rug | 62.52 | 72.17 | | field | 32.91 | 47.29 | | armchair | 54.96 | 69.66 | | seat | 66.17 | 89.84 | | fence | 47.64 | 61.32 | | desk | 59.66 | 79.88 | | rock | 54.42 | 76.24 | | wardrobe | 55.91 | 68.88 | | lamp | 73.36 | 85.34 | | bathtub | 82.86 | 86.7 | | railing | 39.16 | 53.26 | | cushion | 67.62 | 84.42 | | base | 40.52 | 54.99 | | box | 39.8 | 48.22 | | column | 58.32 | 67.23 | | signboard | 39.61 | 52.48 | | chest of drawers | 51.53 | 72.36 | | counter | 56.83 | 68.42 | | sand | 58.0 | 85.85 | | sink | 79.64 | 89.26 | | skyscraper | 51.46 | 55.63 | | fireplace | 77.24 | 90.56 | | refrigerator | 79.28 | 89.73 | | grandstand | 54.78 | 82.29 | | path | 27.46 | 36.9 | | stairs | 42.12 | 49.6 | | runway | 74.25 | 94.75 | | case | 64.13 | 78.02 | | pool table | 94.67 | 97.89 | | pillow | 60.9 | 66.74 | | screen door | 75.53 | 80.47 | | stairway | 42.81 | 59.79 | | river | 12.6 | 26.08 | | bridge | 70.29 | 75.57 | | bookcase | 45.71 | 62.68 | | blind | 33.82 | 36.83 | | coffee table | 64.54 | 84.98 | | toilet | 91.8 | 95.99 | | flower | 47.46 | 64.32 | | book | 55.14 | 76.13 | | hill | 5.49 | 9.1 | | bench | 62.9 | 69.03 | | countertop | 65.6 | 83.85 | | stove | 85.29 | 91.22 | | palm | 55.33 | 78.21 | | kitchen island | 39.96 | 64.89 | | computer | 78.5 | 88.27 | | swivel chair | 42.65 | 59.61 | | boat | 77.74 | 89.92 | | bar | 75.92 | 88.96 | | arcade machine | 84.22 | 87.47 | | hovel | 17.62 | 19.07 | | bus | 90.8 | 96.37 | | towel | 76.51 | 85.8 | | light | 58.56 | 66.52 | | truck | 48.47 | 57.94 | | tower | 32.69 | 55.09 | | chandelier | 71.62 | 82.29 | | awning | 41.76 | 52.85 | | streetlight | 30.16 | 35.69 | | booth | 48.65 | 58.67 | | television receiver | 83.94 | 89.04 | | airplane | 65.33 | 71.18 | | dirt track | 10.24 | 18.57 | | apparel | 59.44 | 82.11 | | pole | 30.91 | 51.12 | | land | 3.0 | 5.55 | | bannister | 14.27 | 22.0 | | escalator | 59.39 | 81.44 | | ottoman | 54.98 | 64.34 | | bottle | 44.07 | 70.12 | | buffet | 58.23 | 64.48 | | poster | 22.77 | 25.7 | | stage | 33.41 | 65.89 | | van | 50.67 | 70.3 | | ship | 72.47 | 81.1 | | fountain | 51.5 | 53.58 | | conveyer belt | 82.44 | 97.58 | | canopy | 52.9 | 71.76 | | washer | 89.87 | 95.68 | | plaything | 38.19 | 59.48 | | swimming pool | 59.87 | 90.11 | | stool | 46.52 | 67.13 | | barrel | 63.78 | 72.77 | | basket | 46.39 | 56.88 | | waterfall | 52.04 | 61.08 | | tent | 95.09 | 97.81 | | bag | 29.4 | 33.67 | | minibike | 75.26 | 87.78 | | cradle | 84.14 | 98.42 | | oven | 63.77 | 74.34 | | ball | 42.48 | 45.01 | | food | 60.7 | 73.7 | | step | 13.48 | 14.19 | | tank | 82.82 | 94.65 | | trade name | 24.54 | 26.96 | | microwave | 87.05 | 95.11 | | pot | 57.31 | 65.82 | | animal | 68.23 | 70.13 | | bicycle | 56.56 | 71.06 | | lake | 61.07 | 63.74 | | dishwasher | 70.06 | 79.86 | | screen | 45.97 | 64.98 | | blanket | 23.87 | 28.85 | | sculpture | 73.04 | 86.0 | | hood | 62.05 | 70.69 | | sconce | 53.48 | 62.79 | | vase | 43.71 | 61.52 | | traffic light | 36.46 | 50.75 | | tray | 21.12 | 27.93 | | ashcan | 53.69 | 69.26 | | fan | 67.81 | 77.39 | | pier | 38.68 | 41.72 | | crt screen | 5.45 | 8.68 | | plate | 60.52 | 76.08 | | monitor | 64.85 | 80.31 | | bulletin board | 55.74 | 62.5 | | shower | 12.53 | 13.97 | | radiator | 63.3 | 71.65 | | glass | 20.32 | 21.53 | | clock | 50.23 | 56.13 | | flag | 68.04 | 72.74 | +---------------------+-------+-------+ 2024-01-18 16:09:13,907 - mmseg - INFO - Summary: 2024-01-18 16:09:13,907 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.95 | 57.54 | 68.93 | +-------+-------+-------+ 2024-01-18 16:09:13,908 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 16:09:13,908 - mmseg - INFO - Iter(val) [250] aAcc: 0.8595, mIoU: 0.5754, mAcc: 0.6893, IoU.wall: 0.8159, IoU.building: 0.8535, IoU.sky: 0.9481, IoU.floor: 0.8326, IoU.tree: 0.7547, IoU.ceiling: 0.8545, IoU.road: 0.8646, IoU.bed : 0.9215, IoU.windowpane: 0.6503, IoU.grass: 0.6924, IoU.cabinet: 0.6520, IoU.sidewalk: 0.7102, IoU.person: 0.8483, IoU.earth: 0.4081, IoU.door: 0.5927, IoU.table: 0.6823, IoU.mountain: 0.6255, IoU.plant: 0.5564, IoU.curtain: 0.7832, IoU.chair: 0.6436, IoU.car: 0.8713, IoU.water: 0.6284, IoU.painting: 0.7494, IoU.sofa: 0.7852, IoU.shelf: 0.4661, IoU.house: 0.4725, IoU.sea: 0.7132, IoU.mirror: 0.7589, IoU.rug: 0.6252, IoU.field: 0.3291, IoU.armchair: 0.5496, IoU.seat: 0.6617, IoU.fence: 0.4764, IoU.desk: 0.5966, IoU.rock: 0.5442, IoU.wardrobe: 0.5591, IoU.lamp: 0.7336, IoU.bathtub: 0.8286, IoU.railing: 0.3916, IoU.cushion: 0.6762, IoU.base: 0.4052, IoU.box: 0.3980, IoU.column: 0.5832, IoU.signboard: 0.3961, IoU.chest of drawers: 0.5153, IoU.counter: 0.5683, IoU.sand: 0.5800, IoU.sink: 0.7964, IoU.skyscraper: 0.5146, IoU.fireplace: 0.7724, IoU.refrigerator: 0.7928, IoU.grandstand: 0.5478, IoU.path: 0.2746, IoU.stairs: 0.4212, IoU.runway: 0.7425, IoU.case: 0.6413, IoU.pool table: 0.9467, IoU.pillow: 0.6090, IoU.screen door: 0.7553, IoU.stairway: 0.4281, IoU.river: 0.1260, IoU.bridge: 0.7029, IoU.bookcase: 0.4571, IoU.blind: 0.3382, IoU.coffee table: 0.6454, IoU.toilet: 0.9180, IoU.flower: 0.4746, IoU.book: 0.5514, IoU.hill: 0.0549, IoU.bench: 0.6290, IoU.countertop: 0.6560, IoU.stove: 0.8529, IoU.palm: 0.5533, IoU.kitchen island: 0.3996, IoU.computer: 0.7850, IoU.swivel chair: 0.4265, IoU.boat: 0.7774, IoU.bar: 0.7592, IoU.arcade machine: 0.8422, IoU.hovel: 0.1762, IoU.bus: 0.9080, IoU.towel: 0.7651, IoU.light: 0.5856, IoU.truck: 0.4847, IoU.tower: 0.3269, IoU.chandelier: 0.7162, IoU.awning: 0.4176, IoU.streetlight: 0.3016, IoU.booth: 0.4865, IoU.television receiver: 0.8394, IoU.airplane: 0.6533, IoU.dirt track: 0.1024, IoU.apparel: 0.5944, IoU.pole: 0.3091, IoU.land: 0.0300, IoU.bannister: 0.1427, IoU.escalator: 0.5939, IoU.ottoman: 0.5498, IoU.bottle: 0.4407, IoU.buffet: 0.5823, IoU.poster: 0.2277, IoU.stage: 0.3341, IoU.van: 0.5067, IoU.ship: 0.7247, IoU.fountain: 0.5150, IoU.conveyer belt: 0.8244, IoU.canopy: 0.5290, IoU.washer: 0.8987, IoU.plaything: 0.3819, IoU.swimming pool: 0.5987, IoU.stool: 0.4652, IoU.barrel: 0.6378, IoU.basket: 0.4639, IoU.waterfall: 0.5204, IoU.tent: 0.9509, IoU.bag: 0.2940, IoU.minibike: 0.7526, IoU.cradle: 0.8414, IoU.oven: 0.6377, IoU.ball: 0.4248, IoU.food: 0.6070, IoU.step: 0.1348, IoU.tank: 0.8282, IoU.trade name: 0.2454, IoU.microwave: 0.8705, IoU.pot: 0.5731, IoU.animal: 0.6823, IoU.bicycle: 0.5656, IoU.lake: 0.6107, IoU.dishwasher: 0.7006, IoU.screen: 0.4597, IoU.blanket: 0.2387, IoU.sculpture: 0.7304, IoU.hood: 0.6205, IoU.sconce: 0.5348, IoU.vase: 0.4371, IoU.traffic light: 0.3646, IoU.tray: 0.2112, IoU.ashcan: 0.5369, IoU.fan: 0.6781, IoU.pier: 0.3868, IoU.crt screen: 0.0545, IoU.plate: 0.6052, IoU.monitor: 0.6485, IoU.bulletin board: 0.5574, IoU.shower: 0.1253, IoU.radiator: 0.6330, IoU.glass: 0.2032, IoU.clock: 0.5023, IoU.flag: 0.6804, Acc.wall: 0.9122, Acc.building: 0.9428, Acc.sky: 0.9774, Acc.floor: 0.9223, Acc.tree: 0.8880, Acc.ceiling: 0.9164, Acc.road: 0.9148, Acc.bed : 0.9741, Acc.windowpane: 0.8037, Acc.grass: 0.8225, Acc.cabinet: 0.7321, Acc.sidewalk: 0.8500, Acc.person: 0.9434, Acc.earth: 0.5303, Acc.door: 0.7413, Acc.table: 0.7993, Acc.mountain: 0.7578, Acc.plant: 0.6681, Acc.curtain: 0.8815, Acc.chair: 0.7765, Acc.car: 0.9299, Acc.water: 0.7973, Acc.painting: 0.8914, Acc.sofa: 0.8873, Acc.shelf: 0.6382, Acc.house: 0.5632, Acc.sea: 0.8165, Acc.mirror: 0.8503, Acc.rug: 0.7217, Acc.field: 0.4729, Acc.armchair: 0.6966, Acc.seat: 0.8984, Acc.fence: 0.6132, Acc.desk: 0.7988, Acc.rock: 0.7624, Acc.wardrobe: 0.6888, Acc.lamp: 0.8534, Acc.bathtub: 0.8670, Acc.railing: 0.5326, Acc.cushion: 0.8442, Acc.base: 0.5499, Acc.box: 0.4822, Acc.column: 0.6723, Acc.signboard: 0.5248, Acc.chest of drawers: 0.7236, Acc.counter: 0.6842, Acc.sand: 0.8585, Acc.sink: 0.8926, Acc.skyscraper: 0.5563, Acc.fireplace: 0.9056, Acc.refrigerator: 0.8973, Acc.grandstand: 0.8229, Acc.path: 0.3690, Acc.stairs: 0.4960, Acc.runway: 0.9475, Acc.case: 0.7802, Acc.pool table: 0.9789, Acc.pillow: 0.6674, Acc.screen door: 0.8047, Acc.stairway: 0.5979, Acc.river: 0.2608, Acc.bridge: 0.7557, Acc.bookcase: 0.6268, Acc.blind: 0.3683, Acc.coffee table: 0.8498, Acc.toilet: 0.9599, Acc.flower: 0.6432, Acc.book: 0.7613, Acc.hill: 0.0910, Acc.bench: 0.6903, Acc.countertop: 0.8385, Acc.stove: 0.9122, Acc.palm: 0.7821, Acc.kitchen island: 0.6489, Acc.computer: 0.8827, Acc.swivel chair: 0.5961, Acc.boat: 0.8992, Acc.bar: 0.8896, Acc.arcade machine: 0.8747, Acc.hovel: 0.1907, Acc.bus: 0.9637, Acc.towel: 0.8580, Acc.light: 0.6652, Acc.truck: 0.5794, Acc.tower: 0.5509, Acc.chandelier: 0.8229, Acc.awning: 0.5285, Acc.streetlight: 0.3569, Acc.booth: 0.5867, Acc.television receiver: 0.8904, Acc.airplane: 0.7118, Acc.dirt track: 0.1857, Acc.apparel: 0.8211, Acc.pole: 0.5112, Acc.land: 0.0555, Acc.bannister: 0.2200, Acc.escalator: 0.8144, Acc.ottoman: 0.6434, Acc.bottle: 0.7012, Acc.buffet: 0.6448, Acc.poster: 0.2570, Acc.stage: 0.6589, Acc.van: 0.7030, Acc.ship: 0.8110, Acc.fountain: 0.5358, Acc.conveyer belt: 0.9758, Acc.canopy: 0.7176, Acc.washer: 0.9568, Acc.plaything: 0.5948, Acc.swimming pool: 0.9011, Acc.stool: 0.6713, Acc.barrel: 0.7277, Acc.basket: 0.5688, Acc.waterfall: 0.6108, Acc.tent: 0.9781, Acc.bag: 0.3367, Acc.minibike: 0.8778, Acc.cradle: 0.9842, Acc.oven: 0.7434, Acc.ball: 0.4501, Acc.food: 0.7370, Acc.step: 0.1419, Acc.tank: 0.9465, Acc.trade name: 0.2696, Acc.microwave: 0.9511, Acc.pot: 0.6582, Acc.animal: 0.7013, Acc.bicycle: 0.7106, Acc.lake: 0.6374, Acc.dishwasher: 0.7986, Acc.screen: 0.6498, Acc.blanket: 0.2885, Acc.sculpture: 0.8600, Acc.hood: 0.7069, Acc.sconce: 0.6279, Acc.vase: 0.6152, Acc.traffic light: 0.5075, Acc.tray: 0.2793, Acc.ashcan: 0.6926, Acc.fan: 0.7739, Acc.pier: 0.4172, Acc.crt screen: 0.0868, Acc.plate: 0.7608, Acc.monitor: 0.8031, Acc.bulletin board: 0.6250, Acc.shower: 0.1397, Acc.radiator: 0.7165, Acc.glass: 0.2153, Acc.clock: 0.5613, Acc.flag: 0.7274 2024-01-18 16:10:14,679 - mmseg - INFO - Iter [50050/80000] lr: 1.498e-05, eta: 11:47:28, time: 4.392, data_time: 3.193, memory: 59004, decode.loss_ce: 0.1258, decode.acc_seg: 94.3150, aux.loss_ce: 0.0676, aux.acc_seg: 92.7114, loss: 0.1934 2024-01-18 16:11:15,024 - mmseg - INFO - Iter [50100/80000] lr: 1.495e-05, eta: 11:46:11, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1281, decode.acc_seg: 94.3014, aux.loss_ce: 0.0691, aux.acc_seg: 92.6333, loss: 0.1972 2024-01-18 16:12:15,340 - mmseg - INFO - Iter [50150/80000] lr: 1.493e-05, eta: 11:44:54, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1260, decode.acc_seg: 94.4898, aux.loss_ce: 0.0666, aux.acc_seg: 92.8081, loss: 0.1926 2024-01-18 16:13:15,778 - mmseg - INFO - Iter [50200/80000] lr: 1.490e-05, eta: 11:43:37, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1340, decode.acc_seg: 94.0888, aux.loss_ce: 0.0702, aux.acc_seg: 92.5121, loss: 0.2042 2024-01-18 16:14:16,231 - mmseg - INFO - Iter [50250/80000] lr: 1.488e-05, eta: 11:42:20, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1238, decode.acc_seg: 94.4546, aux.loss_ce: 0.0657, aux.acc_seg: 92.8143, loss: 0.1895 2024-01-18 16:15:16,610 - mmseg - INFO - Iter [50300/80000] lr: 1.485e-05, eta: 11:41:03, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1282, decode.acc_seg: 94.3296, aux.loss_ce: 0.0683, aux.acc_seg: 92.7033, loss: 0.1965 2024-01-18 16:16:17,044 - mmseg - INFO - Iter [50350/80000] lr: 1.483e-05, eta: 11:39:46, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1281, decode.acc_seg: 94.2002, aux.loss_ce: 0.0665, aux.acc_seg: 92.6201, loss: 0.1946 2024-01-18 16:17:17,438 - mmseg - INFO - Iter [50400/80000] lr: 1.480e-05, eta: 11:38:29, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1310, decode.acc_seg: 94.2225, aux.loss_ce: 0.0686, aux.acc_seg: 92.5832, loss: 0.1996 2024-01-18 16:18:17,811 - mmseg - INFO - Iter [50450/80000] lr: 1.478e-05, eta: 11:37:12, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1272, decode.acc_seg: 94.2638, aux.loss_ce: 0.0667, aux.acc_seg: 92.6425, loss: 0.1939 2024-01-18 16:19:18,198 - mmseg - INFO - Iter [50500/80000] lr: 1.475e-05, eta: 11:35:55, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1362, decode.acc_seg: 93.8846, aux.loss_ce: 0.0712, aux.acc_seg: 92.3049, loss: 0.2074 2024-01-18 16:20:20,987 - mmseg - INFO - Iter [50550/80000] lr: 1.473e-05, eta: 11:34:40, time: 1.256, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1322, decode.acc_seg: 93.9667, aux.loss_ce: 0.0692, aux.acc_seg: 92.4550, loss: 0.2014 2024-01-18 16:21:21,445 - mmseg - INFO - Iter [50600/80000] lr: 1.470e-05, eta: 11:33:23, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1218, decode.acc_seg: 94.4954, aux.loss_ce: 0.0649, aux.acc_seg: 92.8332, loss: 0.1868 2024-01-18 16:22:21,798 - mmseg - INFO - Iter [50650/80000] lr: 1.468e-05, eta: 11:32:06, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1323, decode.acc_seg: 94.1266, aux.loss_ce: 0.0691, aux.acc_seg: 92.5843, loss: 0.2014 2024-01-18 16:23:22,225 - mmseg - INFO - Iter [50700/80000] lr: 1.465e-05, eta: 11:30:50, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1244, decode.acc_seg: 94.5589, aux.loss_ce: 0.0666, aux.acc_seg: 92.9797, loss: 0.1909 2024-01-18 16:24:22,615 - mmseg - INFO - Iter [50750/80000] lr: 1.463e-05, eta: 11:29:33, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1235, decode.acc_seg: 94.3386, aux.loss_ce: 0.0651, aux.acc_seg: 92.9466, loss: 0.1886 2024-01-18 16:25:22,990 - mmseg - INFO - Iter [50800/80000] lr: 1.460e-05, eta: 11:28:16, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1260, decode.acc_seg: 94.4239, aux.loss_ce: 0.0657, aux.acc_seg: 93.0124, loss: 0.1918 2024-01-18 16:26:23,507 - mmseg - INFO - Iter [50850/80000] lr: 1.458e-05, eta: 11:27:00, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1220, decode.acc_seg: 94.5299, aux.loss_ce: 0.0642, aux.acc_seg: 93.1372, loss: 0.1862 2024-01-18 16:27:23,807 - mmseg - INFO - Iter [50900/80000] lr: 1.455e-05, eta: 11:25:43, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1226, decode.acc_seg: 94.5482, aux.loss_ce: 0.0652, aux.acc_seg: 92.9685, loss: 0.1878 2024-01-18 16:28:24,138 - mmseg - INFO - Iter [50950/80000] lr: 1.453e-05, eta: 11:24:27, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1238, decode.acc_seg: 94.2547, aux.loss_ce: 0.0660, aux.acc_seg: 92.7130, loss: 0.1898 2024-01-18 16:29:24,436 - mmseg - INFO - Saving checkpoint at 51000 iterations 2024-01-18 16:30:16,344 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 16:30:16,344 - mmseg - INFO - Iter [51000/80000] lr: 1.450e-05, eta: 11:23:39, time: 2.244, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1277, decode.acc_seg: 94.2299, aux.loss_ce: 0.0675, aux.acc_seg: 92.7016, loss: 0.1952 2024-01-18 16:32:53,495 - mmseg - INFO - per class results: 2024-01-18 16:32:53,501 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.31 | 90.13 | | building | 85.59 | 93.85 | | sky | 94.8 | 97.5 | | floor | 83.65 | 91.68 | | tree | 76.02 | 89.94 | | ceiling | 86.1 | 94.27 | | road | 86.4 | 92.1 | | bed | 92.16 | 97.47 | | windowpane | 66.04 | 81.43 | | grass | 68.84 | 83.97 | | cabinet | 62.91 | 72.59 | | sidewalk | 69.81 | 83.36 | | person | 85.06 | 93.44 | | earth | 40.12 | 52.7 | | door | 59.14 | 71.1 | | table | 70.17 | 82.72 | | mountain | 63.25 | 73.28 | | plant | 55.06 | 66.31 | | curtain | 78.98 | 88.68 | | chair | 64.99 | 76.81 | | car | 86.81 | 93.27 | | water | 63.41 | 80.08 | | painting | 74.52 | 89.32 | | sofa | 79.31 | 89.42 | | shelf | 44.42 | 60.98 | | house | 50.64 | 66.86 | | sea | 71.41 | 81.39 | | mirror | 76.46 | 84.39 | | rug | 63.03 | 71.54 | | field | 30.72 | 44.3 | | armchair | 57.65 | 74.45 | | seat | 70.16 | 89.12 | | fence | 47.19 | 60.81 | | desk | 58.74 | 82.07 | | rock | 54.09 | 78.0 | | wardrobe | 53.84 | 75.64 | | lamp | 73.61 | 83.45 | | bathtub | 83.0 | 86.76 | | railing | 39.88 | 54.22 | | cushion | 68.67 | 83.01 | | base | 38.41 | 51.48 | | box | 36.79 | 45.45 | | column | 55.05 | 64.24 | | signboard | 38.23 | 49.16 | | chest of drawers | 48.07 | 71.5 | | counter | 58.06 | 71.32 | | sand | 58.45 | 85.81 | | sink | 79.75 | 87.94 | | skyscraper | 56.41 | 63.43 | | fireplace | 76.45 | 90.5 | | refrigerator | 84.15 | 93.88 | | grandstand | 58.85 | 84.14 | | path | 30.14 | 39.45 | | stairs | 42.62 | 50.72 | | runway | 74.88 | 96.51 | | case | 63.96 | 81.6 | | pool table | 94.06 | 98.58 | | pillow | 64.5 | 72.98 | | screen door | 77.29 | 90.22 | | stairway | 44.62 | 65.52 | | river | 12.97 | 26.34 | | bridge | 66.04 | 76.35 | | bookcase | 43.08 | 61.68 | | blind | 38.61 | 42.9 | | coffee table | 66.94 | 84.0 | | toilet | 91.16 | 94.28 | | flower | 49.13 | 63.68 | | book | 55.11 | 75.97 | | hill | 5.88 | 10.13 | | bench | 66.33 | 74.54 | | countertop | 63.43 | 82.12 | | stove | 84.59 | 91.24 | | palm | 56.15 | 70.37 | | kitchen island | 42.37 | 65.87 | | computer | 77.91 | 88.85 | | swivel chair | 42.13 | 62.34 | | boat | 73.82 | 89.06 | | bar | 74.18 | 89.87 | | arcade machine | 81.29 | 83.86 | | hovel | 25.12 | 27.87 | | bus | 92.06 | 96.29 | | towel | 77.19 | 90.43 | | light | 57.03 | 64.23 | | truck | 49.41 | 59.77 | | tower | 29.45 | 46.74 | | chandelier | 71.94 | 83.21 | | awning | 37.06 | 42.21 | | streetlight | 30.32 | 36.49 | | booth | 49.3 | 61.3 | | television receiver | 86.86 | 91.26 | | airplane | 62.62 | 69.1 | | dirt track | 8.56 | 14.37 | | apparel | 62.6 | 79.81 | | pole | 24.29 | 35.96 | | land | 3.0 | 5.18 | | bannister | 14.55 | 19.36 | | escalator | 63.72 | 85.35 | | ottoman | 58.38 | 68.16 | | bottle | 42.06 | 74.49 | | buffet | 56.8 | 62.85 | | poster | 26.31 | 33.83 | | stage | 25.62 | 77.08 | | van | 49.09 | 67.27 | | ship | 70.1 | 75.73 | | fountain | 46.86 | 47.98 | | conveyer belt | 83.05 | 97.63 | | canopy | 49.03 | 69.6 | | washer | 88.31 | 94.67 | | plaything | 42.17 | 67.56 | | swimming pool | 58.31 | 87.66 | | stool | 50.87 | 65.24 | | barrel | 60.11 | 71.7 | | basket | 47.22 | 57.02 | | waterfall | 50.24 | 68.34 | | tent | 94.67 | 97.77 | | bag | 28.18 | 31.93 | | minibike | 74.67 | 88.21 | | cradle | 83.96 | 98.34 | | oven | 65.37 | 74.13 | | ball | 17.31 | 17.63 | | food | 59.85 | 70.64 | | step | 15.63 | 16.39 | | tank | 81.74 | 92.53 | | trade name | 23.67 | 25.37 | | microwave | 88.02 | 94.79 | | pot | 58.01 | 68.22 | | animal | 69.34 | 71.28 | | bicycle | 57.64 | 74.48 | | lake | 61.07 | 63.66 | | dishwasher | 72.31 | 77.08 | | screen | 50.33 | 73.25 | | blanket | 23.16 | 27.64 | | sculpture | 56.2 | 86.43 | | hood | 58.62 | 69.58 | | sconce | 54.17 | 65.12 | | vase | 44.64 | 56.7 | | traffic light | 35.85 | 50.98 | | tray | 19.34 | 24.68 | | ashcan | 53.48 | 65.02 | | fan | 66.83 | 76.12 | | pier | 44.29 | 49.38 | | crt screen | 2.54 | 3.67 | | plate | 60.45 | 75.9 | | monitor | 64.92 | 82.61 | | bulletin board | 61.07 | 73.21 | | shower | 10.85 | 11.76 | | radiator | 63.39 | 72.42 | | glass | 20.93 | 22.64 | | clock | 52.16 | 57.0 | | flag | 67.45 | 72.35 | +---------------------+-------+-------+ 2024-01-18 16:32:53,501 - mmseg - INFO - Summary: 2024-01-18 16:32:53,501 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 85.95 | 57.34 | 69.1 | +-------+-------+------+ 2024-01-18 16:32:53,502 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 16:32:53,502 - mmseg - INFO - Iter(val) [250] aAcc: 0.8595, mIoU: 0.5734, mAcc: 0.6910, IoU.wall: 0.8131, IoU.building: 0.8559, IoU.sky: 0.9480, IoU.floor: 0.8365, IoU.tree: 0.7602, IoU.ceiling: 0.8610, IoU.road: 0.8640, IoU.bed : 0.9216, IoU.windowpane: 0.6604, IoU.grass: 0.6884, IoU.cabinet: 0.6291, IoU.sidewalk: 0.6981, IoU.person: 0.8506, IoU.earth: 0.4012, IoU.door: 0.5914, IoU.table: 0.7017, IoU.mountain: 0.6325, IoU.plant: 0.5506, IoU.curtain: 0.7898, IoU.chair: 0.6499, IoU.car: 0.8681, IoU.water: 0.6341, IoU.painting: 0.7452, IoU.sofa: 0.7931, IoU.shelf: 0.4442, IoU.house: 0.5064, IoU.sea: 0.7141, IoU.mirror: 0.7646, IoU.rug: 0.6303, IoU.field: 0.3072, IoU.armchair: 0.5765, IoU.seat: 0.7016, IoU.fence: 0.4719, IoU.desk: 0.5874, IoU.rock: 0.5409, IoU.wardrobe: 0.5384, IoU.lamp: 0.7361, IoU.bathtub: 0.8300, IoU.railing: 0.3988, IoU.cushion: 0.6867, IoU.base: 0.3841, IoU.box: 0.3679, IoU.column: 0.5505, IoU.signboard: 0.3823, IoU.chest of drawers: 0.4807, IoU.counter: 0.5806, IoU.sand: 0.5845, IoU.sink: 0.7975, IoU.skyscraper: 0.5641, IoU.fireplace: 0.7645, IoU.refrigerator: 0.8415, IoU.grandstand: 0.5885, IoU.path: 0.3014, IoU.stairs: 0.4262, IoU.runway: 0.7488, IoU.case: 0.6396, IoU.pool table: 0.9406, IoU.pillow: 0.6450, IoU.screen door: 0.7729, IoU.stairway: 0.4462, IoU.river: 0.1297, IoU.bridge: 0.6604, IoU.bookcase: 0.4308, IoU.blind: 0.3861, IoU.coffee table: 0.6694, IoU.toilet: 0.9116, IoU.flower: 0.4913, IoU.book: 0.5511, IoU.hill: 0.0588, IoU.bench: 0.6633, IoU.countertop: 0.6343, IoU.stove: 0.8459, IoU.palm: 0.5615, IoU.kitchen island: 0.4237, IoU.computer: 0.7791, IoU.swivel chair: 0.4213, IoU.boat: 0.7382, IoU.bar: 0.7418, IoU.arcade machine: 0.8129, IoU.hovel: 0.2512, IoU.bus: 0.9206, IoU.towel: 0.7719, IoU.light: 0.5703, IoU.truck: 0.4941, IoU.tower: 0.2945, IoU.chandelier: 0.7194, IoU.awning: 0.3706, IoU.streetlight: 0.3032, IoU.booth: 0.4930, IoU.television receiver: 0.8686, IoU.airplane: 0.6262, IoU.dirt track: 0.0856, IoU.apparel: 0.6260, IoU.pole: 0.2429, IoU.land: 0.0300, IoU.bannister: 0.1455, IoU.escalator: 0.6372, IoU.ottoman: 0.5838, IoU.bottle: 0.4206, IoU.buffet: 0.5680, IoU.poster: 0.2631, IoU.stage: 0.2562, IoU.van: 0.4909, IoU.ship: 0.7010, IoU.fountain: 0.4686, IoU.conveyer belt: 0.8305, IoU.canopy: 0.4903, IoU.washer: 0.8831, IoU.plaything: 0.4217, IoU.swimming pool: 0.5831, IoU.stool: 0.5087, IoU.barrel: 0.6011, IoU.basket: 0.4722, IoU.waterfall: 0.5024, IoU.tent: 0.9467, IoU.bag: 0.2818, IoU.minibike: 0.7467, IoU.cradle: 0.8396, IoU.oven: 0.6537, IoU.ball: 0.1731, IoU.food: 0.5985, IoU.step: 0.1563, IoU.tank: 0.8174, IoU.trade name: 0.2367, IoU.microwave: 0.8802, IoU.pot: 0.5801, IoU.animal: 0.6934, IoU.bicycle: 0.5764, IoU.lake: 0.6107, IoU.dishwasher: 0.7231, IoU.screen: 0.5033, IoU.blanket: 0.2316, IoU.sculpture: 0.5620, IoU.hood: 0.5862, IoU.sconce: 0.5417, IoU.vase: 0.4464, IoU.traffic light: 0.3585, IoU.tray: 0.1934, IoU.ashcan: 0.5348, IoU.fan: 0.6683, IoU.pier: 0.4429, IoU.crt screen: 0.0254, IoU.plate: 0.6045, IoU.monitor: 0.6492, IoU.bulletin board: 0.6107, IoU.shower: 0.1085, IoU.radiator: 0.6339, IoU.glass: 0.2093, IoU.clock: 0.5216, IoU.flag: 0.6745, Acc.wall: 0.9013, Acc.building: 0.9385, Acc.sky: 0.9750, Acc.floor: 0.9168, Acc.tree: 0.8994, Acc.ceiling: 0.9427, Acc.road: 0.9210, Acc.bed : 0.9747, Acc.windowpane: 0.8143, Acc.grass: 0.8397, Acc.cabinet: 0.7259, Acc.sidewalk: 0.8336, Acc.person: 0.9344, Acc.earth: 0.5270, Acc.door: 0.7110, Acc.table: 0.8272, Acc.mountain: 0.7328, Acc.plant: 0.6631, Acc.curtain: 0.8868, Acc.chair: 0.7681, Acc.car: 0.9327, Acc.water: 0.8008, Acc.painting: 0.8932, Acc.sofa: 0.8942, Acc.shelf: 0.6098, Acc.house: 0.6686, Acc.sea: 0.8139, Acc.mirror: 0.8439, Acc.rug: 0.7154, Acc.field: 0.4430, Acc.armchair: 0.7445, Acc.seat: 0.8912, Acc.fence: 0.6081, Acc.desk: 0.8207, Acc.rock: 0.7800, Acc.wardrobe: 0.7564, Acc.lamp: 0.8345, Acc.bathtub: 0.8676, Acc.railing: 0.5422, Acc.cushion: 0.8301, Acc.base: 0.5148, Acc.box: 0.4545, Acc.column: 0.6424, Acc.signboard: 0.4916, Acc.chest of drawers: 0.7150, Acc.counter: 0.7132, Acc.sand: 0.8581, Acc.sink: 0.8794, Acc.skyscraper: 0.6343, Acc.fireplace: 0.9050, Acc.refrigerator: 0.9388, Acc.grandstand: 0.8414, Acc.path: 0.3945, Acc.stairs: 0.5072, Acc.runway: 0.9651, Acc.case: 0.8160, Acc.pool table: 0.9858, Acc.pillow: 0.7298, Acc.screen door: 0.9022, Acc.stairway: 0.6552, Acc.river: 0.2634, Acc.bridge: 0.7635, Acc.bookcase: 0.6168, Acc.blind: 0.4290, Acc.coffee table: 0.8400, Acc.toilet: 0.9428, Acc.flower: 0.6368, Acc.book: 0.7597, Acc.hill: 0.1013, Acc.bench: 0.7454, Acc.countertop: 0.8212, Acc.stove: 0.9124, Acc.palm: 0.7037, Acc.kitchen island: 0.6587, Acc.computer: 0.8885, Acc.swivel chair: 0.6234, Acc.boat: 0.8906, Acc.bar: 0.8987, Acc.arcade machine: 0.8386, Acc.hovel: 0.2787, Acc.bus: 0.9629, Acc.towel: 0.9043, Acc.light: 0.6423, Acc.truck: 0.5977, Acc.tower: 0.4674, Acc.chandelier: 0.8321, Acc.awning: 0.4221, Acc.streetlight: 0.3649, Acc.booth: 0.6130, Acc.television receiver: 0.9126, Acc.airplane: 0.6910, Acc.dirt track: 0.1437, Acc.apparel: 0.7981, Acc.pole: 0.3596, Acc.land: 0.0518, Acc.bannister: 0.1936, Acc.escalator: 0.8535, Acc.ottoman: 0.6816, Acc.bottle: 0.7449, Acc.buffet: 0.6285, Acc.poster: 0.3383, Acc.stage: 0.7708, Acc.van: 0.6727, Acc.ship: 0.7573, Acc.fountain: 0.4798, Acc.conveyer belt: 0.9763, Acc.canopy: 0.6960, Acc.washer: 0.9467, Acc.plaything: 0.6756, Acc.swimming pool: 0.8766, Acc.stool: 0.6524, Acc.barrel: 0.7170, Acc.basket: 0.5702, Acc.waterfall: 0.6834, Acc.tent: 0.9777, Acc.bag: 0.3193, Acc.minibike: 0.8821, Acc.cradle: 0.9834, Acc.oven: 0.7413, Acc.ball: 0.1763, Acc.food: 0.7064, Acc.step: 0.1639, Acc.tank: 0.9253, Acc.trade name: 0.2537, Acc.microwave: 0.9479, Acc.pot: 0.6822, Acc.animal: 0.7128, Acc.bicycle: 0.7448, Acc.lake: 0.6366, Acc.dishwasher: 0.7708, Acc.screen: 0.7325, Acc.blanket: 0.2764, Acc.sculpture: 0.8643, Acc.hood: 0.6958, Acc.sconce: 0.6512, Acc.vase: 0.5670, Acc.traffic light: 0.5098, Acc.tray: 0.2468, Acc.ashcan: 0.6502, Acc.fan: 0.7612, Acc.pier: 0.4938, Acc.crt screen: 0.0367, Acc.plate: 0.7590, Acc.monitor: 0.8261, Acc.bulletin board: 0.7321, Acc.shower: 0.1176, Acc.radiator: 0.7242, Acc.glass: 0.2264, Acc.clock: 0.5700, Acc.flag: 0.7235 2024-01-18 16:33:54,459 - mmseg - INFO - Iter [51050/80000] lr: 1.448e-05, eta: 11:23:52, time: 4.362, data_time: 3.163, memory: 59004, decode.loss_ce: 0.1195, decode.acc_seg: 94.6331, aux.loss_ce: 0.0632, aux.acc_seg: 93.1686, loss: 0.1827 2024-01-18 16:34:54,784 - mmseg - INFO - Iter [51100/80000] lr: 1.445e-05, eta: 11:22:35, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1265, decode.acc_seg: 94.3257, aux.loss_ce: 0.0661, aux.acc_seg: 92.9099, loss: 0.1926 2024-01-18 16:35:55,019 - mmseg - INFO - Iter [51150/80000] lr: 1.443e-05, eta: 11:21:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1196, decode.acc_seg: 94.6245, aux.loss_ce: 0.0631, aux.acc_seg: 93.2128, loss: 0.1827 2024-01-18 16:36:55,392 - mmseg - INFO - Iter [51200/80000] lr: 1.440e-05, eta: 11:20:02, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1264, decode.acc_seg: 94.3701, aux.loss_ce: 0.0667, aux.acc_seg: 92.9213, loss: 0.1930 2024-01-18 16:37:55,727 - mmseg - INFO - Iter [51250/80000] lr: 1.438e-05, eta: 11:18:45, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1258, decode.acc_seg: 94.4457, aux.loss_ce: 0.0660, aux.acc_seg: 93.0296, loss: 0.1918 2024-01-18 16:38:56,080 - mmseg - INFO - Iter [51300/80000] lr: 1.435e-05, eta: 11:17:28, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1272, decode.acc_seg: 94.4290, aux.loss_ce: 0.0681, aux.acc_seg: 92.7428, loss: 0.1953 2024-01-18 16:39:56,443 - mmseg - INFO - Iter [51350/80000] lr: 1.433e-05, eta: 11:16:12, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1266, decode.acc_seg: 94.3264, aux.loss_ce: 0.0663, aux.acc_seg: 92.8655, loss: 0.1928 2024-01-18 16:40:56,675 - mmseg - INFO - Iter [51400/80000] lr: 1.430e-05, eta: 11:14:55, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1227, decode.acc_seg: 94.3834, aux.loss_ce: 0.0648, aux.acc_seg: 92.9326, loss: 0.1875 2024-01-18 16:41:57,038 - mmseg - INFO - Iter [51450/80000] lr: 1.428e-05, eta: 11:13:39, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1279, decode.acc_seg: 94.3093, aux.loss_ce: 0.0673, aux.acc_seg: 92.7294, loss: 0.1953 2024-01-18 16:42:57,382 - mmseg - INFO - Iter [51500/80000] lr: 1.425e-05, eta: 11:12:22, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1268, decode.acc_seg: 94.2256, aux.loss_ce: 0.0672, aux.acc_seg: 92.6061, loss: 0.1940 2024-01-18 16:43:57,754 - mmseg - INFO - Iter [51550/80000] lr: 1.423e-05, eta: 11:11:05, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1253, decode.acc_seg: 94.4867, aux.loss_ce: 0.0665, aux.acc_seg: 92.9798, loss: 0.1919 2024-01-18 16:44:58,024 - mmseg - INFO - Iter [51600/80000] lr: 1.420e-05, eta: 11:09:49, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1207, decode.acc_seg: 94.6720, aux.loss_ce: 0.0631, aux.acc_seg: 93.2807, loss: 0.1838 2024-01-18 16:45:58,348 - mmseg - INFO - Iter [51650/80000] lr: 1.418e-05, eta: 11:08:32, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1209, decode.acc_seg: 94.4975, aux.loss_ce: 0.0648, aux.acc_seg: 92.9137, loss: 0.1857 2024-01-18 16:46:58,615 - mmseg - INFO - Iter [51700/80000] lr: 1.415e-05, eta: 11:07:16, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1253, decode.acc_seg: 94.2936, aux.loss_ce: 0.0666, aux.acc_seg: 92.6805, loss: 0.1920 2024-01-18 16:47:59,058 - mmseg - INFO - Iter [51750/80000] lr: 1.413e-05, eta: 11:06:00, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1291, decode.acc_seg: 94.1642, aux.loss_ce: 0.0675, aux.acc_seg: 92.5270, loss: 0.1966 2024-01-18 16:49:01,720 - mmseg - INFO - Iter [51800/80000] lr: 1.410e-05, eta: 11:04:44, time: 1.253, data_time: 0.053, memory: 59004, decode.loss_ce: 0.1159, decode.acc_seg: 94.7944, aux.loss_ce: 0.0606, aux.acc_seg: 93.3955, loss: 0.1765 2024-01-18 16:50:02,138 - mmseg - INFO - Iter [51850/80000] lr: 1.408e-05, eta: 11:03:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1224, decode.acc_seg: 94.5624, aux.loss_ce: 0.0664, aux.acc_seg: 92.8539, loss: 0.1888 2024-01-18 16:51:02,515 - mmseg - INFO - Iter [51900/80000] lr: 1.405e-05, eta: 11:02:12, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1304, decode.acc_seg: 94.2256, aux.loss_ce: 0.0685, aux.acc_seg: 92.7159, loss: 0.1989 2024-01-18 16:52:02,793 - mmseg - INFO - Iter [51950/80000] lr: 1.403e-05, eta: 11:00:56, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1223, decode.acc_seg: 94.3889, aux.loss_ce: 0.0646, aux.acc_seg: 92.9113, loss: 0.1869 2024-01-18 16:53:03,152 - mmseg - INFO - Saving checkpoint at 52000 iterations 2024-01-18 16:53:51,133 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 16:53:51,133 - mmseg - INFO - Iter [52000/80000] lr: 1.400e-05, eta: 11:00:05, time: 2.167, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1283, decode.acc_seg: 94.2152, aux.loss_ce: 0.0671, aux.acc_seg: 92.4793, loss: 0.1954 2024-01-18 16:56:28,639 - mmseg - INFO - per class results: 2024-01-18 16:56:28,651 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.26 | 90.99 | | building | 85.3 | 94.17 | | sky | 94.74 | 97.88 | | floor | 83.73 | 92.66 | | tree | 76.72 | 89.58 | | ceiling | 86.34 | 93.73 | | road | 86.34 | 92.31 | | bed | 91.81 | 97.66 | | windowpane | 65.23 | 82.62 | | grass | 68.75 | 84.65 | | cabinet | 65.0 | 75.27 | | sidewalk | 69.77 | 82.48 | | person | 84.8 | 94.68 | | earth | 39.8 | 49.97 | | door | 56.15 | 64.73 | | table | 69.56 | 79.98 | | mountain | 62.87 | 75.65 | | plant | 55.78 | 67.42 | | curtain | 79.48 | 87.7 | | chair | 64.68 | 76.19 | | car | 87.0 | 93.56 | | water | 63.0 | 75.49 | | painting | 75.36 | 88.45 | | sofa | 77.98 | 89.99 | | shelf | 45.07 | 61.29 | | house | 50.23 | 60.28 | | sea | 69.86 | 81.43 | | mirror | 72.48 | 78.95 | | rug | 66.2 | 73.84 | | field | 32.21 | 48.17 | | armchair | 56.15 | 70.97 | | seat | 71.32 | 88.19 | | fence | 47.07 | 60.82 | | desk | 60.77 | 79.61 | | rock | 53.3 | 81.1 | | wardrobe | 54.25 | 70.28 | | lamp | 74.22 | 84.21 | | bathtub | 82.01 | 87.27 | | railing | 38.41 | 51.87 | | cushion | 67.05 | 74.2 | | base | 36.12 | 46.98 | | box | 37.12 | 44.59 | | column | 55.56 | 62.35 | | signboard | 37.43 | 47.47 | | chest of drawers | 50.45 | 73.57 | | counter | 55.51 | 61.16 | | sand | 57.84 | 86.75 | | sink | 79.94 | 87.45 | | skyscraper | 54.04 | 62.83 | | fireplace | 77.07 | 93.61 | | refrigerator | 85.36 | 94.4 | | grandstand | 56.48 | 83.85 | | path | 29.52 | 41.19 | | stairs | 44.02 | 52.27 | | runway | 73.89 | 96.19 | | case | 60.55 | 83.4 | | pool table | 94.86 | 97.77 | | pillow | 63.26 | 73.61 | | screen door | 82.51 | 89.34 | | stairway | 49.16 | 62.89 | | river | 14.75 | 31.37 | | bridge | 62.63 | 68.57 | | bookcase | 44.45 | 70.92 | | blind | 37.32 | 41.46 | | coffee table | 65.52 | 83.65 | | toilet | 91.8 | 95.25 | | flower | 47.76 | 66.4 | | book | 50.52 | 66.11 | | hill | 6.05 | 12.85 | | bench | 66.99 | 73.77 | | countertop | 65.37 | 84.74 | | stove | 84.44 | 90.54 | | palm | 53.88 | 77.27 | | kitchen island | 45.17 | 55.73 | | computer | 77.28 | 91.83 | | swivel chair | 35.04 | 43.06 | | boat | 79.08 | 88.62 | | bar | 76.32 | 89.84 | | arcade machine | 81.43 | 85.68 | | hovel | 16.9 | 17.91 | | bus | 92.21 | 95.85 | | towel | 75.82 | 86.97 | | light | 58.71 | 66.0 | | truck | 48.09 | 56.31 | | tower | 34.84 | 55.96 | | chandelier | 71.09 | 81.54 | | awning | 37.17 | 45.43 | | streetlight | 30.35 | 36.81 | | booth | 43.28 | 53.09 | | television receiver | 84.41 | 89.01 | | airplane | 64.84 | 72.91 | | dirt track | 10.83 | 17.68 | | apparel | 58.84 | 74.67 | | pole | 23.96 | 32.3 | | land | 3.68 | 5.53 | | bannister | 13.62 | 18.62 | | escalator | 63.27 | 84.92 | | ottoman | 57.87 | 68.98 | | bottle | 42.04 | 69.19 | | buffet | 58.46 | 65.42 | | poster | 27.96 | 37.29 | | stage | 25.42 | 64.26 | | van | 48.01 | 63.87 | | ship | 69.94 | 78.21 | | fountain | 49.59 | 51.12 | | conveyer belt | 82.92 | 97.32 | | canopy | 55.62 | 65.54 | | washer | 86.91 | 92.06 | | plaything | 43.82 | 60.45 | | swimming pool | 56.66 | 85.04 | | stool | 51.25 | 63.67 | | barrel | 62.34 | 71.23 | | basket | 42.76 | 57.28 | | waterfall | 52.37 | 59.62 | | tent | 95.58 | 97.81 | | bag | 30.05 | 35.03 | | minibike | 74.47 | 85.61 | | cradle | 83.56 | 97.55 | | oven | 63.74 | 74.62 | | ball | 24.52 | 25.29 | | food | 57.31 | 68.12 | | step | 9.03 | 9.18 | | tank | 72.18 | 82.62 | | trade name | 23.74 | 25.72 | | microwave | 88.1 | 95.45 | | pot | 57.25 | 64.03 | | animal | 65.82 | 67.14 | | bicycle | 57.86 | 76.89 | | lake | 49.16 | 69.71 | | dishwasher | 72.23 | 76.45 | | screen | 50.69 | 65.29 | | blanket | 18.03 | 21.34 | | sculpture | 75.41 | 86.1 | | hood | 57.95 | 68.11 | | sconce | 53.75 | 63.34 | | vase | 44.96 | 57.62 | | traffic light | 35.41 | 49.59 | | tray | 18.27 | 22.7 | | ashcan | 53.5 | 65.49 | | fan | 67.67 | 79.35 | | pier | 41.16 | 45.8 | | crt screen | 2.39 | 3.6 | | plate | 55.78 | 81.2 | | monitor | 66.54 | 79.26 | | bulletin board | 56.72 | 72.29 | | shower | 13.13 | 14.87 | | radiator | 64.84 | 73.68 | | glass | 20.63 | 22.23 | | clock | 51.82 | 56.81 | | flag | 67.17 | 70.99 | +---------------------+-------+-------+ 2024-01-18 16:56:28,651 - mmseg - INFO - Summary: 2024-01-18 16:56:28,651 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.95 | 57.1 | 68.15 | +-------+------+-------+ 2024-01-18 16:56:28,653 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 16:56:28,654 - mmseg - INFO - Iter(val) [250] aAcc: 0.8595, mIoU: 0.5710, mAcc: 0.6815, IoU.wall: 0.8126, IoU.building: 0.8530, IoU.sky: 0.9474, IoU.floor: 0.8373, IoU.tree: 0.7672, IoU.ceiling: 0.8634, IoU.road: 0.8634, IoU.bed : 0.9181, IoU.windowpane: 0.6523, IoU.grass: 0.6875, IoU.cabinet: 0.6500, IoU.sidewalk: 0.6977, IoU.person: 0.8480, IoU.earth: 0.3980, IoU.door: 0.5615, IoU.table: 0.6956, IoU.mountain: 0.6287, IoU.plant: 0.5578, IoU.curtain: 0.7948, IoU.chair: 0.6468, IoU.car: 0.8700, IoU.water: 0.6300, IoU.painting: 0.7536, IoU.sofa: 0.7798, IoU.shelf: 0.4507, IoU.house: 0.5023, IoU.sea: 0.6986, IoU.mirror: 0.7248, IoU.rug: 0.6620, IoU.field: 0.3221, IoU.armchair: 0.5615, IoU.seat: 0.7132, IoU.fence: 0.4707, IoU.desk: 0.6077, IoU.rock: 0.5330, IoU.wardrobe: 0.5425, IoU.lamp: 0.7422, IoU.bathtub: 0.8201, IoU.railing: 0.3841, IoU.cushion: 0.6705, IoU.base: 0.3612, IoU.box: 0.3712, IoU.column: 0.5556, IoU.signboard: 0.3743, IoU.chest of drawers: 0.5045, IoU.counter: 0.5551, IoU.sand: 0.5784, IoU.sink: 0.7994, IoU.skyscraper: 0.5404, IoU.fireplace: 0.7707, IoU.refrigerator: 0.8536, IoU.grandstand: 0.5648, IoU.path: 0.2952, IoU.stairs: 0.4402, IoU.runway: 0.7389, IoU.case: 0.6055, IoU.pool table: 0.9486, IoU.pillow: 0.6326, IoU.screen door: 0.8251, IoU.stairway: 0.4916, IoU.river: 0.1475, IoU.bridge: 0.6263, IoU.bookcase: 0.4445, IoU.blind: 0.3732, IoU.coffee table: 0.6552, IoU.toilet: 0.9180, IoU.flower: 0.4776, IoU.book: 0.5052, IoU.hill: 0.0605, IoU.bench: 0.6699, IoU.countertop: 0.6537, IoU.stove: 0.8444, IoU.palm: 0.5388, IoU.kitchen island: 0.4517, IoU.computer: 0.7728, IoU.swivel chair: 0.3504, IoU.boat: 0.7908, IoU.bar: 0.7632, IoU.arcade machine: 0.8143, IoU.hovel: 0.1690, IoU.bus: 0.9221, IoU.towel: 0.7582, IoU.light: 0.5871, IoU.truck: 0.4809, IoU.tower: 0.3484, IoU.chandelier: 0.7109, IoU.awning: 0.3717, IoU.streetlight: 0.3035, IoU.booth: 0.4328, IoU.television receiver: 0.8441, IoU.airplane: 0.6484, IoU.dirt track: 0.1083, IoU.apparel: 0.5884, IoU.pole: 0.2396, IoU.land: 0.0368, IoU.bannister: 0.1362, IoU.escalator: 0.6327, IoU.ottoman: 0.5787, IoU.bottle: 0.4204, IoU.buffet: 0.5846, IoU.poster: 0.2796, IoU.stage: 0.2542, IoU.van: 0.4801, IoU.ship: 0.6994, IoU.fountain: 0.4959, IoU.conveyer belt: 0.8292, IoU.canopy: 0.5562, IoU.washer: 0.8691, IoU.plaything: 0.4382, IoU.swimming pool: 0.5666, IoU.stool: 0.5125, IoU.barrel: 0.6234, IoU.basket: 0.4276, IoU.waterfall: 0.5237, IoU.tent: 0.9558, IoU.bag: 0.3005, IoU.minibike: 0.7447, IoU.cradle: 0.8356, IoU.oven: 0.6374, IoU.ball: 0.2452, IoU.food: 0.5731, IoU.step: 0.0903, IoU.tank: 0.7218, IoU.trade name: 0.2374, IoU.microwave: 0.8810, IoU.pot: 0.5725, IoU.animal: 0.6582, IoU.bicycle: 0.5786, IoU.lake: 0.4916, IoU.dishwasher: 0.7223, IoU.screen: 0.5069, IoU.blanket: 0.1803, IoU.sculpture: 0.7541, IoU.hood: 0.5795, IoU.sconce: 0.5375, IoU.vase: 0.4496, IoU.traffic light: 0.3541, IoU.tray: 0.1827, IoU.ashcan: 0.5350, IoU.fan: 0.6767, IoU.pier: 0.4116, IoU.crt screen: 0.0239, IoU.plate: 0.5578, IoU.monitor: 0.6654, IoU.bulletin board: 0.5672, IoU.shower: 0.1313, IoU.radiator: 0.6484, IoU.glass: 0.2063, IoU.clock: 0.5182, IoU.flag: 0.6717, Acc.wall: 0.9099, Acc.building: 0.9417, Acc.sky: 0.9788, Acc.floor: 0.9266, Acc.tree: 0.8958, Acc.ceiling: 0.9373, Acc.road: 0.9231, Acc.bed : 0.9766, Acc.windowpane: 0.8262, Acc.grass: 0.8465, Acc.cabinet: 0.7527, Acc.sidewalk: 0.8248, Acc.person: 0.9468, Acc.earth: 0.4997, Acc.door: 0.6473, Acc.table: 0.7998, Acc.mountain: 0.7565, Acc.plant: 0.6742, Acc.curtain: 0.8770, Acc.chair: 0.7619, Acc.car: 0.9356, Acc.water: 0.7549, Acc.painting: 0.8845, Acc.sofa: 0.8999, Acc.shelf: 0.6129, Acc.house: 0.6028, Acc.sea: 0.8143, Acc.mirror: 0.7895, Acc.rug: 0.7384, Acc.field: 0.4817, Acc.armchair: 0.7097, Acc.seat: 0.8819, Acc.fence: 0.6082, Acc.desk: 0.7961, Acc.rock: 0.8110, Acc.wardrobe: 0.7028, Acc.lamp: 0.8421, Acc.bathtub: 0.8727, Acc.railing: 0.5187, Acc.cushion: 0.7420, Acc.base: 0.4698, Acc.box: 0.4459, Acc.column: 0.6235, Acc.signboard: 0.4747, Acc.chest of drawers: 0.7357, Acc.counter: 0.6116, Acc.sand: 0.8675, Acc.sink: 0.8745, Acc.skyscraper: 0.6283, Acc.fireplace: 0.9361, Acc.refrigerator: 0.9440, Acc.grandstand: 0.8385, Acc.path: 0.4119, Acc.stairs: 0.5227, Acc.runway: 0.9619, Acc.case: 0.8340, Acc.pool table: 0.9777, Acc.pillow: 0.7361, Acc.screen door: 0.8934, Acc.stairway: 0.6289, Acc.river: 0.3137, Acc.bridge: 0.6857, Acc.bookcase: 0.7092, Acc.blind: 0.4146, Acc.coffee table: 0.8365, Acc.toilet: 0.9525, Acc.flower: 0.6640, Acc.book: 0.6611, Acc.hill: 0.1285, Acc.bench: 0.7377, Acc.countertop: 0.8474, Acc.stove: 0.9054, Acc.palm: 0.7727, Acc.kitchen island: 0.5573, Acc.computer: 0.9183, Acc.swivel chair: 0.4306, Acc.boat: 0.8862, Acc.bar: 0.8984, Acc.arcade machine: 0.8568, Acc.hovel: 0.1791, Acc.bus: 0.9585, Acc.towel: 0.8697, Acc.light: 0.6600, Acc.truck: 0.5631, Acc.tower: 0.5596, Acc.chandelier: 0.8154, Acc.awning: 0.4543, Acc.streetlight: 0.3681, Acc.booth: 0.5309, Acc.television receiver: 0.8901, Acc.airplane: 0.7291, Acc.dirt track: 0.1768, Acc.apparel: 0.7467, Acc.pole: 0.3230, Acc.land: 0.0553, Acc.bannister: 0.1862, Acc.escalator: 0.8492, Acc.ottoman: 0.6898, Acc.bottle: 0.6919, Acc.buffet: 0.6542, Acc.poster: 0.3729, Acc.stage: 0.6426, Acc.van: 0.6387, Acc.ship: 0.7821, Acc.fountain: 0.5112, Acc.conveyer belt: 0.9732, Acc.canopy: 0.6554, Acc.washer: 0.9206, Acc.plaything: 0.6045, Acc.swimming pool: 0.8504, Acc.stool: 0.6367, Acc.barrel: 0.7123, Acc.basket: 0.5728, Acc.waterfall: 0.5962, Acc.tent: 0.9781, Acc.bag: 0.3503, Acc.minibike: 0.8561, Acc.cradle: 0.9755, Acc.oven: 0.7462, Acc.ball: 0.2529, Acc.food: 0.6812, Acc.step: 0.0918, Acc.tank: 0.8262, Acc.trade name: 0.2572, Acc.microwave: 0.9545, Acc.pot: 0.6403, Acc.animal: 0.6714, Acc.bicycle: 0.7689, Acc.lake: 0.6971, Acc.dishwasher: 0.7645, Acc.screen: 0.6529, Acc.blanket: 0.2134, Acc.sculpture: 0.8610, Acc.hood: 0.6811, Acc.sconce: 0.6334, Acc.vase: 0.5762, Acc.traffic light: 0.4959, Acc.tray: 0.2270, Acc.ashcan: 0.6549, Acc.fan: 0.7935, Acc.pier: 0.4580, Acc.crt screen: 0.0360, Acc.plate: 0.8120, Acc.monitor: 0.7926, Acc.bulletin board: 0.7229, Acc.shower: 0.1487, Acc.radiator: 0.7368, Acc.glass: 0.2223, Acc.clock: 0.5681, Acc.flag: 0.7099 2024-01-18 16:57:29,600 - mmseg - INFO - Iter [52050/80000] lr: 1.398e-05, eta: 11:00:14, time: 4.369, data_time: 3.169, memory: 59004, decode.loss_ce: 0.1293, decode.acc_seg: 94.3428, aux.loss_ce: 0.0694, aux.acc_seg: 92.7011, loss: 0.1988 2024-01-18 16:58:29,915 - mmseg - INFO - Iter [52100/80000] lr: 1.395e-05, eta: 10:58:57, time: 1.206, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1283, decode.acc_seg: 94.2078, aux.loss_ce: 0.0673, aux.acc_seg: 92.7207, loss: 0.1957 2024-01-18 16:59:30,255 - mmseg - INFO - Iter [52150/80000] lr: 1.393e-05, eta: 10:57:41, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1199, decode.acc_seg: 94.7250, aux.loss_ce: 0.0643, aux.acc_seg: 93.0920, loss: 0.1843 2024-01-18 17:00:30,701 - mmseg - INFO - Iter [52200/80000] lr: 1.390e-05, eta: 10:56:24, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1177, decode.acc_seg: 94.7755, aux.loss_ce: 0.0633, aux.acc_seg: 93.2391, loss: 0.1810 2024-01-18 17:01:31,100 - mmseg - INFO - Iter [52250/80000] lr: 1.388e-05, eta: 10:55:08, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1211, decode.acc_seg: 94.4862, aux.loss_ce: 0.0649, aux.acc_seg: 92.9471, loss: 0.1860 2024-01-18 17:02:31,502 - mmseg - INFO - Iter [52300/80000] lr: 1.385e-05, eta: 10:53:52, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1222, decode.acc_seg: 94.5099, aux.loss_ce: 0.0651, aux.acc_seg: 92.9743, loss: 0.1873 2024-01-18 17:03:31,902 - mmseg - INFO - Iter [52350/80000] lr: 1.383e-05, eta: 10:52:35, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1217, decode.acc_seg: 94.4924, aux.loss_ce: 0.0651, aux.acc_seg: 92.9691, loss: 0.1868 2024-01-18 17:04:32,395 - mmseg - INFO - Iter [52400/80000] lr: 1.380e-05, eta: 10:51:19, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1265, decode.acc_seg: 94.2424, aux.loss_ce: 0.0669, aux.acc_seg: 92.7621, loss: 0.1934 2024-01-18 17:05:32,813 - mmseg - INFO - Iter [52450/80000] lr: 1.378e-05, eta: 10:50:03, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1216, decode.acc_seg: 94.4827, aux.loss_ce: 0.0645, aux.acc_seg: 93.0166, loss: 0.1861 2024-01-18 17:06:33,182 - mmseg - INFO - Iter [52500/80000] lr: 1.375e-05, eta: 10:48:47, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1285, decode.acc_seg: 94.3581, aux.loss_ce: 0.0646, aux.acc_seg: 93.0425, loss: 0.1932 2024-01-18 17:07:33,523 - mmseg - INFO - Iter [52550/80000] lr: 1.373e-05, eta: 10:47:30, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1183, decode.acc_seg: 94.7017, aux.loss_ce: 0.0622, aux.acc_seg: 93.2200, loss: 0.1805 2024-01-18 17:08:33,947 - mmseg - INFO - Iter [52600/80000] lr: 1.370e-05, eta: 10:46:14, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1228, decode.acc_seg: 94.4235, aux.loss_ce: 0.0640, aux.acc_seg: 93.0839, loss: 0.1868 2024-01-18 17:09:34,295 - mmseg - INFO - Iter [52650/80000] lr: 1.368e-05, eta: 10:44:58, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1224, decode.acc_seg: 94.5685, aux.loss_ce: 0.0641, aux.acc_seg: 93.1729, loss: 0.1866 2024-01-18 17:10:34,612 - mmseg - INFO - Iter [52700/80000] lr: 1.365e-05, eta: 10:43:42, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1146, decode.acc_seg: 94.7207, aux.loss_ce: 0.0621, aux.acc_seg: 93.0272, loss: 0.1767 2024-01-18 17:11:35,165 - mmseg - INFO - Iter [52750/80000] lr: 1.363e-05, eta: 10:42:26, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1212, decode.acc_seg: 94.4757, aux.loss_ce: 0.0636, aux.acc_seg: 93.0751, loss: 0.1848 2024-01-18 17:12:35,582 - mmseg - INFO - Iter [52800/80000] lr: 1.360e-05, eta: 10:41:10, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1251, decode.acc_seg: 94.2407, aux.loss_ce: 0.0658, aux.acc_seg: 92.7691, loss: 0.1909 2024-01-18 17:13:35,940 - mmseg - INFO - Iter [52850/80000] lr: 1.358e-05, eta: 10:39:54, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1196, decode.acc_seg: 94.7026, aux.loss_ce: 0.0638, aux.acc_seg: 93.1617, loss: 0.1834 2024-01-18 17:14:36,368 - mmseg - INFO - Iter [52900/80000] lr: 1.355e-05, eta: 10:38:38, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1243, decode.acc_seg: 94.3382, aux.loss_ce: 0.0662, aux.acc_seg: 92.7945, loss: 0.1905 2024-01-18 17:15:36,724 - mmseg - INFO - Iter [52950/80000] lr: 1.353e-05, eta: 10:37:22, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1220, decode.acc_seg: 94.4989, aux.loss_ce: 0.0630, aux.acc_seg: 93.1069, loss: 0.1850 2024-01-18 17:16:37,046 - mmseg - INFO - Saving checkpoint at 53000 iterations 2024-01-18 17:17:23,920 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 17:17:23,920 - mmseg - INFO - Iter [53000/80000] lr: 1.350e-05, eta: 10:36:30, time: 2.144, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1234, decode.acc_seg: 94.4993, aux.loss_ce: 0.0663, aux.acc_seg: 92.8840, loss: 0.1897 2024-01-18 17:20:04,314 - mmseg - INFO - per class results: 2024-01-18 17:20:04,325 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.42 | 90.91 | | building | 85.39 | 94.28 | | sky | 94.71 | 97.8 | | floor | 83.63 | 91.84 | | tree | 76.38 | 89.43 | | ceiling | 86.24 | 92.59 | | road | 86.23 | 91.58 | | bed | 92.09 | 97.31 | | windowpane | 65.5 | 82.67 | | grass | 69.16 | 82.91 | | cabinet | 64.65 | 74.96 | | sidewalk | 70.15 | 84.27 | | person | 84.44 | 94.78 | | earth | 41.8 | 53.63 | | door | 58.89 | 69.35 | | table | 68.75 | 79.56 | | mountain | 61.28 | 71.8 | | plant | 54.85 | 66.27 | | curtain | 77.94 | 88.6 | | chair | 64.72 | 77.76 | | car | 87.06 | 93.8 | | water | 63.17 | 78.97 | | painting | 74.0 | 89.58 | | sofa | 77.99 | 89.56 | | shelf | 45.22 | 59.47 | | house | 43.1 | 50.16 | | sea | 73.17 | 84.61 | | mirror | 75.76 | 88.67 | | rug | 65.61 | 74.47 | | field | 30.4 | 49.88 | | armchair | 56.04 | 72.54 | | seat | 69.67 | 89.69 | | fence | 43.93 | 57.82 | | desk | 60.31 | 79.68 | | rock | 53.83 | 80.07 | | wardrobe | 54.67 | 72.18 | | lamp | 73.09 | 81.64 | | bathtub | 83.0 | 86.34 | | railing | 35.43 | 44.67 | | cushion | 67.46 | 80.0 | | base | 41.64 | 58.09 | | box | 37.26 | 43.78 | | column | 57.11 | 67.08 | | signboard | 39.62 | 51.92 | | chest of drawers | 47.15 | 65.46 | | counter | 58.19 | 64.59 | | sand | 57.93 | 85.15 | | sink | 79.24 | 85.9 | | skyscraper | 57.51 | 63.26 | | fireplace | 76.33 | 90.48 | | refrigerator | 82.17 | 91.51 | | grandstand | 56.98 | 84.5 | | path | 26.73 | 37.41 | | stairs | 40.45 | 49.07 | | runway | 71.68 | 92.3 | | case | 61.65 | 78.43 | | pool table | 94.85 | 97.99 | | pillow | 62.08 | 69.83 | | screen door | 78.91 | 84.94 | | stairway | 44.44 | 65.91 | | river | 10.95 | 22.06 | | bridge | 76.03 | 87.07 | | bookcase | 47.23 | 65.0 | | blind | 29.97 | 30.51 | | coffee table | 60.2 | 88.51 | | toilet | 92.27 | 95.48 | | flower | 47.78 | 63.34 | | book | 53.53 | 76.88 | | hill | 6.92 | 10.4 | | bench | 66.61 | 74.82 | | countertop | 65.94 | 85.02 | | stove | 84.25 | 89.95 | | palm | 54.47 | 78.32 | | kitchen island | 44.33 | 68.68 | | computer | 77.82 | 89.94 | | swivel chair | 43.21 | 62.89 | | boat | 77.29 | 91.96 | | bar | 75.01 | 90.71 | | arcade machine | 81.09 | 86.27 | | hovel | 27.83 | 30.45 | | bus | 92.3 | 95.6 | | towel | 76.21 | 84.84 | | light | 55.95 | 62.09 | | truck | 48.31 | 57.57 | | tower | 33.18 | 54.43 | | chandelier | 70.25 | 79.59 | | awning | 39.25 | 47.44 | | streetlight | 32.76 | 40.27 | | booth | 42.43 | 49.99 | | television receiver | 83.12 | 88.17 | | airplane | 65.31 | 72.05 | | dirt track | 11.02 | 20.16 | | apparel | 58.14 | 78.78 | | pole | 28.36 | 45.11 | | land | 5.79 | 9.2 | | bannister | 13.27 | 17.3 | | escalator | 62.63 | 86.1 | | ottoman | 57.6 | 72.03 | | bottle | 42.41 | 70.47 | | buffet | 59.1 | 66.38 | | poster | 22.89 | 26.86 | | stage | 25.08 | 71.36 | | van | 49.39 | 64.17 | | ship | 79.09 | 89.29 | | fountain | 56.23 | 57.99 | | conveyer belt | 82.28 | 97.86 | | canopy | 51.31 | 74.16 | | washer | 87.67 | 92.47 | | plaything | 43.84 | 62.52 | | swimming pool | 56.79 | 84.17 | | stool | 50.33 | 66.71 | | barrel | 58.84 | 70.41 | | basket | 44.78 | 55.33 | | waterfall | 49.91 | 58.11 | | tent | 93.79 | 98.3 | | bag | 27.68 | 31.99 | | minibike | 75.32 | 87.45 | | cradle | 83.54 | 98.18 | | oven | 64.36 | 73.75 | | ball | 57.38 | 61.47 | | food | 55.18 | 64.41 | | step | 10.63 | 10.78 | | tank | 83.52 | 93.62 | | trade name | 25.43 | 28.94 | | microwave | 89.0 | 93.78 | | pot | 57.45 | 66.34 | | animal | 68.77 | 70.71 | | bicycle | 56.69 | 73.76 | | lake | 60.98 | 63.82 | | dishwasher | 69.38 | 74.26 | | screen | 49.89 | 67.83 | | blanket | 23.57 | 27.02 | | sculpture | 74.63 | 86.14 | | hood | 57.79 | 66.42 | | sconce | 53.57 | 68.05 | | vase | 45.81 | 59.85 | | traffic light | 35.48 | 48.44 | | tray | 20.68 | 26.8 | | ashcan | 48.88 | 57.59 | | fan | 68.39 | 79.0 | | pier | 44.64 | 48.46 | | crt screen | 5.39 | 9.68 | | plate | 58.22 | 79.2 | | monitor | 59.43 | 70.97 | | bulletin board | 53.19 | 61.17 | | shower | 14.66 | 16.86 | | radiator | 65.59 | 73.03 | | glass | 21.51 | 23.2 | | clock | 54.28 | 60.13 | | flag | 66.08 | 72.43 | +---------------------+-------+-------+ 2024-01-18 17:20:04,325 - mmseg - INFO - Summary: 2024-01-18 17:20:04,325 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.93 | 57.55 | 69.03 | +-------+-------+-------+ 2024-01-18 17:20:04,327 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 17:20:04,327 - mmseg - INFO - Iter(val) [250] aAcc: 0.8593, mIoU: 0.5755, mAcc: 0.6903, IoU.wall: 0.8142, IoU.building: 0.8539, IoU.sky: 0.9471, IoU.floor: 0.8363, IoU.tree: 0.7638, IoU.ceiling: 0.8624, IoU.road: 0.8623, IoU.bed : 0.9209, IoU.windowpane: 0.6550, IoU.grass: 0.6916, IoU.cabinet: 0.6465, IoU.sidewalk: 0.7015, IoU.person: 0.8444, IoU.earth: 0.4180, IoU.door: 0.5889, IoU.table: 0.6875, IoU.mountain: 0.6128, IoU.plant: 0.5485, IoU.curtain: 0.7794, IoU.chair: 0.6472, IoU.car: 0.8706, IoU.water: 0.6317, IoU.painting: 0.7400, IoU.sofa: 0.7799, IoU.shelf: 0.4522, IoU.house: 0.4310, IoU.sea: 0.7317, IoU.mirror: 0.7576, IoU.rug: 0.6561, IoU.field: 0.3040, IoU.armchair: 0.5604, IoU.seat: 0.6967, IoU.fence: 0.4393, IoU.desk: 0.6031, IoU.rock: 0.5383, IoU.wardrobe: 0.5467, IoU.lamp: 0.7309, IoU.bathtub: 0.8300, IoU.railing: 0.3543, IoU.cushion: 0.6746, IoU.base: 0.4164, IoU.box: 0.3726, IoU.column: 0.5711, IoU.signboard: 0.3962, IoU.chest of drawers: 0.4715, IoU.counter: 0.5819, IoU.sand: 0.5793, IoU.sink: 0.7924, IoU.skyscraper: 0.5751, IoU.fireplace: 0.7633, IoU.refrigerator: 0.8217, IoU.grandstand: 0.5698, IoU.path: 0.2673, IoU.stairs: 0.4045, IoU.runway: 0.7168, IoU.case: 0.6165, IoU.pool table: 0.9485, IoU.pillow: 0.6208, IoU.screen door: 0.7891, IoU.stairway: 0.4444, IoU.river: 0.1095, IoU.bridge: 0.7603, IoU.bookcase: 0.4723, IoU.blind: 0.2997, IoU.coffee table: 0.6020, IoU.toilet: 0.9227, IoU.flower: 0.4778, IoU.book: 0.5353, IoU.hill: 0.0692, IoU.bench: 0.6661, IoU.countertop: 0.6594, IoU.stove: 0.8425, IoU.palm: 0.5447, IoU.kitchen island: 0.4433, IoU.computer: 0.7782, IoU.swivel chair: 0.4321, IoU.boat: 0.7729, IoU.bar: 0.7501, IoU.arcade machine: 0.8109, IoU.hovel: 0.2783, IoU.bus: 0.9230, IoU.towel: 0.7621, IoU.light: 0.5595, IoU.truck: 0.4831, IoU.tower: 0.3318, IoU.chandelier: 0.7025, IoU.awning: 0.3925, IoU.streetlight: 0.3276, IoU.booth: 0.4243, IoU.television receiver: 0.8312, IoU.airplane: 0.6531, IoU.dirt track: 0.1102, IoU.apparel: 0.5814, IoU.pole: 0.2836, IoU.land: 0.0579, IoU.bannister: 0.1327, IoU.escalator: 0.6263, IoU.ottoman: 0.5760, IoU.bottle: 0.4241, IoU.buffet: 0.5910, IoU.poster: 0.2289, IoU.stage: 0.2508, IoU.van: 0.4939, IoU.ship: 0.7909, IoU.fountain: 0.5623, IoU.conveyer belt: 0.8228, IoU.canopy: 0.5131, IoU.washer: 0.8767, IoU.plaything: 0.4384, IoU.swimming pool: 0.5679, IoU.stool: 0.5033, IoU.barrel: 0.5884, IoU.basket: 0.4478, IoU.waterfall: 0.4991, IoU.tent: 0.9379, IoU.bag: 0.2768, IoU.minibike: 0.7532, IoU.cradle: 0.8354, IoU.oven: 0.6436, IoU.ball: 0.5738, IoU.food: 0.5518, IoU.step: 0.1063, IoU.tank: 0.8352, IoU.trade name: 0.2543, IoU.microwave: 0.8900, IoU.pot: 0.5745, IoU.animal: 0.6877, IoU.bicycle: 0.5669, IoU.lake: 0.6098, IoU.dishwasher: 0.6938, IoU.screen: 0.4989, IoU.blanket: 0.2357, IoU.sculpture: 0.7463, IoU.hood: 0.5779, IoU.sconce: 0.5357, IoU.vase: 0.4581, IoU.traffic light: 0.3548, IoU.tray: 0.2068, IoU.ashcan: 0.4888, IoU.fan: 0.6839, IoU.pier: 0.4464, IoU.crt screen: 0.0539, IoU.plate: 0.5822, IoU.monitor: 0.5943, IoU.bulletin board: 0.5319, IoU.shower: 0.1466, IoU.radiator: 0.6559, IoU.glass: 0.2151, IoU.clock: 0.5428, IoU.flag: 0.6608, Acc.wall: 0.9091, Acc.building: 0.9428, Acc.sky: 0.9780, Acc.floor: 0.9184, Acc.tree: 0.8943, Acc.ceiling: 0.9259, Acc.road: 0.9158, Acc.bed : 0.9731, Acc.windowpane: 0.8267, Acc.grass: 0.8291, Acc.cabinet: 0.7496, Acc.sidewalk: 0.8427, Acc.person: 0.9478, Acc.earth: 0.5363, Acc.door: 0.6935, Acc.table: 0.7956, Acc.mountain: 0.7180, Acc.plant: 0.6627, Acc.curtain: 0.8860, Acc.chair: 0.7776, Acc.car: 0.9380, Acc.water: 0.7897, Acc.painting: 0.8958, Acc.sofa: 0.8956, Acc.shelf: 0.5947, Acc.house: 0.5016, Acc.sea: 0.8461, Acc.mirror: 0.8867, Acc.rug: 0.7447, Acc.field: 0.4988, Acc.armchair: 0.7254, Acc.seat: 0.8969, Acc.fence: 0.5782, Acc.desk: 0.7968, Acc.rock: 0.8007, Acc.wardrobe: 0.7218, Acc.lamp: 0.8164, Acc.bathtub: 0.8634, Acc.railing: 0.4467, Acc.cushion: 0.8000, Acc.base: 0.5809, Acc.box: 0.4378, Acc.column: 0.6708, Acc.signboard: 0.5192, Acc.chest of drawers: 0.6546, Acc.counter: 0.6459, Acc.sand: 0.8515, Acc.sink: 0.8590, Acc.skyscraper: 0.6326, Acc.fireplace: 0.9048, Acc.refrigerator: 0.9151, Acc.grandstand: 0.8450, Acc.path: 0.3741, Acc.stairs: 0.4907, Acc.runway: 0.9230, Acc.case: 0.7843, Acc.pool table: 0.9799, Acc.pillow: 0.6983, Acc.screen door: 0.8494, Acc.stairway: 0.6591, Acc.river: 0.2206, Acc.bridge: 0.8707, Acc.bookcase: 0.6500, Acc.blind: 0.3051, Acc.coffee table: 0.8851, Acc.toilet: 0.9548, Acc.flower: 0.6334, Acc.book: 0.7688, Acc.hill: 0.1040, Acc.bench: 0.7482, Acc.countertop: 0.8502, Acc.stove: 0.8995, Acc.palm: 0.7832, Acc.kitchen island: 0.6868, Acc.computer: 0.8994, Acc.swivel chair: 0.6289, Acc.boat: 0.9196, Acc.bar: 0.9071, Acc.arcade machine: 0.8627, Acc.hovel: 0.3045, Acc.bus: 0.9560, Acc.towel: 0.8484, Acc.light: 0.6209, Acc.truck: 0.5757, Acc.tower: 0.5443, Acc.chandelier: 0.7959, Acc.awning: 0.4744, Acc.streetlight: 0.4027, Acc.booth: 0.4999, Acc.television receiver: 0.8817, Acc.airplane: 0.7205, Acc.dirt track: 0.2016, Acc.apparel: 0.7878, Acc.pole: 0.4511, Acc.land: 0.0920, Acc.bannister: 0.1730, Acc.escalator: 0.8610, Acc.ottoman: 0.7203, Acc.bottle: 0.7047, Acc.buffet: 0.6638, Acc.poster: 0.2686, Acc.stage: 0.7136, Acc.van: 0.6417, Acc.ship: 0.8929, Acc.fountain: 0.5799, Acc.conveyer belt: 0.9786, Acc.canopy: 0.7416, Acc.washer: 0.9247, Acc.plaything: 0.6252, Acc.swimming pool: 0.8417, Acc.stool: 0.6671, Acc.barrel: 0.7041, Acc.basket: 0.5533, Acc.waterfall: 0.5811, Acc.tent: 0.9830, Acc.bag: 0.3199, Acc.minibike: 0.8745, Acc.cradle: 0.9818, Acc.oven: 0.7375, Acc.ball: 0.6147, Acc.food: 0.6441, Acc.step: 0.1078, Acc.tank: 0.9362, Acc.trade name: 0.2894, Acc.microwave: 0.9378, Acc.pot: 0.6634, Acc.animal: 0.7071, Acc.bicycle: 0.7376, Acc.lake: 0.6382, Acc.dishwasher: 0.7426, Acc.screen: 0.6783, Acc.blanket: 0.2702, Acc.sculpture: 0.8614, Acc.hood: 0.6642, Acc.sconce: 0.6805, Acc.vase: 0.5985, Acc.traffic light: 0.4844, Acc.tray: 0.2680, Acc.ashcan: 0.5759, Acc.fan: 0.7900, Acc.pier: 0.4846, Acc.crt screen: 0.0968, Acc.plate: 0.7920, Acc.monitor: 0.7097, Acc.bulletin board: 0.6117, Acc.shower: 0.1686, Acc.radiator: 0.7303, Acc.glass: 0.2320, Acc.clock: 0.6013, Acc.flag: 0.7243 2024-01-18 17:21:07,238 - mmseg - INFO - Iter [53050/80000] lr: 1.348e-05, eta: 10:36:37, time: 4.466, data_time: 3.267, memory: 59004, decode.loss_ce: 0.1244, decode.acc_seg: 94.5162, aux.loss_ce: 0.0671, aux.acc_seg: 92.7702, loss: 0.1915 2024-01-18 17:22:07,541 - mmseg - INFO - Iter [53100/80000] lr: 1.345e-05, eta: 10:35:20, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1263, decode.acc_seg: 94.3427, aux.loss_ce: 0.0675, aux.acc_seg: 92.6970, loss: 0.1938 2024-01-18 17:23:07,925 - mmseg - INFO - Iter [53150/80000] lr: 1.343e-05, eta: 10:34:04, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1153, decode.acc_seg: 94.8399, aux.loss_ce: 0.0623, aux.acc_seg: 93.3063, loss: 0.1776 2024-01-18 17:24:08,242 - mmseg - INFO - Iter [53200/80000] lr: 1.340e-05, eta: 10:32:48, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1248, decode.acc_seg: 94.6357, aux.loss_ce: 0.0647, aux.acc_seg: 93.1931, loss: 0.1895 2024-01-18 17:25:08,668 - mmseg - INFO - Iter [53250/80000] lr: 1.338e-05, eta: 10:31:32, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1200, decode.acc_seg: 94.5945, aux.loss_ce: 0.0638, aux.acc_seg: 93.1448, loss: 0.1838 2024-01-18 17:26:08,980 - mmseg - INFO - Iter [53300/80000] lr: 1.335e-05, eta: 10:30:16, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1241, decode.acc_seg: 94.4790, aux.loss_ce: 0.0669, aux.acc_seg: 92.8514, loss: 0.1910 2024-01-18 17:27:09,426 - mmseg - INFO - Iter [53350/80000] lr: 1.333e-05, eta: 10:29:00, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1235, decode.acc_seg: 94.5352, aux.loss_ce: 0.0648, aux.acc_seg: 93.0616, loss: 0.1883 2024-01-18 17:28:09,867 - mmseg - INFO - Iter [53400/80000] lr: 1.330e-05, eta: 10:27:44, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1147, decode.acc_seg: 94.7107, aux.loss_ce: 0.0624, aux.acc_seg: 93.0885, loss: 0.1771 2024-01-18 17:29:10,152 - mmseg - INFO - Iter [53450/80000] lr: 1.328e-05, eta: 10:26:28, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1171, decode.acc_seg: 94.6567, aux.loss_ce: 0.0629, aux.acc_seg: 93.1332, loss: 0.1800 2024-01-18 17:30:10,434 - mmseg - INFO - Iter [53500/80000] lr: 1.325e-05, eta: 10:25:12, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1286, decode.acc_seg: 94.1072, aux.loss_ce: 0.0685, aux.acc_seg: 92.5296, loss: 0.1971 2024-01-18 17:31:10,687 - mmseg - INFO - Iter [53550/80000] lr: 1.323e-05, eta: 10:23:56, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1259, decode.acc_seg: 94.3513, aux.loss_ce: 0.0662, aux.acc_seg: 92.8071, loss: 0.1922 2024-01-18 17:32:11,157 - mmseg - INFO - Iter [53600/80000] lr: 1.320e-05, eta: 10:22:40, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1167, decode.acc_seg: 94.7732, aux.loss_ce: 0.0625, aux.acc_seg: 93.2830, loss: 0.1792 2024-01-18 17:33:11,463 - mmseg - INFO - Iter [53650/80000] lr: 1.318e-05, eta: 10:21:24, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1216, decode.acc_seg: 94.5634, aux.loss_ce: 0.0639, aux.acc_seg: 93.0671, loss: 0.1855 2024-01-18 17:34:11,819 - mmseg - INFO - Iter [53700/80000] lr: 1.315e-05, eta: 10:20:08, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1333, decode.acc_seg: 94.2503, aux.loss_ce: 0.0701, aux.acc_seg: 92.6218, loss: 0.2034 2024-01-18 17:35:12,228 - mmseg - INFO - Iter [53750/80000] lr: 1.313e-05, eta: 10:18:53, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1264, decode.acc_seg: 94.3319, aux.loss_ce: 0.0676, aux.acc_seg: 92.6905, loss: 0.1939 2024-01-18 17:36:12,697 - mmseg - INFO - Iter [53800/80000] lr: 1.310e-05, eta: 10:17:37, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1206, decode.acc_seg: 94.5860, aux.loss_ce: 0.0642, aux.acc_seg: 93.0390, loss: 0.1847 2024-01-18 17:37:13,054 - mmseg - INFO - Iter [53850/80000] lr: 1.308e-05, eta: 10:16:21, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1225, decode.acc_seg: 94.4077, aux.loss_ce: 0.0680, aux.acc_seg: 92.5382, loss: 0.1905 2024-01-18 17:38:13,362 - mmseg - INFO - Iter [53900/80000] lr: 1.305e-05, eta: 10:15:05, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1237, decode.acc_seg: 94.4170, aux.loss_ce: 0.0665, aux.acc_seg: 92.7488, loss: 0.1902 2024-01-18 17:39:13,710 - mmseg - INFO - Iter [53950/80000] lr: 1.303e-05, eta: 10:13:50, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1234, decode.acc_seg: 94.3928, aux.loss_ce: 0.0660, aux.acc_seg: 92.7925, loss: 0.1894 2024-01-18 17:40:14,028 - mmseg - INFO - Saving checkpoint at 54000 iterations 2024-01-18 17:40:59,973 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 17:40:59,973 - mmseg - INFO - Iter [54000/80000] lr: 1.300e-05, eta: 10:12:56, time: 2.125, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1286, decode.acc_seg: 94.2807, aux.loss_ce: 0.0686, aux.acc_seg: 92.7974, loss: 0.1972 2024-01-18 17:43:37,755 - mmseg - INFO - per class results: 2024-01-18 17:43:37,761 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.42 | 90.4 | | building | 85.67 | 94.03 | | sky | 94.76 | 97.66 | | floor | 83.09 | 92.47 | | tree | 76.35 | 89.33 | | ceiling | 85.87 | 93.27 | | road | 86.39 | 92.35 | | bed | 91.91 | 96.93 | | windowpane | 66.46 | 81.61 | | grass | 67.62 | 82.48 | | cabinet | 65.39 | 76.86 | | sidewalk | 70.76 | 82.93 | | person | 84.92 | 94.11 | | earth | 39.13 | 51.27 | | door | 57.42 | 68.97 | | table | 68.28 | 77.94 | | mountain | 62.38 | 74.07 | | plant | 55.47 | 68.48 | | curtain | 79.38 | 87.37 | | chair | 65.65 | 77.71 | | car | 87.14 | 93.73 | | water | 63.95 | 79.77 | | painting | 75.58 | 86.26 | | sofa | 79.72 | 89.75 | | shelf | 45.33 | 62.72 | | house | 52.74 | 68.85 | | sea | 74.35 | 83.62 | | mirror | 76.11 | 84.3 | | rug | 61.59 | 70.1 | | field | 27.29 | 45.97 | | armchair | 55.82 | 72.57 | | seat | 71.23 | 90.0 | | fence | 44.77 | 56.09 | | desk | 58.98 | 76.28 | | rock | 52.71 | 78.97 | | wardrobe | 56.93 | 73.28 | | lamp | 74.24 | 83.92 | | bathtub | 82.98 | 86.56 | | railing | 40.22 | 56.6 | | cushion | 67.13 | 81.35 | | base | 40.32 | 54.11 | | box | 37.77 | 45.01 | | column | 57.49 | 66.45 | | signboard | 38.32 | 50.66 | | chest of drawers | 46.25 | 67.74 | | counter | 57.49 | 64.37 | | sand | 58.38 | 84.91 | | sink | 79.69 | 86.32 | | skyscraper | 54.25 | 58.94 | | fireplace | 79.32 | 91.5 | | refrigerator | 82.22 | 89.0 | | grandstand | 59.79 | 85.48 | | path | 24.59 | 36.47 | | stairs | 45.44 | 53.11 | | runway | 73.23 | 94.63 | | case | 64.19 | 80.87 | | pool table | 94.84 | 97.48 | | pillow | 62.79 | 72.08 | | screen door | 77.8 | 84.68 | | stairway | 40.57 | 54.19 | | river | 12.01 | 24.84 | | bridge | 73.81 | 81.8 | | bookcase | 44.95 | 60.25 | | blind | 46.23 | 55.03 | | coffee table | 60.57 | 84.97 | | toilet | 91.53 | 95.05 | | flower | 48.98 | 63.42 | | book | 55.79 | 79.07 | | hill | 6.39 | 11.09 | | bench | 66.08 | 74.05 | | countertop | 66.3 | 82.25 | | stove | 83.82 | 89.53 | | palm | 54.81 | 81.41 | | kitchen island | 44.36 | 65.99 | | computer | 77.76 | 89.46 | | swivel chair | 43.07 | 55.6 | | boat | 74.55 | 91.09 | | bar | 76.24 | 89.56 | | arcade machine | 82.71 | 87.43 | | hovel | 14.91 | 16.47 | | bus | 92.27 | 95.72 | | towel | 74.26 | 85.84 | | light | 57.3 | 65.6 | | truck | 48.66 | 62.44 | | tower | 30.56 | 43.49 | | chandelier | 72.31 | 83.64 | | awning | 41.6 | 54.74 | | streetlight | 31.95 | 38.3 | | booth | 45.64 | 53.04 | | television receiver | 84.99 | 89.19 | | airplane | 73.81 | 80.76 | | dirt track | 10.33 | 18.61 | | apparel | 59.01 | 77.72 | | pole | 29.06 | 42.68 | | land | 4.64 | 7.34 | | bannister | 13.68 | 16.95 | | escalator | 63.14 | 86.73 | | ottoman | 57.44 | 68.29 | | bottle | 42.2 | 71.16 | | buffet | 56.49 | 62.58 | | poster | 23.0 | 28.24 | | stage | 30.6 | 72.7 | | van | 48.8 | 62.87 | | ship | 64.03 | 72.46 | | fountain | 46.82 | 47.49 | | conveyer belt | 82.36 | 97.59 | | canopy | 49.87 | 77.33 | | washer | 88.78 | 94.52 | | plaything | 40.49 | 67.63 | | swimming pool | 58.64 | 85.97 | | stool | 53.14 | 62.97 | | barrel | 56.43 | 68.19 | | basket | 44.74 | 57.61 | | waterfall | 51.22 | 61.74 | | tent | 94.34 | 98.32 | | bag | 29.35 | 34.39 | | minibike | 75.46 | 88.93 | | cradle | 83.86 | 97.94 | | oven | 64.61 | 75.87 | | ball | 50.48 | 53.66 | | food | 57.6 | 66.14 | | step | 21.21 | 21.88 | | tank | 81.56 | 93.36 | | trade name | 23.07 | 25.89 | | microwave | 88.32 | 94.12 | | pot | 54.75 | 61.47 | | animal | 69.16 | 71.08 | | bicycle | 57.1 | 69.36 | | lake | 61.08 | 63.73 | | dishwasher | 67.63 | 76.4 | | screen | 51.9 | 69.22 | | blanket | 21.01 | 24.18 | | sculpture | 73.76 | 85.65 | | hood | 58.36 | 68.76 | | sconce | 55.75 | 67.41 | | vase | 44.93 | 57.23 | | traffic light | 32.94 | 40.53 | | tray | 16.98 | 22.46 | | ashcan | 49.01 | 57.25 | | fan | 68.15 | 83.77 | | pier | 45.36 | 51.25 | | crt screen | 2.51 | 3.86 | | plate | 58.85 | 79.56 | | monitor | 65.55 | 82.59 | | bulletin board | 56.23 | 64.66 | | shower | 9.17 | 9.81 | | radiator | 65.24 | 72.0 | | glass | 21.01 | 22.67 | | clock | 54.4 | 59.68 | | flag | 67.65 | 73.13 | +---------------------+-------+-------+ 2024-01-18 17:43:37,761 - mmseg - INFO - Summary: 2024-01-18 17:43:37,761 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.94 | 57.62 | 68.92 | +-------+-------+-------+ 2024-01-18 17:43:37,762 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 17:43:37,762 - mmseg - INFO - Iter(val) [250] aAcc: 0.8594, mIoU: 0.5762, mAcc: 0.6892, IoU.wall: 0.8142, IoU.building: 0.8567, IoU.sky: 0.9476, IoU.floor: 0.8309, IoU.tree: 0.7635, IoU.ceiling: 0.8587, IoU.road: 0.8639, IoU.bed : 0.9191, IoU.windowpane: 0.6646, IoU.grass: 0.6762, IoU.cabinet: 0.6539, IoU.sidewalk: 0.7076, IoU.person: 0.8492, IoU.earth: 0.3913, IoU.door: 0.5742, IoU.table: 0.6828, IoU.mountain: 0.6238, IoU.plant: 0.5547, IoU.curtain: 0.7938, IoU.chair: 0.6565, IoU.car: 0.8714, IoU.water: 0.6395, IoU.painting: 0.7558, IoU.sofa: 0.7972, IoU.shelf: 0.4533, IoU.house: 0.5274, IoU.sea: 0.7435, IoU.mirror: 0.7611, IoU.rug: 0.6159, IoU.field: 0.2729, IoU.armchair: 0.5582, IoU.seat: 0.7123, IoU.fence: 0.4477, IoU.desk: 0.5898, IoU.rock: 0.5271, IoU.wardrobe: 0.5693, IoU.lamp: 0.7424, IoU.bathtub: 0.8298, IoU.railing: 0.4022, IoU.cushion: 0.6713, IoU.base: 0.4032, IoU.box: 0.3777, IoU.column: 0.5749, IoU.signboard: 0.3832, IoU.chest of drawers: 0.4625, IoU.counter: 0.5749, IoU.sand: 0.5838, IoU.sink: 0.7969, IoU.skyscraper: 0.5425, IoU.fireplace: 0.7932, IoU.refrigerator: 0.8222, IoU.grandstand: 0.5979, IoU.path: 0.2459, IoU.stairs: 0.4544, IoU.runway: 0.7323, IoU.case: 0.6419, IoU.pool table: 0.9484, IoU.pillow: 0.6279, IoU.screen door: 0.7780, IoU.stairway: 0.4057, IoU.river: 0.1201, IoU.bridge: 0.7381, IoU.bookcase: 0.4495, IoU.blind: 0.4623, IoU.coffee table: 0.6057, IoU.toilet: 0.9153, IoU.flower: 0.4898, IoU.book: 0.5579, IoU.hill: 0.0639, IoU.bench: 0.6608, IoU.countertop: 0.6630, IoU.stove: 0.8382, IoU.palm: 0.5481, IoU.kitchen island: 0.4436, IoU.computer: 0.7776, IoU.swivel chair: 0.4307, IoU.boat: 0.7455, IoU.bar: 0.7624, IoU.arcade machine: 0.8271, IoU.hovel: 0.1491, IoU.bus: 0.9227, IoU.towel: 0.7426, IoU.light: 0.5730, IoU.truck: 0.4866, IoU.tower: 0.3056, IoU.chandelier: 0.7231, IoU.awning: 0.4160, IoU.streetlight: 0.3195, IoU.booth: 0.4564, IoU.television receiver: 0.8499, IoU.airplane: 0.7381, IoU.dirt track: 0.1033, IoU.apparel: 0.5901, IoU.pole: 0.2906, IoU.land: 0.0464, IoU.bannister: 0.1368, IoU.escalator: 0.6314, IoU.ottoman: 0.5744, IoU.bottle: 0.4220, IoU.buffet: 0.5649, IoU.poster: 0.2300, IoU.stage: 0.3060, IoU.van: 0.4880, IoU.ship: 0.6403, IoU.fountain: 0.4682, IoU.conveyer belt: 0.8236, IoU.canopy: 0.4987, IoU.washer: 0.8878, IoU.plaything: 0.4049, IoU.swimming pool: 0.5864, IoU.stool: 0.5314, IoU.barrel: 0.5643, IoU.basket: 0.4474, IoU.waterfall: 0.5122, IoU.tent: 0.9434, IoU.bag: 0.2935, IoU.minibike: 0.7546, IoU.cradle: 0.8386, IoU.oven: 0.6461, IoU.ball: 0.5048, IoU.food: 0.5760, IoU.step: 0.2121, IoU.tank: 0.8156, IoU.trade name: 0.2307, IoU.microwave: 0.8832, IoU.pot: 0.5475, IoU.animal: 0.6916, IoU.bicycle: 0.5710, IoU.lake: 0.6108, IoU.dishwasher: 0.6763, IoU.screen: 0.5190, IoU.blanket: 0.2101, IoU.sculpture: 0.7376, IoU.hood: 0.5836, IoU.sconce: 0.5575, IoU.vase: 0.4493, IoU.traffic light: 0.3294, IoU.tray: 0.1698, IoU.ashcan: 0.4901, IoU.fan: 0.6815, IoU.pier: 0.4536, IoU.crt screen: 0.0251, IoU.plate: 0.5885, IoU.monitor: 0.6555, IoU.bulletin board: 0.5623, IoU.shower: 0.0917, IoU.radiator: 0.6524, IoU.glass: 0.2101, IoU.clock: 0.5440, IoU.flag: 0.6765, Acc.wall: 0.9040, Acc.building: 0.9403, Acc.sky: 0.9766, Acc.floor: 0.9247, Acc.tree: 0.8933, Acc.ceiling: 0.9327, Acc.road: 0.9235, Acc.bed : 0.9693, Acc.windowpane: 0.8161, Acc.grass: 0.8248, Acc.cabinet: 0.7686, Acc.sidewalk: 0.8293, Acc.person: 0.9411, Acc.earth: 0.5127, Acc.door: 0.6897, Acc.table: 0.7794, Acc.mountain: 0.7407, Acc.plant: 0.6848, Acc.curtain: 0.8737, Acc.chair: 0.7771, Acc.car: 0.9373, Acc.water: 0.7977, Acc.painting: 0.8626, Acc.sofa: 0.8975, Acc.shelf: 0.6272, Acc.house: 0.6885, Acc.sea: 0.8362, Acc.mirror: 0.8430, Acc.rug: 0.7010, Acc.field: 0.4597, Acc.armchair: 0.7257, Acc.seat: 0.9000, Acc.fence: 0.5609, Acc.desk: 0.7628, Acc.rock: 0.7897, Acc.wardrobe: 0.7328, Acc.lamp: 0.8392, Acc.bathtub: 0.8656, Acc.railing: 0.5660, Acc.cushion: 0.8135, Acc.base: 0.5411, Acc.box: 0.4501, Acc.column: 0.6645, Acc.signboard: 0.5066, Acc.chest of drawers: 0.6774, Acc.counter: 0.6437, Acc.sand: 0.8491, Acc.sink: 0.8632, Acc.skyscraper: 0.5894, Acc.fireplace: 0.9150, Acc.refrigerator: 0.8900, Acc.grandstand: 0.8548, Acc.path: 0.3647, Acc.stairs: 0.5311, Acc.runway: 0.9463, Acc.case: 0.8087, Acc.pool table: 0.9748, Acc.pillow: 0.7208, Acc.screen door: 0.8468, Acc.stairway: 0.5419, Acc.river: 0.2484, Acc.bridge: 0.8180, Acc.bookcase: 0.6025, Acc.blind: 0.5503, Acc.coffee table: 0.8497, Acc.toilet: 0.9505, Acc.flower: 0.6342, Acc.book: 0.7907, Acc.hill: 0.1109, Acc.bench: 0.7405, Acc.countertop: 0.8225, Acc.stove: 0.8953, Acc.palm: 0.8141, Acc.kitchen island: 0.6599, Acc.computer: 0.8946, Acc.swivel chair: 0.5560, Acc.boat: 0.9109, Acc.bar: 0.8956, Acc.arcade machine: 0.8743, Acc.hovel: 0.1647, Acc.bus: 0.9572, Acc.towel: 0.8584, Acc.light: 0.6560, Acc.truck: 0.6244, Acc.tower: 0.4349, Acc.chandelier: 0.8364, Acc.awning: 0.5474, Acc.streetlight: 0.3830, Acc.booth: 0.5304, Acc.television receiver: 0.8919, Acc.airplane: 0.8076, Acc.dirt track: 0.1861, Acc.apparel: 0.7772, Acc.pole: 0.4268, Acc.land: 0.0734, Acc.bannister: 0.1695, Acc.escalator: 0.8673, Acc.ottoman: 0.6829, Acc.bottle: 0.7116, Acc.buffet: 0.6258, Acc.poster: 0.2824, Acc.stage: 0.7270, Acc.van: 0.6287, Acc.ship: 0.7246, Acc.fountain: 0.4749, Acc.conveyer belt: 0.9759, Acc.canopy: 0.7733, Acc.washer: 0.9452, Acc.plaything: 0.6763, Acc.swimming pool: 0.8597, Acc.stool: 0.6297, Acc.barrel: 0.6819, Acc.basket: 0.5761, Acc.waterfall: 0.6174, Acc.tent: 0.9832, Acc.bag: 0.3439, Acc.minibike: 0.8893, Acc.cradle: 0.9794, Acc.oven: 0.7587, Acc.ball: 0.5366, Acc.food: 0.6614, Acc.step: 0.2188, Acc.tank: 0.9336, Acc.trade name: 0.2589, Acc.microwave: 0.9412, Acc.pot: 0.6147, Acc.animal: 0.7108, Acc.bicycle: 0.6936, Acc.lake: 0.6373, Acc.dishwasher: 0.7640, Acc.screen: 0.6922, Acc.blanket: 0.2418, Acc.sculpture: 0.8565, Acc.hood: 0.6876, Acc.sconce: 0.6741, Acc.vase: 0.5723, Acc.traffic light: 0.4053, Acc.tray: 0.2246, Acc.ashcan: 0.5725, Acc.fan: 0.8377, Acc.pier: 0.5125, Acc.crt screen: 0.0386, Acc.plate: 0.7956, Acc.monitor: 0.8259, Acc.bulletin board: 0.6466, Acc.shower: 0.0981, Acc.radiator: 0.7200, Acc.glass: 0.2267, Acc.clock: 0.5968, Acc.flag: 0.7313 2024-01-18 17:44:38,623 - mmseg - INFO - Iter [54050/80000] lr: 1.298e-05, eta: 10:12:56, time: 4.373, data_time: 3.172, memory: 59004, decode.loss_ce: 0.1234, decode.acc_seg: 94.4816, aux.loss_ce: 0.0661, aux.acc_seg: 92.8147, loss: 0.1895 2024-01-18 17:45:38,855 - mmseg - INFO - Iter [54100/80000] lr: 1.295e-05, eta: 10:11:40, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1180, decode.acc_seg: 94.6334, aux.loss_ce: 0.0639, aux.acc_seg: 92.9405, loss: 0.1820 2024-01-18 17:46:39,076 - mmseg - INFO - Iter [54150/80000] lr: 1.293e-05, eta: 10:10:25, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1265, decode.acc_seg: 94.3794, aux.loss_ce: 0.0663, aux.acc_seg: 92.8595, loss: 0.1929 2024-01-18 17:47:39,247 - mmseg - INFO - Iter [54200/80000] lr: 1.290e-05, eta: 10:09:09, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1180, decode.acc_seg: 94.5628, aux.loss_ce: 0.0622, aux.acc_seg: 93.1863, loss: 0.1802 2024-01-18 17:48:39,513 - mmseg - INFO - Iter [54250/80000] lr: 1.288e-05, eta: 10:07:53, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1177, decode.acc_seg: 94.6490, aux.loss_ce: 0.0645, aux.acc_seg: 92.8941, loss: 0.1822 2024-01-18 17:49:39,841 - mmseg - INFO - Iter [54300/80000] lr: 1.285e-05, eta: 10:06:37, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1185, decode.acc_seg: 94.6410, aux.loss_ce: 0.0646, aux.acc_seg: 92.9026, loss: 0.1831 2024-01-18 17:50:42,624 - mmseg - INFO - Iter [54350/80000] lr: 1.283e-05, eta: 10:05:22, time: 1.256, data_time: 0.056, memory: 59004, decode.loss_ce: 0.1204, decode.acc_seg: 94.5401, aux.loss_ce: 0.0650, aux.acc_seg: 92.8135, loss: 0.1854 2024-01-18 17:51:43,082 - mmseg - INFO - Iter [54400/80000] lr: 1.280e-05, eta: 10:04:07, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1194, decode.acc_seg: 94.6445, aux.loss_ce: 0.0636, aux.acc_seg: 93.0549, loss: 0.1830 2024-01-18 17:52:43,563 - mmseg - INFO - Iter [54450/80000] lr: 1.278e-05, eta: 10:02:51, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1186, decode.acc_seg: 94.6318, aux.loss_ce: 0.0632, aux.acc_seg: 93.1406, loss: 0.1818 2024-01-18 17:53:43,888 - mmseg - INFO - Iter [54500/80000] lr: 1.275e-05, eta: 10:01:35, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1222, decode.acc_seg: 94.3757, aux.loss_ce: 0.0649, aux.acc_seg: 92.8054, loss: 0.1871 2024-01-18 17:54:44,180 - mmseg - INFO - Iter [54550/80000] lr: 1.273e-05, eta: 10:00:20, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1170, decode.acc_seg: 94.7183, aux.loss_ce: 0.0630, aux.acc_seg: 93.1356, loss: 0.1800 2024-01-18 17:55:44,603 - mmseg - INFO - Iter [54600/80000] lr: 1.270e-05, eta: 9:59:04, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1272, decode.acc_seg: 94.4624, aux.loss_ce: 0.0661, aux.acc_seg: 92.9284, loss: 0.1934 2024-01-18 17:56:44,880 - mmseg - INFO - Iter [54650/80000] lr: 1.268e-05, eta: 9:57:49, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1132, decode.acc_seg: 94.8291, aux.loss_ce: 0.0614, aux.acc_seg: 93.4245, loss: 0.1746 2024-01-18 17:57:45,241 - mmseg - INFO - Iter [54700/80000] lr: 1.265e-05, eta: 9:56:33, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1172, decode.acc_seg: 94.6745, aux.loss_ce: 0.0633, aux.acc_seg: 93.0828, loss: 0.1804 2024-01-18 17:58:45,680 - mmseg - INFO - Iter [54750/80000] lr: 1.263e-05, eta: 9:55:17, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1158, decode.acc_seg: 94.7799, aux.loss_ce: 0.0619, aux.acc_seg: 93.2720, loss: 0.1777 2024-01-18 17:59:46,086 - mmseg - INFO - Iter [54800/80000] lr: 1.260e-05, eta: 9:54:02, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1184, decode.acc_seg: 94.6102, aux.loss_ce: 0.0632, aux.acc_seg: 93.1846, loss: 0.1817 2024-01-18 18:00:46,441 - mmseg - INFO - Iter [54850/80000] lr: 1.258e-05, eta: 9:52:47, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1235, decode.acc_seg: 94.3461, aux.loss_ce: 0.0654, aux.acc_seg: 92.8658, loss: 0.1889 2024-01-18 18:01:46,767 - mmseg - INFO - Iter [54900/80000] lr: 1.255e-05, eta: 9:51:31, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1122, decode.acc_seg: 94.9012, aux.loss_ce: 0.0612, aux.acc_seg: 93.3026, loss: 0.1734 2024-01-18 18:02:47,191 - mmseg - INFO - Iter [54950/80000] lr: 1.253e-05, eta: 9:50:16, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1169, decode.acc_seg: 94.4950, aux.loss_ce: 0.0622, aux.acc_seg: 92.8847, loss: 0.1791 2024-01-18 18:03:47,601 - mmseg - INFO - Saving checkpoint at 55000 iterations 2024-01-18 18:04:31,073 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 18:04:31,073 - mmseg - INFO - Iter [55000/80000] lr: 1.250e-05, eta: 9:49:20, time: 2.078, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1131, decode.acc_seg: 94.8108, aux.loss_ce: 0.0603, aux.acc_seg: 93.4509, loss: 0.1733 2024-01-18 18:07:08,429 - mmseg - INFO - per class results: 2024-01-18 18:07:08,436 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.44 | 90.55 | | building | 85.36 | 94.12 | | sky | 94.79 | 97.76 | | floor | 82.69 | 91.61 | | tree | 76.29 | 90.19 | | ceiling | 86.06 | 93.98 | | road | 86.25 | 91.53 | | bed | 92.15 | 97.16 | | windowpane | 65.49 | 82.39 | | grass | 69.16 | 85.51 | | cabinet | 64.15 | 73.56 | | sidewalk | 71.0 | 85.22 | | person | 84.85 | 93.84 | | earth | 40.39 | 52.4 | | door | 56.1 | 67.01 | | table | 68.03 | 79.64 | | mountain | 62.79 | 73.65 | | plant | 55.58 | 67.23 | | curtain | 78.46 | 88.31 | | chair | 65.74 | 77.61 | | car | 86.99 | 93.24 | | water | 63.59 | 78.28 | | painting | 75.93 | 87.81 | | sofa | 80.08 | 90.36 | | shelf | 45.05 | 59.53 | | house | 51.67 | 63.04 | | sea | 73.47 | 83.49 | | mirror | 76.12 | 84.73 | | rug | 57.79 | 64.67 | | field | 32.09 | 47.63 | | armchair | 56.92 | 73.99 | | seat | 69.43 | 88.63 | | fence | 44.87 | 57.07 | | desk | 55.53 | 82.31 | | rock | 54.89 | 77.95 | | wardrobe | 54.19 | 72.08 | | lamp | 74.3 | 86.72 | | bathtub | 83.39 | 87.11 | | railing | 37.99 | 50.82 | | cushion | 68.47 | 79.12 | | base | 36.05 | 48.39 | | box | 40.04 | 47.6 | | column | 56.19 | 63.83 | | signboard | 36.91 | 46.73 | | chest of drawers | 51.24 | 75.87 | | counter | 55.89 | 63.84 | | sand | 57.44 | 86.28 | | sink | 81.08 | 87.47 | | skyscraper | 52.68 | 64.26 | | fireplace | 76.42 | 94.33 | | refrigerator | 84.82 | 92.95 | | grandstand | 61.21 | 84.31 | | path | 23.08 | 31.13 | | stairs | 40.26 | 45.86 | | runway | 71.64 | 95.37 | | case | 63.54 | 80.4 | | pool table | 94.63 | 98.03 | | pillow | 64.57 | 74.29 | | screen door | 79.9 | 87.76 | | stairway | 40.81 | 58.8 | | river | 13.65 | 27.55 | | bridge | 75.31 | 81.71 | | bookcase | 45.18 | 66.05 | | blind | 37.67 | 42.27 | | coffee table | 60.09 | 84.67 | | toilet | 91.64 | 94.84 | | flower | 48.24 | 60.45 | | book | 53.79 | 74.91 | | hill | 6.8 | 10.73 | | bench | 65.34 | 72.0 | | countertop | 66.39 | 83.07 | | stove | 84.27 | 90.07 | | palm | 54.23 | 69.98 | | kitchen island | 47.04 | 72.3 | | computer | 78.09 | 89.57 | | swivel chair | 42.83 | 58.67 | | boat | 75.48 | 90.41 | | bar | 73.72 | 90.76 | | arcade machine | 81.47 | 85.11 | | hovel | 14.06 | 15.66 | | bus | 92.02 | 96.51 | | towel | 77.24 | 87.18 | | light | 58.18 | 64.73 | | truck | 48.59 | 58.56 | | tower | 31.14 | 47.99 | | chandelier | 72.39 | 83.41 | | awning | 40.49 | 47.59 | | streetlight | 32.74 | 42.26 | | booth | 47.8 | 56.55 | | television receiver | 85.57 | 90.52 | | airplane | 65.76 | 71.96 | | dirt track | 8.62 | 15.95 | | apparel | 60.97 | 79.33 | | pole | 22.43 | 32.54 | | land | 2.97 | 3.82 | | bannister | 13.26 | 18.05 | | escalator | 64.49 | 85.77 | | ottoman | 57.47 | 70.41 | | bottle | 41.52 | 72.82 | | buffet | 60.21 | 67.49 | | poster | 24.51 | 31.05 | | stage | 29.63 | 74.64 | | van | 50.62 | 68.6 | | ship | 71.2 | 87.15 | | fountain | 50.03 | 51.01 | | conveyer belt | 83.07 | 97.82 | | canopy | 50.06 | 69.42 | | washer | 89.89 | 95.16 | | plaything | 37.54 | 51.57 | | swimming pool | 55.73 | 80.66 | | stool | 50.19 | 66.75 | | barrel | 62.46 | 71.28 | | basket | 43.89 | 56.26 | | waterfall | 50.56 | 60.68 | | tent | 91.35 | 98.47 | | bag | 29.43 | 32.97 | | minibike | 74.95 | 87.87 | | cradle | 83.24 | 98.24 | | oven | 63.49 | 71.86 | | ball | 55.36 | 59.39 | | food | 57.84 | 69.79 | | step | 7.65 | 7.78 | | tank | 81.49 | 94.33 | | trade name | 24.44 | 27.62 | | microwave | 87.38 | 95.2 | | pot | 56.76 | 64.82 | | animal | 66.56 | 68.35 | | bicycle | 58.77 | 75.75 | | lake | 61.18 | 63.7 | | dishwasher | 69.7 | 75.09 | | screen | 52.52 | 68.57 | | blanket | 22.21 | 25.86 | | sculpture | 73.37 | 84.77 | | hood | 60.99 | 70.0 | | sconce | 55.96 | 68.27 | | vase | 44.47 | 57.48 | | traffic light | 35.69 | 57.48 | | tray | 18.53 | 23.57 | | ashcan | 51.94 | 62.25 | | fan | 68.0 | 80.48 | | pier | 47.13 | 53.5 | | crt screen | 2.46 | 3.67 | | plate | 60.38 | 77.36 | | monitor | 66.94 | 81.05 | | bulletin board | 57.42 | 68.39 | | shower | 14.15 | 15.01 | | radiator | 65.34 | 73.15 | | glass | 21.65 | 23.61 | | clock | 54.43 | 61.07 | | flag | 67.04 | 73.6 | +---------------------+-------+-------+ 2024-01-18 18:07:08,436 - mmseg - INFO - Summary: 2024-01-18 18:07:08,437 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.92 | 57.58 | 68.97 | +-------+-------+-------+ 2024-01-18 18:07:08,438 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 18:07:08,438 - mmseg - INFO - Iter(val) [250] aAcc: 0.8592, mIoU: 0.5758, mAcc: 0.6897, IoU.wall: 0.8144, IoU.building: 0.8536, IoU.sky: 0.9479, IoU.floor: 0.8269, IoU.tree: 0.7629, IoU.ceiling: 0.8606, IoU.road: 0.8625, IoU.bed : 0.9215, IoU.windowpane: 0.6549, IoU.grass: 0.6916, IoU.cabinet: 0.6415, IoU.sidewalk: 0.7100, IoU.person: 0.8485, IoU.earth: 0.4039, IoU.door: 0.5610, IoU.table: 0.6803, IoU.mountain: 0.6279, IoU.plant: 0.5558, IoU.curtain: 0.7846, IoU.chair: 0.6574, IoU.car: 0.8699, IoU.water: 0.6359, IoU.painting: 0.7593, IoU.sofa: 0.8008, IoU.shelf: 0.4505, IoU.house: 0.5167, IoU.sea: 0.7347, IoU.mirror: 0.7612, IoU.rug: 0.5779, IoU.field: 0.3209, IoU.armchair: 0.5692, IoU.seat: 0.6943, IoU.fence: 0.4487, IoU.desk: 0.5553, IoU.rock: 0.5489, IoU.wardrobe: 0.5419, IoU.lamp: 0.7430, IoU.bathtub: 0.8339, IoU.railing: 0.3799, IoU.cushion: 0.6847, IoU.base: 0.3605, IoU.box: 0.4004, IoU.column: 0.5619, IoU.signboard: 0.3691, IoU.chest of drawers: 0.5124, IoU.counter: 0.5589, IoU.sand: 0.5744, IoU.sink: 0.8108, IoU.skyscraper: 0.5268, IoU.fireplace: 0.7642, IoU.refrigerator: 0.8482, IoU.grandstand: 0.6121, IoU.path: 0.2308, IoU.stairs: 0.4026, IoU.runway: 0.7164, IoU.case: 0.6354, IoU.pool table: 0.9463, IoU.pillow: 0.6457, IoU.screen door: 0.7990, IoU.stairway: 0.4081, IoU.river: 0.1365, IoU.bridge: 0.7531, IoU.bookcase: 0.4518, IoU.blind: 0.3767, IoU.coffee table: 0.6009, IoU.toilet: 0.9164, IoU.flower: 0.4824, IoU.book: 0.5379, IoU.hill: 0.0680, IoU.bench: 0.6534, IoU.countertop: 0.6639, IoU.stove: 0.8427, IoU.palm: 0.5423, IoU.kitchen island: 0.4704, IoU.computer: 0.7809, IoU.swivel chair: 0.4283, IoU.boat: 0.7548, IoU.bar: 0.7372, IoU.arcade machine: 0.8147, IoU.hovel: 0.1406, IoU.bus: 0.9202, IoU.towel: 0.7724, IoU.light: 0.5818, IoU.truck: 0.4859, IoU.tower: 0.3114, IoU.chandelier: 0.7239, IoU.awning: 0.4049, IoU.streetlight: 0.3274, IoU.booth: 0.4780, IoU.television receiver: 0.8557, IoU.airplane: 0.6576, IoU.dirt track: 0.0862, IoU.apparel: 0.6097, IoU.pole: 0.2243, IoU.land: 0.0297, IoU.bannister: 0.1326, IoU.escalator: 0.6449, IoU.ottoman: 0.5747, IoU.bottle: 0.4152, IoU.buffet: 0.6021, IoU.poster: 0.2451, IoU.stage: 0.2963, IoU.van: 0.5062, IoU.ship: 0.7120, IoU.fountain: 0.5003, IoU.conveyer belt: 0.8307, IoU.canopy: 0.5006, IoU.washer: 0.8989, IoU.plaything: 0.3754, IoU.swimming pool: 0.5573, IoU.stool: 0.5019, IoU.barrel: 0.6246, IoU.basket: 0.4389, IoU.waterfall: 0.5056, IoU.tent: 0.9135, IoU.bag: 0.2943, IoU.minibike: 0.7495, IoU.cradle: 0.8324, IoU.oven: 0.6349, IoU.ball: 0.5536, IoU.food: 0.5784, IoU.step: 0.0765, IoU.tank: 0.8149, IoU.trade name: 0.2444, IoU.microwave: 0.8738, IoU.pot: 0.5676, IoU.animal: 0.6656, IoU.bicycle: 0.5877, IoU.lake: 0.6118, IoU.dishwasher: 0.6970, IoU.screen: 0.5252, IoU.blanket: 0.2221, IoU.sculpture: 0.7337, IoU.hood: 0.6099, IoU.sconce: 0.5596, IoU.vase: 0.4447, IoU.traffic light: 0.3569, IoU.tray: 0.1853, IoU.ashcan: 0.5194, IoU.fan: 0.6800, IoU.pier: 0.4713, IoU.crt screen: 0.0246, IoU.plate: 0.6038, IoU.monitor: 0.6694, IoU.bulletin board: 0.5742, IoU.shower: 0.1415, IoU.radiator: 0.6534, IoU.glass: 0.2165, IoU.clock: 0.5443, IoU.flag: 0.6704, Acc.wall: 0.9055, Acc.building: 0.9412, Acc.sky: 0.9776, Acc.floor: 0.9161, Acc.tree: 0.9019, Acc.ceiling: 0.9398, Acc.road: 0.9153, Acc.bed : 0.9716, Acc.windowpane: 0.8239, Acc.grass: 0.8551, Acc.cabinet: 0.7356, Acc.sidewalk: 0.8522, Acc.person: 0.9384, Acc.earth: 0.5240, Acc.door: 0.6701, Acc.table: 0.7964, Acc.mountain: 0.7365, Acc.plant: 0.6723, Acc.curtain: 0.8831, Acc.chair: 0.7761, Acc.car: 0.9324, Acc.water: 0.7828, Acc.painting: 0.8781, Acc.sofa: 0.9036, Acc.shelf: 0.5953, Acc.house: 0.6304, Acc.sea: 0.8349, Acc.mirror: 0.8473, Acc.rug: 0.6467, Acc.field: 0.4763, Acc.armchair: 0.7399, Acc.seat: 0.8863, Acc.fence: 0.5707, Acc.desk: 0.8231, Acc.rock: 0.7795, Acc.wardrobe: 0.7208, Acc.lamp: 0.8672, Acc.bathtub: 0.8711, Acc.railing: 0.5082, Acc.cushion: 0.7912, Acc.base: 0.4839, Acc.box: 0.4760, Acc.column: 0.6383, Acc.signboard: 0.4673, Acc.chest of drawers: 0.7587, Acc.counter: 0.6384, Acc.sand: 0.8628, Acc.sink: 0.8747, Acc.skyscraper: 0.6426, Acc.fireplace: 0.9433, Acc.refrigerator: 0.9295, Acc.grandstand: 0.8431, Acc.path: 0.3113, Acc.stairs: 0.4586, Acc.runway: 0.9537, Acc.case: 0.8040, Acc.pool table: 0.9803, Acc.pillow: 0.7429, Acc.screen door: 0.8776, Acc.stairway: 0.5880, Acc.river: 0.2755, Acc.bridge: 0.8171, Acc.bookcase: 0.6605, Acc.blind: 0.4227, Acc.coffee table: 0.8467, Acc.toilet: 0.9484, Acc.flower: 0.6045, Acc.book: 0.7491, Acc.hill: 0.1073, Acc.bench: 0.7200, Acc.countertop: 0.8307, Acc.stove: 0.9007, Acc.palm: 0.6998, Acc.kitchen island: 0.7230, Acc.computer: 0.8957, Acc.swivel chair: 0.5867, Acc.boat: 0.9041, Acc.bar: 0.9076, Acc.arcade machine: 0.8511, Acc.hovel: 0.1566, Acc.bus: 0.9651, Acc.towel: 0.8718, Acc.light: 0.6473, Acc.truck: 0.5856, Acc.tower: 0.4799, Acc.chandelier: 0.8341, Acc.awning: 0.4759, Acc.streetlight: 0.4226, Acc.booth: 0.5655, Acc.television receiver: 0.9052, Acc.airplane: 0.7196, Acc.dirt track: 0.1595, Acc.apparel: 0.7933, Acc.pole: 0.3254, Acc.land: 0.0382, Acc.bannister: 0.1805, Acc.escalator: 0.8577, Acc.ottoman: 0.7041, Acc.bottle: 0.7282, Acc.buffet: 0.6749, Acc.poster: 0.3105, Acc.stage: 0.7464, Acc.van: 0.6860, Acc.ship: 0.8715, Acc.fountain: 0.5101, Acc.conveyer belt: 0.9782, Acc.canopy: 0.6942, Acc.washer: 0.9516, Acc.plaything: 0.5157, Acc.swimming pool: 0.8066, Acc.stool: 0.6675, Acc.barrel: 0.7128, Acc.basket: 0.5626, Acc.waterfall: 0.6068, Acc.tent: 0.9847, Acc.bag: 0.3297, Acc.minibike: 0.8787, Acc.cradle: 0.9824, Acc.oven: 0.7186, Acc.ball: 0.5939, Acc.food: 0.6979, Acc.step: 0.0778, Acc.tank: 0.9433, Acc.trade name: 0.2762, Acc.microwave: 0.9520, Acc.pot: 0.6482, Acc.animal: 0.6835, Acc.bicycle: 0.7575, Acc.lake: 0.6370, Acc.dishwasher: 0.7509, Acc.screen: 0.6857, Acc.blanket: 0.2586, Acc.sculpture: 0.8477, Acc.hood: 0.7000, Acc.sconce: 0.6827, Acc.vase: 0.5748, Acc.traffic light: 0.5748, Acc.tray: 0.2357, Acc.ashcan: 0.6225, Acc.fan: 0.8048, Acc.pier: 0.5350, Acc.crt screen: 0.0367, Acc.plate: 0.7736, Acc.monitor: 0.8105, Acc.bulletin board: 0.6839, Acc.shower: 0.1501, Acc.radiator: 0.7315, Acc.glass: 0.2361, Acc.clock: 0.6107, Acc.flag: 0.7360 2024-01-18 18:08:09,241 - mmseg - INFO - Iter [55050/80000] lr: 1.248e-05, eta: 9:49:16, time: 4.363, data_time: 3.164, memory: 59004, decode.loss_ce: 0.1108, decode.acc_seg: 94.8202, aux.loss_ce: 0.0596, aux.acc_seg: 93.2922, loss: 0.1705 2024-01-18 18:09:09,488 - mmseg - INFO - Iter [55100/80000] lr: 1.245e-05, eta: 9:48:01, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1175, decode.acc_seg: 94.6432, aux.loss_ce: 0.0628, aux.acc_seg: 93.0984, loss: 0.1803 2024-01-18 18:10:09,769 - mmseg - INFO - Iter [55150/80000] lr: 1.243e-05, eta: 9:46:45, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1230, decode.acc_seg: 94.5294, aux.loss_ce: 0.0676, aux.acc_seg: 92.8380, loss: 0.1906 2024-01-18 18:11:10,124 - mmseg - INFO - Iter [55200/80000] lr: 1.240e-05, eta: 9:45:29, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1151, decode.acc_seg: 94.8257, aux.loss_ce: 0.0617, aux.acc_seg: 93.4218, loss: 0.1768 2024-01-18 18:12:10,505 - mmseg - INFO - Iter [55250/80000] lr: 1.238e-05, eta: 9:44:14, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1184, decode.acc_seg: 94.5679, aux.loss_ce: 0.0645, aux.acc_seg: 92.8685, loss: 0.1830 2024-01-18 18:13:10,891 - mmseg - INFO - Iter [55300/80000] lr: 1.235e-05, eta: 9:42:58, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1179, decode.acc_seg: 94.6014, aux.loss_ce: 0.0622, aux.acc_seg: 93.1507, loss: 0.1801 2024-01-18 18:14:11,194 - mmseg - INFO - Iter [55350/80000] lr: 1.233e-05, eta: 9:41:43, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1282, decode.acc_seg: 94.4433, aux.loss_ce: 0.0665, aux.acc_seg: 92.9656, loss: 0.1947 2024-01-18 18:15:11,664 - mmseg - INFO - Iter [55400/80000] lr: 1.230e-05, eta: 9:40:28, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1290, decode.acc_seg: 94.4034, aux.loss_ce: 0.0681, aux.acc_seg: 92.8337, loss: 0.1971 2024-01-18 18:16:12,026 - mmseg - INFO - Iter [55450/80000] lr: 1.228e-05, eta: 9:39:12, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1153, decode.acc_seg: 94.6469, aux.loss_ce: 0.0620, aux.acc_seg: 93.1136, loss: 0.1773 2024-01-18 18:17:12,320 - mmseg - INFO - Iter [55500/80000] lr: 1.225e-05, eta: 9:37:57, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1185, decode.acc_seg: 94.6285, aux.loss_ce: 0.0621, aux.acc_seg: 93.1688, loss: 0.1806 2024-01-18 18:18:12,624 - mmseg - INFO - Iter [55550/80000] lr: 1.223e-05, eta: 9:36:41, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1187, decode.acc_seg: 94.6421, aux.loss_ce: 0.0633, aux.acc_seg: 93.2332, loss: 0.1820 2024-01-18 18:19:15,341 - mmseg - INFO - Iter [55600/80000] lr: 1.220e-05, eta: 9:35:27, time: 1.254, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1156, decode.acc_seg: 94.7469, aux.loss_ce: 0.0622, aux.acc_seg: 93.1856, loss: 0.1779 2024-01-18 18:20:15,535 - mmseg - INFO - Iter [55650/80000] lr: 1.218e-05, eta: 9:34:12, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1104, decode.acc_seg: 94.9607, aux.loss_ce: 0.0589, aux.acc_seg: 93.4925, loss: 0.1692 2024-01-18 18:21:15,773 - mmseg - INFO - Iter [55700/80000] lr: 1.215e-05, eta: 9:32:56, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1197, decode.acc_seg: 94.6826, aux.loss_ce: 0.0638, aux.acc_seg: 93.1781, loss: 0.1835 2024-01-18 18:22:16,100 - mmseg - INFO - Iter [55750/80000] lr: 1.213e-05, eta: 9:31:41, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1144, decode.acc_seg: 94.8688, aux.loss_ce: 0.0597, aux.acc_seg: 93.5104, loss: 0.1741 2024-01-18 18:23:16,400 - mmseg - INFO - Iter [55800/80000] lr: 1.210e-05, eta: 9:30:26, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1146, decode.acc_seg: 94.6763, aux.loss_ce: 0.0615, aux.acc_seg: 93.1306, loss: 0.1762 2024-01-18 18:24:16,629 - mmseg - INFO - Iter [55850/80000] lr: 1.208e-05, eta: 9:29:11, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1099, decode.acc_seg: 94.9274, aux.loss_ce: 0.0594, aux.acc_seg: 93.4540, loss: 0.1693 2024-01-18 18:25:16,746 - mmseg - INFO - Iter [55900/80000] lr: 1.205e-05, eta: 9:27:55, time: 1.202, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1116, decode.acc_seg: 94.8032, aux.loss_ce: 0.0604, aux.acc_seg: 93.2444, loss: 0.1720 2024-01-18 18:26:17,116 - mmseg - INFO - Iter [55950/80000] lr: 1.203e-05, eta: 9:26:40, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1173, decode.acc_seg: 94.6732, aux.loss_ce: 0.0633, aux.acc_seg: 93.0993, loss: 0.1806 2024-01-18 18:27:17,182 - mmseg - INFO - Saving checkpoint at 56000 iterations 2024-01-18 18:28:02,742 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 18:28:02,743 - mmseg - INFO - Iter [56000/80000] lr: 1.200e-05, eta: 9:25:44, time: 2.112, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1208, decode.acc_seg: 94.6073, aux.loss_ce: 0.0650, aux.acc_seg: 93.0717, loss: 0.1858 2024-01-18 18:30:40,610 - mmseg - INFO - per class results: 2024-01-18 18:30:40,622 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.41 | 91.14 | | building | 85.41 | 93.87 | | sky | 94.78 | 97.45 | | floor | 83.96 | 91.28 | | tree | 76.33 | 89.59 | | ceiling | 85.8 | 92.08 | | road | 86.57 | 91.72 | | bed | 92.37 | 97.38 | | windowpane | 66.98 | 81.37 | | grass | 68.97 | 82.34 | | cabinet | 64.91 | 73.81 | | sidewalk | 70.78 | 86.29 | | person | 84.53 | 94.05 | | earth | 41.04 | 52.97 | | door | 57.66 | 67.77 | | table | 68.58 | 78.71 | | mountain | 62.96 | 74.46 | | plant | 54.08 | 65.97 | | curtain | 78.83 | 88.24 | | chair | 65.52 | 78.33 | | car | 87.08 | 93.95 | | water | 59.97 | 82.27 | | painting | 74.79 | 88.15 | | sofa | 80.15 | 90.25 | | shelf | 45.22 | 61.27 | | house | 51.12 | 64.93 | | sea | 57.63 | 62.45 | | mirror | 76.67 | 85.71 | | rug | 65.56 | 78.86 | | field | 32.85 | 53.24 | | armchair | 58.72 | 76.59 | | seat | 70.7 | 88.58 | | fence | 46.25 | 56.86 | | desk | 60.33 | 77.63 | | rock | 54.93 | 79.28 | | wardrobe | 55.4 | 73.65 | | lamp | 74.71 | 84.53 | | bathtub | 83.04 | 86.26 | | railing | 40.38 | 57.2 | | cushion | 68.2 | 78.16 | | base | 38.72 | 51.41 | | box | 41.87 | 51.19 | | column | 55.9 | 65.82 | | signboard | 37.89 | 49.86 | | chest of drawers | 50.81 | 72.34 | | counter | 55.49 | 61.37 | | sand | 59.23 | 88.66 | | sink | 82.23 | 89.93 | | skyscraper | 54.1 | 67.0 | | fireplace | 77.49 | 93.71 | | refrigerator | 82.28 | 91.82 | | grandstand | 58.66 | 88.01 | | path | 29.02 | 39.06 | | stairs | 39.4 | 46.3 | | runway | 74.74 | 96.28 | | case | 64.21 | 83.03 | | pool table | 94.7 | 97.68 | | pillow | 64.25 | 74.64 | | screen door | 75.62 | 81.77 | | stairway | 42.25 | 64.5 | | river | 10.75 | 21.27 | | bridge | 72.52 | 81.48 | | bookcase | 45.27 | 60.94 | | blind | 39.64 | 45.24 | | coffee table | 60.94 | 86.01 | | toilet | 91.6 | 95.53 | | flower | 48.49 | 64.89 | | book | 56.43 | 79.5 | | hill | 6.13 | 10.81 | | bench | 66.02 | 74.17 | | countertop | 66.45 | 84.81 | | stove | 84.56 | 91.09 | | palm | 53.26 | 82.18 | | kitchen island | 47.83 | 76.21 | | computer | 78.1 | 90.06 | | swivel chair | 43.31 | 60.51 | | boat | 72.7 | 90.37 | | bar | 73.74 | 89.71 | | arcade machine | 82.2 | 85.64 | | hovel | 13.82 | 14.74 | | bus | 92.51 | 96.14 | | towel | 74.26 | 88.44 | | light | 56.82 | 62.65 | | truck | 49.01 | 59.61 | | tower | 36.33 | 59.22 | | chandelier | 73.08 | 84.89 | | awning | 43.8 | 55.19 | | streetlight | 28.95 | 33.71 | | booth | 42.83 | 49.94 | | television receiver | 85.35 | 89.97 | | airplane | 68.19 | 74.81 | | dirt track | 7.11 | 13.24 | | apparel | 59.01 | 78.45 | | pole | 28.53 | 42.78 | | land | 2.95 | 3.95 | | bannister | 12.03 | 16.57 | | escalator | 59.33 | 87.04 | | ottoman | 53.98 | 65.2 | | bottle | 42.37 | 72.93 | | buffet | 58.52 | 64.72 | | poster | 24.51 | 32.23 | | stage | 31.51 | 68.36 | | van | 49.16 | 63.43 | | ship | 61.66 | 70.17 | | fountain | 44.83 | 45.46 | | conveyer belt | 83.23 | 97.21 | | canopy | 51.75 | 71.34 | | washer | 88.25 | 93.44 | | plaything | 38.55 | 54.06 | | swimming pool | 61.22 | 91.03 | | stool | 47.94 | 67.77 | | barrel | 58.62 | 71.19 | | basket | 45.15 | 56.65 | | waterfall | 51.87 | 60.0 | | tent | 88.66 | 98.16 | | bag | 30.02 | 37.97 | | minibike | 75.02 | 87.3 | | cradle | 83.87 | 97.94 | | oven | 62.12 | 72.31 | | ball | 62.82 | 70.37 | | food | 56.76 | 63.82 | | step | 19.39 | 20.42 | | tank | 76.12 | 83.78 | | trade name | 25.11 | 28.5 | | microwave | 87.57 | 95.18 | | pot | 56.72 | 63.42 | | animal | 67.43 | 69.29 | | bicycle | 55.5 | 68.75 | | lake | 61.05 | 63.69 | | dishwasher | 69.7 | 76.46 | | screen | 56.75 | 79.71 | | blanket | 25.76 | 32.25 | | sculpture | 68.85 | 85.72 | | hood | 62.89 | 70.96 | | sconce | 56.78 | 68.6 | | vase | 43.87 | 55.22 | | traffic light | 36.74 | 53.03 | | tray | 21.29 | 29.25 | | ashcan | 50.97 | 62.29 | | fan | 67.98 | 81.44 | | pier | 45.54 | 48.88 | | crt screen | 2.67 | 3.93 | | plate | 56.94 | 80.16 | | monitor | 60.52 | 73.32 | | bulletin board | 56.69 | 68.65 | | shower | 12.79 | 15.25 | | radiator | 64.32 | 72.53 | | glass | 21.07 | 22.75 | | clock | 50.47 | 54.9 | | flag | 67.63 | 75.65 | +---------------------+-------+-------+ 2024-01-18 18:30:40,622 - mmseg - INFO - Summary: 2024-01-18 18:30:40,622 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.97 | 57.53 | 69.35 | +-------+-------+-------+ 2024-01-18 18:30:40,624 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 18:30:40,624 - mmseg - INFO - Iter(val) [250] aAcc: 0.8597, mIoU: 0.5753, mAcc: 0.6935, IoU.wall: 0.8141, IoU.building: 0.8541, IoU.sky: 0.9478, IoU.floor: 0.8396, IoU.tree: 0.7633, IoU.ceiling: 0.8580, IoU.road: 0.8657, IoU.bed : 0.9237, IoU.windowpane: 0.6698, IoU.grass: 0.6897, IoU.cabinet: 0.6491, IoU.sidewalk: 0.7078, IoU.person: 0.8453, IoU.earth: 0.4104, IoU.door: 0.5766, IoU.table: 0.6858, IoU.mountain: 0.6296, IoU.plant: 0.5408, IoU.curtain: 0.7883, IoU.chair: 0.6552, IoU.car: 0.8708, IoU.water: 0.5997, IoU.painting: 0.7479, IoU.sofa: 0.8015, IoU.shelf: 0.4522, IoU.house: 0.5112, IoU.sea: 0.5763, IoU.mirror: 0.7667, IoU.rug: 0.6556, IoU.field: 0.3285, IoU.armchair: 0.5872, IoU.seat: 0.7070, IoU.fence: 0.4625, IoU.desk: 0.6033, IoU.rock: 0.5493, IoU.wardrobe: 0.5540, IoU.lamp: 0.7471, IoU.bathtub: 0.8304, IoU.railing: 0.4038, IoU.cushion: 0.6820, IoU.base: 0.3872, IoU.box: 0.4187, IoU.column: 0.5590, IoU.signboard: 0.3789, IoU.chest of drawers: 0.5081, IoU.counter: 0.5549, IoU.sand: 0.5923, IoU.sink: 0.8223, IoU.skyscraper: 0.5410, IoU.fireplace: 0.7749, IoU.refrigerator: 0.8228, IoU.grandstand: 0.5866, IoU.path: 0.2902, IoU.stairs: 0.3940, IoU.runway: 0.7474, IoU.case: 0.6421, IoU.pool table: 0.9470, IoU.pillow: 0.6425, IoU.screen door: 0.7562, IoU.stairway: 0.4225, IoU.river: 0.1075, IoU.bridge: 0.7252, IoU.bookcase: 0.4527, IoU.blind: 0.3964, IoU.coffee table: 0.6094, IoU.toilet: 0.9160, IoU.flower: 0.4849, IoU.book: 0.5643, IoU.hill: 0.0613, IoU.bench: 0.6602, IoU.countertop: 0.6645, IoU.stove: 0.8456, IoU.palm: 0.5326, IoU.kitchen island: 0.4783, IoU.computer: 0.7810, IoU.swivel chair: 0.4331, IoU.boat: 0.7270, IoU.bar: 0.7374, IoU.arcade machine: 0.8220, IoU.hovel: 0.1382, IoU.bus: 0.9251, IoU.towel: 0.7426, IoU.light: 0.5682, IoU.truck: 0.4901, IoU.tower: 0.3633, IoU.chandelier: 0.7308, IoU.awning: 0.4380, IoU.streetlight: 0.2895, IoU.booth: 0.4283, IoU.television receiver: 0.8535, IoU.airplane: 0.6819, IoU.dirt track: 0.0711, IoU.apparel: 0.5901, IoU.pole: 0.2853, IoU.land: 0.0295, IoU.bannister: 0.1203, IoU.escalator: 0.5933, IoU.ottoman: 0.5398, IoU.bottle: 0.4237, IoU.buffet: 0.5852, IoU.poster: 0.2451, IoU.stage: 0.3151, IoU.van: 0.4916, IoU.ship: 0.6166, IoU.fountain: 0.4483, IoU.conveyer belt: 0.8323, IoU.canopy: 0.5175, IoU.washer: 0.8825, IoU.plaything: 0.3855, IoU.swimming pool: 0.6122, IoU.stool: 0.4794, IoU.barrel: 0.5862, IoU.basket: 0.4515, IoU.waterfall: 0.5187, IoU.tent: 0.8866, IoU.bag: 0.3002, IoU.minibike: 0.7502, IoU.cradle: 0.8387, IoU.oven: 0.6212, IoU.ball: 0.6282, IoU.food: 0.5676, IoU.step: 0.1939, IoU.tank: 0.7612, IoU.trade name: 0.2511, IoU.microwave: 0.8757, IoU.pot: 0.5672, IoU.animal: 0.6743, IoU.bicycle: 0.5550, IoU.lake: 0.6105, IoU.dishwasher: 0.6970, IoU.screen: 0.5675, IoU.blanket: 0.2576, IoU.sculpture: 0.6885, IoU.hood: 0.6289, IoU.sconce: 0.5678, IoU.vase: 0.4387, IoU.traffic light: 0.3674, IoU.tray: 0.2129, IoU.ashcan: 0.5097, IoU.fan: 0.6798, IoU.pier: 0.4554, IoU.crt screen: 0.0267, IoU.plate: 0.5694, IoU.monitor: 0.6052, IoU.bulletin board: 0.5669, IoU.shower: 0.1279, IoU.radiator: 0.6432, IoU.glass: 0.2107, IoU.clock: 0.5047, IoU.flag: 0.6763, Acc.wall: 0.9114, Acc.building: 0.9387, Acc.sky: 0.9745, Acc.floor: 0.9128, Acc.tree: 0.8959, Acc.ceiling: 0.9208, Acc.road: 0.9172, Acc.bed : 0.9738, Acc.windowpane: 0.8137, Acc.grass: 0.8234, Acc.cabinet: 0.7381, Acc.sidewalk: 0.8629, Acc.person: 0.9405, Acc.earth: 0.5297, Acc.door: 0.6777, Acc.table: 0.7871, Acc.mountain: 0.7446, Acc.plant: 0.6597, Acc.curtain: 0.8824, Acc.chair: 0.7833, Acc.car: 0.9395, Acc.water: 0.8227, Acc.painting: 0.8815, Acc.sofa: 0.9025, Acc.shelf: 0.6127, Acc.house: 0.6493, Acc.sea: 0.6245, Acc.mirror: 0.8571, Acc.rug: 0.7886, Acc.field: 0.5324, Acc.armchair: 0.7659, Acc.seat: 0.8858, Acc.fence: 0.5686, Acc.desk: 0.7763, Acc.rock: 0.7928, Acc.wardrobe: 0.7365, Acc.lamp: 0.8453, Acc.bathtub: 0.8626, Acc.railing: 0.5720, Acc.cushion: 0.7816, Acc.base: 0.5141, Acc.box: 0.5119, Acc.column: 0.6582, Acc.signboard: 0.4986, Acc.chest of drawers: 0.7234, Acc.counter: 0.6137, Acc.sand: 0.8866, Acc.sink: 0.8993, Acc.skyscraper: 0.6700, Acc.fireplace: 0.9371, Acc.refrigerator: 0.9182, Acc.grandstand: 0.8801, Acc.path: 0.3906, Acc.stairs: 0.4630, Acc.runway: 0.9628, Acc.case: 0.8303, Acc.pool table: 0.9768, Acc.pillow: 0.7464, Acc.screen door: 0.8177, Acc.stairway: 0.6450, Acc.river: 0.2127, Acc.bridge: 0.8148, Acc.bookcase: 0.6094, Acc.blind: 0.4524, Acc.coffee table: 0.8601, Acc.toilet: 0.9553, Acc.flower: 0.6489, Acc.book: 0.7950, Acc.hill: 0.1081, Acc.bench: 0.7417, Acc.countertop: 0.8481, Acc.stove: 0.9109, Acc.palm: 0.8218, Acc.kitchen island: 0.7621, Acc.computer: 0.9006, Acc.swivel chair: 0.6051, Acc.boat: 0.9037, Acc.bar: 0.8971, Acc.arcade machine: 0.8564, Acc.hovel: 0.1474, Acc.bus: 0.9614, Acc.towel: 0.8844, Acc.light: 0.6265, Acc.truck: 0.5961, Acc.tower: 0.5922, Acc.chandelier: 0.8489, Acc.awning: 0.5519, Acc.streetlight: 0.3371, Acc.booth: 0.4994, Acc.television receiver: 0.8997, Acc.airplane: 0.7481, Acc.dirt track: 0.1324, Acc.apparel: 0.7845, Acc.pole: 0.4278, Acc.land: 0.0395, Acc.bannister: 0.1657, Acc.escalator: 0.8704, Acc.ottoman: 0.6520, Acc.bottle: 0.7293, Acc.buffet: 0.6472, Acc.poster: 0.3223, Acc.stage: 0.6836, Acc.van: 0.6343, Acc.ship: 0.7017, Acc.fountain: 0.4546, Acc.conveyer belt: 0.9721, Acc.canopy: 0.7134, Acc.washer: 0.9344, Acc.plaything: 0.5406, Acc.swimming pool: 0.9103, Acc.stool: 0.6777, Acc.barrel: 0.7119, Acc.basket: 0.5665, Acc.waterfall: 0.6000, Acc.tent: 0.9816, Acc.bag: 0.3797, Acc.minibike: 0.8730, Acc.cradle: 0.9794, Acc.oven: 0.7231, Acc.ball: 0.7037, Acc.food: 0.6382, Acc.step: 0.2042, Acc.tank: 0.8378, Acc.trade name: 0.2850, Acc.microwave: 0.9518, Acc.pot: 0.6342, Acc.animal: 0.6929, Acc.bicycle: 0.6875, Acc.lake: 0.6369, Acc.dishwasher: 0.7646, Acc.screen: 0.7971, Acc.blanket: 0.3225, Acc.sculpture: 0.8572, Acc.hood: 0.7096, Acc.sconce: 0.6860, Acc.vase: 0.5522, Acc.traffic light: 0.5303, Acc.tray: 0.2925, Acc.ashcan: 0.6229, Acc.fan: 0.8144, Acc.pier: 0.4888, Acc.crt screen: 0.0393, Acc.plate: 0.8016, Acc.monitor: 0.7332, Acc.bulletin board: 0.6865, Acc.shower: 0.1525, Acc.radiator: 0.7253, Acc.glass: 0.2275, Acc.clock: 0.5490, Acc.flag: 0.7565 2024-01-18 18:31:41,307 - mmseg - INFO - Iter [56050/80000] lr: 1.198e-05, eta: 9:25:37, time: 4.371, data_time: 3.174, memory: 59004, decode.loss_ce: 0.1203, decode.acc_seg: 94.5425, aux.loss_ce: 0.0639, aux.acc_seg: 93.0920, loss: 0.1841 2024-01-18 18:32:41,599 - mmseg - INFO - Iter [56100/80000] lr: 1.195e-05, eta: 9:24:22, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1235, decode.acc_seg: 94.5830, aux.loss_ce: 0.0668, aux.acc_seg: 92.9450, loss: 0.1904 2024-01-18 18:33:41,800 - mmseg - INFO - Iter [56150/80000] lr: 1.193e-05, eta: 9:23:06, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1247, decode.acc_seg: 94.5336, aux.loss_ce: 0.0675, aux.acc_seg: 92.9053, loss: 0.1922 2024-01-18 18:34:42,035 - mmseg - INFO - Iter [56200/80000] lr: 1.190e-05, eta: 9:21:51, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1197, decode.acc_seg: 94.5158, aux.loss_ce: 0.0637, aux.acc_seg: 93.0230, loss: 0.1834 2024-01-18 18:35:42,326 - mmseg - INFO - Iter [56250/80000] lr: 1.188e-05, eta: 9:20:36, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1123, decode.acc_seg: 94.7715, aux.loss_ce: 0.0606, aux.acc_seg: 93.2508, loss: 0.1728 2024-01-18 18:36:42,625 - mmseg - INFO - Iter [56300/80000] lr: 1.185e-05, eta: 9:19:20, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1174, decode.acc_seg: 94.7434, aux.loss_ce: 0.0631, aux.acc_seg: 93.1988, loss: 0.1805 2024-01-18 18:37:42,916 - mmseg - INFO - Iter [56350/80000] lr: 1.183e-05, eta: 9:18:05, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1184, decode.acc_seg: 94.6417, aux.loss_ce: 0.0623, aux.acc_seg: 93.1566, loss: 0.1807 2024-01-18 18:38:43,260 - mmseg - INFO - Iter [56400/80000] lr: 1.180e-05, eta: 9:16:50, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1200, decode.acc_seg: 94.5886, aux.loss_ce: 0.0652, aux.acc_seg: 92.9352, loss: 0.1852 2024-01-18 18:39:43,611 - mmseg - INFO - Iter [56450/80000] lr: 1.178e-05, eta: 9:15:35, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1147, decode.acc_seg: 94.8130, aux.loss_ce: 0.0625, aux.acc_seg: 93.2500, loss: 0.1772 2024-01-18 18:40:43,818 - mmseg - INFO - Iter [56500/80000] lr: 1.175e-05, eta: 9:14:20, time: 1.204, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1165, decode.acc_seg: 94.7869, aux.loss_ce: 0.0639, aux.acc_seg: 93.1561, loss: 0.1804 2024-01-18 18:41:44,032 - mmseg - INFO - Iter [56550/80000] lr: 1.173e-05, eta: 9:13:05, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1161, decode.acc_seg: 94.7186, aux.loss_ce: 0.0639, aux.acc_seg: 93.0068, loss: 0.1800 2024-01-18 18:42:44,554 - mmseg - INFO - Iter [56600/80000] lr: 1.170e-05, eta: 9:11:50, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1240, decode.acc_seg: 94.4000, aux.loss_ce: 0.0653, aux.acc_seg: 92.9248, loss: 0.1892 2024-01-18 18:43:44,779 - mmseg - INFO - Iter [56650/80000] lr: 1.168e-05, eta: 9:10:34, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1136, decode.acc_seg: 94.9037, aux.loss_ce: 0.0623, aux.acc_seg: 93.2501, loss: 0.1759 2024-01-18 18:44:45,042 - mmseg - INFO - Iter [56700/80000] lr: 1.165e-05, eta: 9:09:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1183, decode.acc_seg: 94.5778, aux.loss_ce: 0.0635, aux.acc_seg: 92.9834, loss: 0.1818 2024-01-18 18:45:45,289 - mmseg - INFO - Iter [56750/80000] lr: 1.163e-05, eta: 9:08:04, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1200, decode.acc_seg: 94.5084, aux.loss_ce: 0.0648, aux.acc_seg: 92.9662, loss: 0.1848 2024-01-18 18:46:45,593 - mmseg - INFO - Iter [56800/80000] lr: 1.160e-05, eta: 9:06:49, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1224, decode.acc_seg: 94.5218, aux.loss_ce: 0.0665, aux.acc_seg: 92.8080, loss: 0.1889 2024-01-18 18:47:48,037 - mmseg - INFO - Iter [56850/80000] lr: 1.158e-05, eta: 9:05:35, time: 1.249, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1216, decode.acc_seg: 94.5524, aux.loss_ce: 0.0650, aux.acc_seg: 92.8993, loss: 0.1866 2024-01-18 18:48:48,329 - mmseg - INFO - Iter [56900/80000] lr: 1.155e-05, eta: 9:04:20, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1183, decode.acc_seg: 94.7435, aux.loss_ce: 0.0623, aux.acc_seg: 93.3412, loss: 0.1806 2024-01-18 18:49:48,871 - mmseg - INFO - Iter [56950/80000] lr: 1.153e-05, eta: 9:03:06, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1139, decode.acc_seg: 94.8995, aux.loss_ce: 0.0620, aux.acc_seg: 93.3778, loss: 0.1758 2024-01-18 18:50:49,206 - mmseg - INFO - Saving checkpoint at 57000 iterations 2024-01-18 18:51:37,521 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 18:51:37,522 - mmseg - INFO - Iter [57000/80000] lr: 1.150e-05, eta: 9:02:10, time: 2.173, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1148, decode.acc_seg: 94.7757, aux.loss_ce: 0.0615, aux.acc_seg: 93.2728, loss: 0.1763 2024-01-18 18:54:15,885 - mmseg - INFO - per class results: 2024-01-18 18:54:15,892 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.16 | 90.97 | | building | 85.25 | 93.42 | | sky | 94.81 | 97.17 | | floor | 83.13 | 91.78 | | tree | 76.37 | 91.28 | | ceiling | 85.91 | 93.11 | | road | 86.61 | 91.91 | | bed | 92.32 | 97.39 | | windowpane | 65.39 | 81.24 | | grass | 68.48 | 83.35 | | cabinet | 64.5 | 73.56 | | sidewalk | 70.75 | 84.85 | | person | 84.67 | 93.13 | | earth | 41.3 | 53.25 | | door | 56.42 | 65.66 | | table | 68.76 | 80.35 | | mountain | 62.12 | 72.39 | | plant | 55.05 | 67.85 | | curtain | 78.96 | 88.24 | | chair | 65.36 | 78.55 | | car | 86.94 | 94.2 | | water | 64.7 | 79.1 | | painting | 74.95 | 88.54 | | sofa | 78.82 | 89.75 | | shelf | 46.25 | 61.48 | | house | 49.67 | 62.61 | | sea | 73.07 | 84.28 | | mirror | 76.49 | 87.22 | | rug | 59.99 | 69.43 | | field | 32.48 | 52.48 | | armchair | 57.48 | 72.06 | | seat | 68.94 | 88.27 | | fence | 44.8 | 53.39 | | desk | 57.65 | 80.07 | | rock | 54.76 | 76.01 | | wardrobe | 53.86 | 73.46 | | lamp | 74.5 | 85.53 | | bathtub | 83.02 | 86.21 | | railing | 38.84 | 54.61 | | cushion | 67.74 | 82.31 | | base | 39.06 | 47.33 | | box | 40.77 | 50.51 | | column | 53.28 | 61.92 | | signboard | 38.69 | 49.19 | | chest of drawers | 50.11 | 70.41 | | counter | 56.46 | 66.06 | | sand | 58.82 | 84.48 | | sink | 81.23 | 88.96 | | skyscraper | 55.39 | 63.61 | | fireplace | 77.24 | 89.58 | | refrigerator | 82.13 | 90.43 | | grandstand | 57.08 | 86.23 | | path | 27.92 | 36.87 | | stairs | 39.42 | 45.62 | | runway | 73.77 | 95.87 | | case | 63.44 | 84.14 | | pool table | 94.66 | 97.58 | | pillow | 63.07 | 71.95 | | screen door | 79.66 | 85.6 | | stairway | 42.14 | 63.22 | | river | 14.55 | 29.71 | | bridge | 67.33 | 75.06 | | bookcase | 45.72 | 66.1 | | blind | 39.97 | 45.02 | | coffee table | 62.52 | 86.62 | | toilet | 91.54 | 95.12 | | flower | 49.26 | 66.32 | | book | 55.28 | 75.82 | | hill | 6.74 | 11.36 | | bench | 66.05 | 72.87 | | countertop | 65.91 | 83.71 | | stove | 84.55 | 90.61 | | palm | 57.57 | 77.13 | | kitchen island | 48.17 | 73.08 | | computer | 77.4 | 89.45 | | swivel chair | 43.71 | 55.25 | | boat | 76.46 | 91.6 | | bar | 76.05 | 91.06 | | arcade machine | 80.25 | 83.31 | | hovel | 15.01 | 16.32 | | bus | 92.08 | 96.77 | | towel | 77.58 | 87.03 | | light | 57.96 | 64.58 | | truck | 49.65 | 59.13 | | tower | 33.01 | 55.73 | | chandelier | 72.75 | 85.06 | | awning | 39.79 | 48.05 | | streetlight | 32.67 | 39.3 | | booth | 48.56 | 67.12 | | television receiver | 85.28 | 89.8 | | airplane | 66.84 | 75.33 | | dirt track | 4.6 | 8.63 | | apparel | 57.89 | 78.82 | | pole | 26.98 | 39.21 | | land | 10.07 | 12.91 | | bannister | 12.21 | 16.59 | | escalator | 61.92 | 86.84 | | ottoman | 58.84 | 71.75 | | bottle | 42.73 | 71.79 | | buffet | 58.29 | 64.54 | | poster | 29.98 | 36.41 | | stage | 27.37 | 71.09 | | van | 46.65 | 61.11 | | ship | 52.81 | 57.06 | | fountain | 51.08 | 52.46 | | conveyer belt | 83.69 | 97.71 | | canopy | 48.0 | 65.41 | | washer | 87.49 | 92.7 | | plaything | 30.85 | 48.37 | | swimming pool | 58.56 | 86.91 | | stool | 52.14 | 63.25 | | barrel | 61.03 | 69.04 | | basket | 46.07 | 58.62 | | waterfall | 50.56 | 56.46 | | tent | 92.84 | 97.95 | | bag | 27.53 | 32.21 | | minibike | 75.64 | 89.03 | | cradle | 81.67 | 98.05 | | oven | 62.05 | 70.24 | | ball | 51.56 | 55.54 | | food | 54.37 | 63.5 | | step | 14.05 | 14.51 | | tank | 67.84 | 74.42 | | trade name | 28.53 | 35.62 | | microwave | 87.78 | 94.96 | | pot | 56.5 | 62.63 | | animal | 67.72 | 69.88 | | bicycle | 60.6 | 78.07 | | lake | 53.17 | 65.15 | | dishwasher | 69.44 | 72.87 | | screen | 51.48 | 71.28 | | blanket | 17.72 | 20.73 | | sculpture | 68.72 | 86.52 | | hood | 62.57 | 73.71 | | sconce | 57.09 | 70.15 | | vase | 46.18 | 61.56 | | traffic light | 35.57 | 53.7 | | tray | 16.38 | 19.64 | | ashcan | 52.61 | 62.34 | | fan | 68.24 | 80.68 | | pier | 40.17 | 42.7 | | crt screen | 2.55 | 4.06 | | plate | 58.78 | 77.54 | | monitor | 68.64 | 84.77 | | bulletin board | 57.16 | 68.21 | | shower | 10.68 | 12.35 | | radiator | 66.89 | 73.9 | | glass | 22.03 | 24.57 | | clock | 53.49 | 60.41 | | flag | 67.77 | 74.5 | +---------------------+-------+-------+ 2024-01-18 18:54:15,892 - mmseg - INFO - Summary: 2024-01-18 18:54:15,892 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.9 | 57.35 | 68.86 | +------+-------+-------+ 2024-01-18 18:54:15,893 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 18:54:15,893 - mmseg - INFO - Iter(val) [250] aAcc: 0.8590, mIoU: 0.5735, mAcc: 0.6886, IoU.wall: 0.8116, IoU.building: 0.8525, IoU.sky: 0.9481, IoU.floor: 0.8313, IoU.tree: 0.7637, IoU.ceiling: 0.8591, IoU.road: 0.8661, IoU.bed : 0.9232, IoU.windowpane: 0.6539, IoU.grass: 0.6848, IoU.cabinet: 0.6450, IoU.sidewalk: 0.7075, IoU.person: 0.8467, IoU.earth: 0.4130, IoU.door: 0.5642, IoU.table: 0.6876, IoU.mountain: 0.6212, IoU.plant: 0.5505, IoU.curtain: 0.7896, IoU.chair: 0.6536, IoU.car: 0.8694, IoU.water: 0.6470, IoU.painting: 0.7495, IoU.sofa: 0.7882, IoU.shelf: 0.4625, IoU.house: 0.4967, IoU.sea: 0.7307, IoU.mirror: 0.7649, IoU.rug: 0.5999, IoU.field: 0.3248, IoU.armchair: 0.5748, IoU.seat: 0.6894, IoU.fence: 0.4480, IoU.desk: 0.5765, IoU.rock: 0.5476, IoU.wardrobe: 0.5386, IoU.lamp: 0.7450, IoU.bathtub: 0.8302, IoU.railing: 0.3884, IoU.cushion: 0.6774, IoU.base: 0.3906, IoU.box: 0.4077, IoU.column: 0.5328, IoU.signboard: 0.3869, IoU.chest of drawers: 0.5011, IoU.counter: 0.5646, IoU.sand: 0.5882, IoU.sink: 0.8123, IoU.skyscraper: 0.5539, IoU.fireplace: 0.7724, IoU.refrigerator: 0.8213, IoU.grandstand: 0.5708, IoU.path: 0.2792, IoU.stairs: 0.3942, IoU.runway: 0.7377, IoU.case: 0.6344, IoU.pool table: 0.9466, IoU.pillow: 0.6307, IoU.screen door: 0.7966, IoU.stairway: 0.4214, IoU.river: 0.1455, IoU.bridge: 0.6733, IoU.bookcase: 0.4572, IoU.blind: 0.3997, IoU.coffee table: 0.6252, IoU.toilet: 0.9154, IoU.flower: 0.4926, IoU.book: 0.5528, IoU.hill: 0.0674, IoU.bench: 0.6605, IoU.countertop: 0.6591, IoU.stove: 0.8455, IoU.palm: 0.5757, IoU.kitchen island: 0.4817, IoU.computer: 0.7740, IoU.swivel chair: 0.4371, IoU.boat: 0.7646, IoU.bar: 0.7605, IoU.arcade machine: 0.8025, IoU.hovel: 0.1501, IoU.bus: 0.9208, IoU.towel: 0.7758, IoU.light: 0.5796, IoU.truck: 0.4965, IoU.tower: 0.3301, IoU.chandelier: 0.7275, IoU.awning: 0.3979, IoU.streetlight: 0.3267, IoU.booth: 0.4856, IoU.television receiver: 0.8528, IoU.airplane: 0.6684, IoU.dirt track: 0.0460, IoU.apparel: 0.5789, IoU.pole: 0.2698, IoU.land: 0.1007, IoU.bannister: 0.1221, IoU.escalator: 0.6192, IoU.ottoman: 0.5884, IoU.bottle: 0.4273, IoU.buffet: 0.5829, IoU.poster: 0.2998, IoU.stage: 0.2737, IoU.van: 0.4665, IoU.ship: 0.5281, IoU.fountain: 0.5108, IoU.conveyer belt: 0.8369, IoU.canopy: 0.4800, IoU.washer: 0.8749, IoU.plaything: 0.3085, IoU.swimming pool: 0.5856, IoU.stool: 0.5214, IoU.barrel: 0.6103, IoU.basket: 0.4607, IoU.waterfall: 0.5056, IoU.tent: 0.9284, IoU.bag: 0.2753, IoU.minibike: 0.7564, IoU.cradle: 0.8167, IoU.oven: 0.6205, IoU.ball: 0.5156, IoU.food: 0.5437, IoU.step: 0.1405, IoU.tank: 0.6784, IoU.trade name: 0.2853, IoU.microwave: 0.8778, IoU.pot: 0.5650, IoU.animal: 0.6772, IoU.bicycle: 0.6060, IoU.lake: 0.5317, IoU.dishwasher: 0.6944, IoU.screen: 0.5148, IoU.blanket: 0.1772, IoU.sculpture: 0.6872, IoU.hood: 0.6257, IoU.sconce: 0.5709, IoU.vase: 0.4618, IoU.traffic light: 0.3557, IoU.tray: 0.1638, IoU.ashcan: 0.5261, IoU.fan: 0.6824, IoU.pier: 0.4017, IoU.crt screen: 0.0255, IoU.plate: 0.5878, IoU.monitor: 0.6864, IoU.bulletin board: 0.5716, IoU.shower: 0.1068, IoU.radiator: 0.6689, IoU.glass: 0.2203, IoU.clock: 0.5349, IoU.flag: 0.6777, Acc.wall: 0.9097, Acc.building: 0.9342, Acc.sky: 0.9717, Acc.floor: 0.9178, Acc.tree: 0.9128, Acc.ceiling: 0.9311, Acc.road: 0.9191, Acc.bed : 0.9739, Acc.windowpane: 0.8124, Acc.grass: 0.8335, Acc.cabinet: 0.7356, Acc.sidewalk: 0.8485, Acc.person: 0.9313, Acc.earth: 0.5325, Acc.door: 0.6566, Acc.table: 0.8035, Acc.mountain: 0.7239, Acc.plant: 0.6785, Acc.curtain: 0.8824, Acc.chair: 0.7855, Acc.car: 0.9420, Acc.water: 0.7910, Acc.painting: 0.8854, Acc.sofa: 0.8975, Acc.shelf: 0.6148, Acc.house: 0.6261, Acc.sea: 0.8428, Acc.mirror: 0.8722, Acc.rug: 0.6943, Acc.field: 0.5248, Acc.armchair: 0.7206, Acc.seat: 0.8827, Acc.fence: 0.5339, Acc.desk: 0.8007, Acc.rock: 0.7601, Acc.wardrobe: 0.7346, Acc.lamp: 0.8553, Acc.bathtub: 0.8621, Acc.railing: 0.5461, Acc.cushion: 0.8231, Acc.base: 0.4733, Acc.box: 0.5051, Acc.column: 0.6192, Acc.signboard: 0.4919, Acc.chest of drawers: 0.7041, Acc.counter: 0.6606, Acc.sand: 0.8448, Acc.sink: 0.8896, Acc.skyscraper: 0.6361, Acc.fireplace: 0.8958, Acc.refrigerator: 0.9043, Acc.grandstand: 0.8623, Acc.path: 0.3687, Acc.stairs: 0.4562, Acc.runway: 0.9587, Acc.case: 0.8414, Acc.pool table: 0.9758, Acc.pillow: 0.7195, Acc.screen door: 0.8560, Acc.stairway: 0.6322, Acc.river: 0.2971, Acc.bridge: 0.7506, Acc.bookcase: 0.6610, Acc.blind: 0.4502, Acc.coffee table: 0.8662, Acc.toilet: 0.9512, Acc.flower: 0.6632, Acc.book: 0.7582, Acc.hill: 0.1136, Acc.bench: 0.7287, Acc.countertop: 0.8371, Acc.stove: 0.9061, Acc.palm: 0.7713, Acc.kitchen island: 0.7308, Acc.computer: 0.8945, Acc.swivel chair: 0.5525, Acc.boat: 0.9160, Acc.bar: 0.9106, Acc.arcade machine: 0.8331, Acc.hovel: 0.1632, Acc.bus: 0.9677, Acc.towel: 0.8703, Acc.light: 0.6458, Acc.truck: 0.5913, Acc.tower: 0.5573, Acc.chandelier: 0.8506, Acc.awning: 0.4805, Acc.streetlight: 0.3930, Acc.booth: 0.6712, Acc.television receiver: 0.8980, Acc.airplane: 0.7533, Acc.dirt track: 0.0863, Acc.apparel: 0.7882, Acc.pole: 0.3921, Acc.land: 0.1291, Acc.bannister: 0.1659, Acc.escalator: 0.8684, Acc.ottoman: 0.7175, Acc.bottle: 0.7179, Acc.buffet: 0.6454, Acc.poster: 0.3641, Acc.stage: 0.7109, Acc.van: 0.6111, Acc.ship: 0.5706, Acc.fountain: 0.5246, Acc.conveyer belt: 0.9771, Acc.canopy: 0.6541, Acc.washer: 0.9270, Acc.plaything: 0.4837, Acc.swimming pool: 0.8691, Acc.stool: 0.6325, Acc.barrel: 0.6904, Acc.basket: 0.5862, Acc.waterfall: 0.5646, Acc.tent: 0.9795, Acc.bag: 0.3221, Acc.minibike: 0.8903, Acc.cradle: 0.9805, Acc.oven: 0.7024, Acc.ball: 0.5554, Acc.food: 0.6350, Acc.step: 0.1451, Acc.tank: 0.7442, Acc.trade name: 0.3562, Acc.microwave: 0.9496, Acc.pot: 0.6263, Acc.animal: 0.6988, Acc.bicycle: 0.7807, Acc.lake: 0.6515, Acc.dishwasher: 0.7287, Acc.screen: 0.7128, Acc.blanket: 0.2073, Acc.sculpture: 0.8652, Acc.hood: 0.7371, Acc.sconce: 0.7015, Acc.vase: 0.6156, Acc.traffic light: 0.5370, Acc.tray: 0.1964, Acc.ashcan: 0.6234, Acc.fan: 0.8068, Acc.pier: 0.4270, Acc.crt screen: 0.0406, Acc.plate: 0.7754, Acc.monitor: 0.8477, Acc.bulletin board: 0.6821, Acc.shower: 0.1235, Acc.radiator: 0.7390, Acc.glass: 0.2457, Acc.clock: 0.6041, Acc.flag: 0.7450 2024-01-18 18:55:16,642 - mmseg - INFO - Iter [57050/80000] lr: 1.148e-05, eta: 9:01:59, time: 4.382, data_time: 3.183, memory: 59004, decode.loss_ce: 0.1123, decode.acc_seg: 94.8266, aux.loss_ce: 0.0602, aux.acc_seg: 93.3872, loss: 0.1725 2024-01-18 18:56:16,924 - mmseg - INFO - Iter [57100/80000] lr: 1.145e-05, eta: 9:00:44, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1129, decode.acc_seg: 94.9206, aux.loss_ce: 0.0604, aux.acc_seg: 93.4914, loss: 0.1733 2024-01-18 18:57:17,158 - mmseg - INFO - Iter [57150/80000] lr: 1.143e-05, eta: 8:59:29, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1109, decode.acc_seg: 94.9369, aux.loss_ce: 0.0599, aux.acc_seg: 93.3576, loss: 0.1708 2024-01-18 18:58:17,395 - mmseg - INFO - Iter [57200/80000] lr: 1.140e-05, eta: 8:58:14, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1152, decode.acc_seg: 94.6169, aux.loss_ce: 0.0607, aux.acc_seg: 93.2293, loss: 0.1760 2024-01-18 18:59:17,646 - mmseg - INFO - Iter [57250/80000] lr: 1.138e-05, eta: 8:56:59, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1131, decode.acc_seg: 94.8212, aux.loss_ce: 0.0612, aux.acc_seg: 93.2322, loss: 0.1743 2024-01-18 19:00:17,945 - mmseg - INFO - Iter [57300/80000] lr: 1.135e-05, eta: 8:55:44, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1123, decode.acc_seg: 94.8897, aux.loss_ce: 0.0602, aux.acc_seg: 93.4707, loss: 0.1725 2024-01-18 19:01:18,215 - mmseg - INFO - Iter [57350/80000] lr: 1.133e-05, eta: 8:54:29, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1177, decode.acc_seg: 94.6542, aux.loss_ce: 0.0635, aux.acc_seg: 93.0323, loss: 0.1812 2024-01-18 19:02:18,543 - mmseg - INFO - Iter [57400/80000] lr: 1.130e-05, eta: 8:53:14, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1141, decode.acc_seg: 94.8195, aux.loss_ce: 0.0612, aux.acc_seg: 93.2682, loss: 0.1753 2024-01-18 19:03:18,934 - mmseg - INFO - Iter [57450/80000] lr: 1.128e-05, eta: 8:51:59, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1150, decode.acc_seg: 94.6507, aux.loss_ce: 0.0619, aux.acc_seg: 93.1048, loss: 0.1769 2024-01-18 19:04:19,133 - mmseg - INFO - Iter [57500/80000] lr: 1.125e-05, eta: 8:50:44, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1098, decode.acc_seg: 94.9859, aux.loss_ce: 0.0595, aux.acc_seg: 93.5449, loss: 0.1693 2024-01-18 19:05:19,341 - mmseg - INFO - Iter [57550/80000] lr: 1.123e-05, eta: 8:49:29, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1197, decode.acc_seg: 94.6062, aux.loss_ce: 0.0649, aux.acc_seg: 92.9981, loss: 0.1846 2024-01-18 19:06:19,769 - mmseg - INFO - Iter [57600/80000] lr: 1.120e-05, eta: 8:48:15, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1164, decode.acc_seg: 94.7645, aux.loss_ce: 0.0632, aux.acc_seg: 93.1844, loss: 0.1796 2024-01-18 19:07:20,005 - mmseg - INFO - Iter [57650/80000] lr: 1.118e-05, eta: 8:47:00, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1229, decode.acc_seg: 94.4119, aux.loss_ce: 0.0653, aux.acc_seg: 92.9122, loss: 0.1882 2024-01-18 19:08:20,272 - mmseg - INFO - Iter [57700/80000] lr: 1.115e-05, eta: 8:45:45, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1180, decode.acc_seg: 94.5648, aux.loss_ce: 0.0645, aux.acc_seg: 92.8666, loss: 0.1824 2024-01-18 19:09:20,535 - mmseg - INFO - Iter [57750/80000] lr: 1.113e-05, eta: 8:44:30, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1165, decode.acc_seg: 94.7178, aux.loss_ce: 0.0622, aux.acc_seg: 93.1370, loss: 0.1787 2024-01-18 19:10:20,931 - mmseg - INFO - Iter [57800/80000] lr: 1.110e-05, eta: 8:43:16, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1221, decode.acc_seg: 94.5322, aux.loss_ce: 0.0638, aux.acc_seg: 93.0731, loss: 0.1859 2024-01-18 19:11:21,471 - mmseg - INFO - Iter [57850/80000] lr: 1.108e-05, eta: 8:42:01, time: 1.211, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1189, decode.acc_seg: 94.6427, aux.loss_ce: 0.0634, aux.acc_seg: 93.2231, loss: 0.1822 2024-01-18 19:12:21,795 - mmseg - INFO - Iter [57900/80000] lr: 1.105e-05, eta: 8:40:46, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1133, decode.acc_seg: 94.9256, aux.loss_ce: 0.0617, aux.acc_seg: 93.3838, loss: 0.1750 2024-01-18 19:13:22,399 - mmseg - INFO - Iter [57950/80000] lr: 1.103e-05, eta: 8:39:32, time: 1.212, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1164, decode.acc_seg: 94.6792, aux.loss_ce: 0.0624, aux.acc_seg: 93.1766, loss: 0.1788 2024-01-18 19:14:22,719 - mmseg - INFO - Saving checkpoint at 58000 iterations 2024-01-18 19:15:11,607 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 19:15:11,607 - mmseg - INFO - Iter [58000/80000] lr: 1.100e-05, eta: 8:38:36, time: 2.184, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1133, decode.acc_seg: 94.9334, aux.loss_ce: 0.0625, aux.acc_seg: 93.2860, loss: 0.1758 2024-01-18 19:17:49,720 - mmseg - INFO - per class results: 2024-01-18 19:17:49,727 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.57 | 90.8 | | building | 85.37 | 94.12 | | sky | 94.82 | 97.47 | | floor | 83.43 | 91.65 | | tree | 76.59 | 89.16 | | ceiling | 86.17 | 92.86 | | road | 86.75 | 91.35 | | bed | 92.17 | 97.13 | | windowpane | 66.06 | 83.53 | | grass | 67.66 | 83.16 | | cabinet | 64.95 | 75.67 | | sidewalk | 71.34 | 86.48 | | person | 84.5 | 94.78 | | earth | 39.84 | 51.38 | | door | 57.16 | 68.08 | | table | 68.49 | 80.89 | | mountain | 63.54 | 73.25 | | plant | 55.63 | 67.08 | | curtain | 79.71 | 87.35 | | chair | 66.36 | 79.43 | | car | 86.6 | 93.73 | | water | 64.07 | 79.36 | | painting | 74.92 | 89.5 | | sofa | 78.85 | 89.84 | | shelf | 44.28 | 57.32 | | house | 52.63 | 63.87 | | sea | 73.72 | 83.4 | | mirror | 77.5 | 87.09 | | rug | 64.34 | 76.74 | | field | 31.31 | 50.86 | | armchair | 57.47 | 72.08 | | seat | 69.16 | 88.44 | | fence | 46.47 | 58.36 | | desk | 58.57 | 81.65 | | rock | 53.69 | 79.54 | | wardrobe | 53.04 | 73.83 | | lamp | 74.18 | 85.06 | | bathtub | 82.84 | 86.04 | | railing | 36.92 | 47.04 | | cushion | 67.7 | 78.78 | | base | 38.36 | 49.39 | | box | 40.13 | 50.71 | | column | 55.0 | 65.04 | | signboard | 39.48 | 53.13 | | chest of drawers | 47.4 | 64.96 | | counter | 51.8 | 56.12 | | sand | 57.81 | 83.63 | | sink | 80.86 | 88.91 | | skyscraper | 56.22 | 64.76 | | fireplace | 74.61 | 94.27 | | refrigerator | 83.79 | 91.13 | | grandstand | 58.05 | 85.72 | | path | 28.0 | 38.53 | | stairs | 44.2 | 51.76 | | runway | 73.24 | 95.41 | | case | 65.16 | 78.27 | | pool table | 94.78 | 97.7 | | pillow | 63.93 | 72.57 | | screen door | 83.01 | 90.39 | | stairway | 44.46 | 64.12 | | river | 15.92 | 33.81 | | bridge | 66.89 | 74.38 | | bookcase | 42.04 | 56.97 | | blind | 37.21 | 39.23 | | coffee table | 62.45 | 83.94 | | toilet | 91.63 | 94.79 | | flower | 48.7 | 64.42 | | book | 55.08 | 79.29 | | hill | 5.58 | 9.97 | | bench | 63.83 | 73.82 | | countertop | 64.4 | 78.51 | | stove | 83.96 | 90.15 | | palm | 56.22 | 80.26 | | kitchen island | 46.75 | 62.45 | | computer | 78.37 | 89.09 | | swivel chair | 45.45 | 58.81 | | boat | 73.77 | 89.54 | | bar | 69.87 | 89.27 | | arcade machine | 83.03 | 87.91 | | hovel | 33.95 | 38.32 | | bus | 92.3 | 96.32 | | towel | 76.5 | 85.75 | | light | 56.45 | 61.9 | | truck | 49.65 | 60.92 | | tower | 30.07 | 48.63 | | chandelier | 71.78 | 81.29 | | awning | 43.31 | 51.92 | | streetlight | 31.95 | 38.87 | | booth | 50.74 | 69.18 | | television receiver | 84.72 | 89.35 | | airplane | 69.49 | 77.81 | | dirt track | 3.88 | 7.12 | | apparel | 59.24 | 80.71 | | pole | 32.44 | 52.27 | | land | 3.96 | 5.68 | | bannister | 11.26 | 15.25 | | escalator | 63.02 | 86.51 | | ottoman | 57.51 | 71.3 | | bottle | 42.51 | 75.24 | | buffet | 57.26 | 63.83 | | poster | 28.03 | 36.45 | | stage | 28.0 | 70.36 | | van | 48.95 | 66.67 | | ship | 62.36 | 71.87 | | fountain | 47.91 | 49.05 | | conveyer belt | 84.09 | 97.09 | | canopy | 51.49 | 72.12 | | washer | 88.21 | 93.16 | | plaything | 34.5 | 53.24 | | swimming pool | 58.88 | 88.41 | | stool | 52.82 | 64.11 | | barrel | 60.83 | 70.12 | | basket | 46.22 | 54.46 | | waterfall | 50.32 | 56.73 | | tent | 94.73 | 97.66 | | bag | 28.45 | 33.82 | | minibike | 75.7 | 90.66 | | cradle | 83.43 | 96.74 | | oven | 62.48 | 68.15 | | ball | 22.96 | 23.68 | | food | 61.83 | 71.45 | | step | 11.91 | 12.28 | | tank | 69.79 | 77.4 | | trade name | 23.15 | 26.42 | | microwave | 87.83 | 94.55 | | pot | 58.11 | 66.62 | | animal | 66.56 | 68.36 | | bicycle | 56.49 | 71.01 | | lake | 61.59 | 64.69 | | dishwasher | 68.07 | 71.16 | | screen | 54.6 | 72.01 | | blanket | 21.76 | 25.85 | | sculpture | 72.68 | 85.1 | | hood | 62.07 | 71.46 | | sconce | 57.28 | 68.64 | | vase | 45.75 | 62.67 | | traffic light | 35.7 | 50.96 | | tray | 19.05 | 24.75 | | ashcan | 54.77 | 64.94 | | fan | 66.0 | 76.23 | | pier | 42.53 | 46.57 | | crt screen | 2.6 | 3.89 | | plate | 58.27 | 80.17 | | monitor | 67.71 | 85.28 | | bulletin board | 58.73 | 69.88 | | shower | 16.31 | 20.59 | | radiator | 59.46 | 63.27 | | glass | 21.71 | 23.54 | | clock | 52.05 | 58.87 | | flag | 66.95 | 74.08 | +---------------------+-------+-------+ 2024-01-18 19:17:49,727 - mmseg - INFO - Summary: 2024-01-18 19:17:49,727 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 86.02 | 57.5 | 68.91 | +-------+------+-------+ 2024-01-18 19:17:49,728 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 19:17:49,728 - mmseg - INFO - Iter(val) [250] aAcc: 0.8602, mIoU: 0.5750, mAcc: 0.6891, IoU.wall: 0.8157, IoU.building: 0.8537, IoU.sky: 0.9482, IoU.floor: 0.8343, IoU.tree: 0.7659, IoU.ceiling: 0.8617, IoU.road: 0.8675, IoU.bed : 0.9217, IoU.windowpane: 0.6606, IoU.grass: 0.6766, IoU.cabinet: 0.6495, IoU.sidewalk: 0.7134, IoU.person: 0.8450, IoU.earth: 0.3984, IoU.door: 0.5716, IoU.table: 0.6849, IoU.mountain: 0.6354, IoU.plant: 0.5563, IoU.curtain: 0.7971, IoU.chair: 0.6636, IoU.car: 0.8660, IoU.water: 0.6407, IoU.painting: 0.7492, IoU.sofa: 0.7885, IoU.shelf: 0.4428, IoU.house: 0.5263, IoU.sea: 0.7372, IoU.mirror: 0.7750, IoU.rug: 0.6434, IoU.field: 0.3131, IoU.armchair: 0.5747, IoU.seat: 0.6916, IoU.fence: 0.4647, IoU.desk: 0.5857, IoU.rock: 0.5369, IoU.wardrobe: 0.5304, IoU.lamp: 0.7418, IoU.bathtub: 0.8284, IoU.railing: 0.3692, IoU.cushion: 0.6770, IoU.base: 0.3836, IoU.box: 0.4013, IoU.column: 0.5500, IoU.signboard: 0.3948, IoU.chest of drawers: 0.4740, IoU.counter: 0.5180, IoU.sand: 0.5781, IoU.sink: 0.8086, IoU.skyscraper: 0.5622, IoU.fireplace: 0.7461, IoU.refrigerator: 0.8379, IoU.grandstand: 0.5805, IoU.path: 0.2800, IoU.stairs: 0.4420, IoU.runway: 0.7324, IoU.case: 0.6516, IoU.pool table: 0.9478, IoU.pillow: 0.6393, IoU.screen door: 0.8301, IoU.stairway: 0.4446, IoU.river: 0.1592, IoU.bridge: 0.6689, IoU.bookcase: 0.4204, IoU.blind: 0.3721, IoU.coffee table: 0.6245, IoU.toilet: 0.9163, IoU.flower: 0.4870, IoU.book: 0.5508, IoU.hill: 0.0558, IoU.bench: 0.6383, IoU.countertop: 0.6440, IoU.stove: 0.8396, IoU.palm: 0.5622, IoU.kitchen island: 0.4675, IoU.computer: 0.7837, IoU.swivel chair: 0.4545, IoU.boat: 0.7377, IoU.bar: 0.6987, IoU.arcade machine: 0.8303, IoU.hovel: 0.3395, IoU.bus: 0.9230, IoU.towel: 0.7650, IoU.light: 0.5645, IoU.truck: 0.4965, IoU.tower: 0.3007, IoU.chandelier: 0.7178, IoU.awning: 0.4331, IoU.streetlight: 0.3195, IoU.booth: 0.5074, IoU.television receiver: 0.8472, IoU.airplane: 0.6949, IoU.dirt track: 0.0388, IoU.apparel: 0.5924, IoU.pole: 0.3244, IoU.land: 0.0396, IoU.bannister: 0.1126, IoU.escalator: 0.6302, IoU.ottoman: 0.5751, IoU.bottle: 0.4251, IoU.buffet: 0.5726, IoU.poster: 0.2803, IoU.stage: 0.2800, IoU.van: 0.4895, IoU.ship: 0.6236, IoU.fountain: 0.4791, IoU.conveyer belt: 0.8409, IoU.canopy: 0.5149, IoU.washer: 0.8821, IoU.plaything: 0.3450, IoU.swimming pool: 0.5888, IoU.stool: 0.5282, IoU.barrel: 0.6083, IoU.basket: 0.4622, IoU.waterfall: 0.5032, IoU.tent: 0.9473, IoU.bag: 0.2845, IoU.minibike: 0.7570, IoU.cradle: 0.8343, IoU.oven: 0.6248, IoU.ball: 0.2296, IoU.food: 0.6183, IoU.step: 0.1191, IoU.tank: 0.6979, IoU.trade name: 0.2315, IoU.microwave: 0.8783, IoU.pot: 0.5811, IoU.animal: 0.6656, IoU.bicycle: 0.5649, IoU.lake: 0.6159, IoU.dishwasher: 0.6807, IoU.screen: 0.5460, IoU.blanket: 0.2176, IoU.sculpture: 0.7268, IoU.hood: 0.6207, IoU.sconce: 0.5728, IoU.vase: 0.4575, IoU.traffic light: 0.3570, IoU.tray: 0.1905, IoU.ashcan: 0.5477, IoU.fan: 0.6600, IoU.pier: 0.4253, IoU.crt screen: 0.0260, IoU.plate: 0.5827, IoU.monitor: 0.6771, IoU.bulletin board: 0.5873, IoU.shower: 0.1631, IoU.radiator: 0.5946, IoU.glass: 0.2171, IoU.clock: 0.5205, IoU.flag: 0.6695, Acc.wall: 0.9080, Acc.building: 0.9412, Acc.sky: 0.9747, Acc.floor: 0.9165, Acc.tree: 0.8916, Acc.ceiling: 0.9286, Acc.road: 0.9135, Acc.bed : 0.9713, Acc.windowpane: 0.8353, Acc.grass: 0.8316, Acc.cabinet: 0.7567, Acc.sidewalk: 0.8648, Acc.person: 0.9478, Acc.earth: 0.5138, Acc.door: 0.6808, Acc.table: 0.8089, Acc.mountain: 0.7325, Acc.plant: 0.6708, Acc.curtain: 0.8735, Acc.chair: 0.7943, Acc.car: 0.9373, Acc.water: 0.7936, Acc.painting: 0.8950, Acc.sofa: 0.8984, Acc.shelf: 0.5732, Acc.house: 0.6387, Acc.sea: 0.8340, Acc.mirror: 0.8709, Acc.rug: 0.7674, Acc.field: 0.5086, Acc.armchair: 0.7208, Acc.seat: 0.8844, Acc.fence: 0.5836, Acc.desk: 0.8165, Acc.rock: 0.7954, Acc.wardrobe: 0.7383, Acc.lamp: 0.8506, Acc.bathtub: 0.8604, Acc.railing: 0.4704, Acc.cushion: 0.7878, Acc.base: 0.4939, Acc.box: 0.5071, Acc.column: 0.6504, Acc.signboard: 0.5313, Acc.chest of drawers: 0.6496, Acc.counter: 0.5612, Acc.sand: 0.8363, Acc.sink: 0.8891, Acc.skyscraper: 0.6476, Acc.fireplace: 0.9427, Acc.refrigerator: 0.9113, Acc.grandstand: 0.8572, Acc.path: 0.3853, Acc.stairs: 0.5176, Acc.runway: 0.9541, Acc.case: 0.7827, Acc.pool table: 0.9770, Acc.pillow: 0.7257, Acc.screen door: 0.9039, Acc.stairway: 0.6412, Acc.river: 0.3381, Acc.bridge: 0.7438, Acc.bookcase: 0.5697, Acc.blind: 0.3923, Acc.coffee table: 0.8394, Acc.toilet: 0.9479, Acc.flower: 0.6442, Acc.book: 0.7929, Acc.hill: 0.0997, Acc.bench: 0.7382, Acc.countertop: 0.7851, Acc.stove: 0.9015, Acc.palm: 0.8026, Acc.kitchen island: 0.6245, Acc.computer: 0.8909, Acc.swivel chair: 0.5881, Acc.boat: 0.8954, Acc.bar: 0.8927, Acc.arcade machine: 0.8791, Acc.hovel: 0.3832, Acc.bus: 0.9632, Acc.towel: 0.8575, Acc.light: 0.6190, Acc.truck: 0.6092, Acc.tower: 0.4863, Acc.chandelier: 0.8129, Acc.awning: 0.5192, Acc.streetlight: 0.3887, Acc.booth: 0.6918, Acc.television receiver: 0.8935, Acc.airplane: 0.7781, Acc.dirt track: 0.0712, Acc.apparel: 0.8071, Acc.pole: 0.5227, Acc.land: 0.0568, Acc.bannister: 0.1525, Acc.escalator: 0.8651, Acc.ottoman: 0.7130, Acc.bottle: 0.7524, Acc.buffet: 0.6383, Acc.poster: 0.3645, Acc.stage: 0.7036, Acc.van: 0.6667, Acc.ship: 0.7187, Acc.fountain: 0.4905, Acc.conveyer belt: 0.9709, Acc.canopy: 0.7212, Acc.washer: 0.9316, Acc.plaything: 0.5324, Acc.swimming pool: 0.8841, Acc.stool: 0.6411, Acc.barrel: 0.7012, Acc.basket: 0.5446, Acc.waterfall: 0.5673, Acc.tent: 0.9766, Acc.bag: 0.3382, Acc.minibike: 0.9066, Acc.cradle: 0.9674, Acc.oven: 0.6815, Acc.ball: 0.2368, Acc.food: 0.7145, Acc.step: 0.1228, Acc.tank: 0.7740, Acc.trade name: 0.2642, Acc.microwave: 0.9455, Acc.pot: 0.6662, Acc.animal: 0.6836, Acc.bicycle: 0.7101, Acc.lake: 0.6469, Acc.dishwasher: 0.7116, Acc.screen: 0.7201, Acc.blanket: 0.2585, Acc.sculpture: 0.8510, Acc.hood: 0.7146, Acc.sconce: 0.6864, Acc.vase: 0.6267, Acc.traffic light: 0.5096, Acc.tray: 0.2475, Acc.ashcan: 0.6494, Acc.fan: 0.7623, Acc.pier: 0.4657, Acc.crt screen: 0.0389, Acc.plate: 0.8017, Acc.monitor: 0.8528, Acc.bulletin board: 0.6988, Acc.shower: 0.2059, Acc.radiator: 0.6327, Acc.glass: 0.2354, Acc.clock: 0.5887, Acc.flag: 0.7408 2024-01-18 19:18:50,515 - mmseg - INFO - Iter [58050/80000] lr: 1.098e-05, eta: 8:38:21, time: 4.378, data_time: 3.179, memory: 59004, decode.loss_ce: 0.1114, decode.acc_seg: 94.9335, aux.loss_ce: 0.0598, aux.acc_seg: 93.5916, loss: 0.1712 2024-01-18 19:19:53,030 - mmseg - INFO - Iter [58100/80000] lr: 1.095e-05, eta: 8:37:07, time: 1.250, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1105, decode.acc_seg: 95.0214, aux.loss_ce: 0.0599, aux.acc_seg: 93.5068, loss: 0.1704 2024-01-18 19:20:53,213 - mmseg - INFO - Iter [58150/80000] lr: 1.093e-05, eta: 8:35:52, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1180, decode.acc_seg: 94.6850, aux.loss_ce: 0.0619, aux.acc_seg: 93.3303, loss: 0.1799 2024-01-18 19:21:53,508 - mmseg - INFO - Iter [58200/80000] lr: 1.090e-05, eta: 8:34:37, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1156, decode.acc_seg: 94.6105, aux.loss_ce: 0.0624, aux.acc_seg: 93.0999, loss: 0.1780 2024-01-18 19:22:53,811 - mmseg - INFO - Iter [58250/80000] lr: 1.088e-05, eta: 8:33:23, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1140, decode.acc_seg: 94.9111, aux.loss_ce: 0.0619, aux.acc_seg: 93.4206, loss: 0.1758 2024-01-18 19:23:54,223 - mmseg - INFO - Iter [58300/80000] lr: 1.085e-05, eta: 8:32:08, time: 1.208, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1120, decode.acc_seg: 95.0268, aux.loss_ce: 0.0599, aux.acc_seg: 93.5720, loss: 0.1719 2024-01-18 19:24:54,613 - mmseg - INFO - Iter [58350/80000] lr: 1.083e-05, eta: 8:30:53, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1153, decode.acc_seg: 94.7850, aux.loss_ce: 0.0619, aux.acc_seg: 93.2235, loss: 0.1773 2024-01-18 19:25:54,947 - mmseg - INFO - Iter [58400/80000] lr: 1.080e-05, eta: 8:29:39, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1148, decode.acc_seg: 94.8026, aux.loss_ce: 0.0626, aux.acc_seg: 93.1738, loss: 0.1774 2024-01-18 19:26:55,374 - mmseg - INFO - Iter [58450/80000] lr: 1.078e-05, eta: 8:28:24, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1148, decode.acc_seg: 94.8090, aux.loss_ce: 0.0618, aux.acc_seg: 93.3363, loss: 0.1765 2024-01-18 19:27:55,722 - mmseg - INFO - Iter [58500/80000] lr: 1.075e-05, eta: 8:27:09, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1139, decode.acc_seg: 94.8705, aux.loss_ce: 0.0615, aux.acc_seg: 93.3593, loss: 0.1754 2024-01-18 19:28:56,040 - mmseg - INFO - Iter [58550/80000] lr: 1.073e-05, eta: 8:25:55, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1154, decode.acc_seg: 94.7970, aux.loss_ce: 0.0619, aux.acc_seg: 93.2103, loss: 0.1774 2024-01-18 19:29:56,448 - mmseg - INFO - Iter [58600/80000] lr: 1.070e-05, eta: 8:24:40, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1135, decode.acc_seg: 94.6127, aux.loss_ce: 0.0618, aux.acc_seg: 93.0561, loss: 0.1753 2024-01-18 19:30:56,685 - mmseg - INFO - Iter [58650/80000] lr: 1.068e-05, eta: 8:23:26, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1140, decode.acc_seg: 94.8033, aux.loss_ce: 0.0618, aux.acc_seg: 93.2152, loss: 0.1758 2024-01-18 19:31:56,949 - mmseg - INFO - Iter [58700/80000] lr: 1.065e-05, eta: 8:22:11, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1041, decode.acc_seg: 95.2928, aux.loss_ce: 0.0569, aux.acc_seg: 93.7925, loss: 0.1609 2024-01-18 19:32:57,304 - mmseg - INFO - Iter [58750/80000] lr: 1.063e-05, eta: 8:20:57, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1058, decode.acc_seg: 95.0301, aux.loss_ce: 0.0580, aux.acc_seg: 93.4409, loss: 0.1637 2024-01-18 19:33:57,741 - mmseg - INFO - Iter [58800/80000] lr: 1.060e-05, eta: 8:19:42, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1096, decode.acc_seg: 94.9400, aux.loss_ce: 0.0588, aux.acc_seg: 93.4968, loss: 0.1684 2024-01-18 19:34:58,059 - mmseg - INFO - Iter [58850/80000] lr: 1.058e-05, eta: 8:18:28, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1139, decode.acc_seg: 94.8184, aux.loss_ce: 0.0613, aux.acc_seg: 93.2899, loss: 0.1752 2024-01-18 19:35:58,542 - mmseg - INFO - Iter [58900/80000] lr: 1.055e-05, eta: 8:17:13, time: 1.210, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1210, decode.acc_seg: 94.4371, aux.loss_ce: 0.0654, aux.acc_seg: 92.9161, loss: 0.1864 2024-01-18 19:36:58,927 - mmseg - INFO - Iter [58950/80000] lr: 1.053e-05, eta: 8:15:59, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1177, decode.acc_seg: 94.7413, aux.loss_ce: 0.0629, aux.acc_seg: 93.2264, loss: 0.1805 2024-01-18 19:37:59,456 - mmseg - INFO - Saving checkpoint at 59000 iterations 2024-01-18 19:38:45,508 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 19:38:45,508 - mmseg - INFO - Iter [59000/80000] lr: 1.050e-05, eta: 8:15:01, time: 2.132, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1095, decode.acc_seg: 95.0293, aux.loss_ce: 0.0598, aux.acc_seg: 93.5807, loss: 0.1693 2024-01-18 19:41:25,200 - mmseg - INFO - per class results: 2024-01-18 19:41:25,206 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.56 | 90.33 | | building | 85.6 | 93.97 | | sky | 94.78 | 97.7 | | floor | 83.16 | 91.73 | | tree | 76.33 | 89.7 | | ceiling | 86.01 | 93.02 | | road | 86.3 | 91.15 | | bed | 91.96 | 97.47 | | windowpane | 67.07 | 81.7 | | grass | 67.88 | 82.38 | | cabinet | 65.76 | 77.44 | | sidewalk | 70.22 | 85.65 | | person | 84.26 | 94.65 | | earth | 36.95 | 46.44 | | door | 60.31 | 73.15 | | table | 69.15 | 81.5 | | mountain | 63.06 | 73.02 | | plant | 56.12 | 70.23 | | curtain | 78.96 | 88.8 | | chair | 64.31 | 75.25 | | car | 87.24 | 94.01 | | water | 63.11 | 77.45 | | painting | 74.86 | 89.26 | | sofa | 80.29 | 88.96 | | shelf | 46.96 | 63.36 | | house | 51.79 | 65.89 | | sea | 72.06 | 84.55 | | mirror | 77.52 | 87.19 | | rug | 57.66 | 66.97 | | field | 29.12 | 50.61 | | armchair | 56.64 | 74.74 | | seat | 67.99 | 88.43 | | fence | 44.03 | 56.44 | | desk | 58.61 | 78.75 | | rock | 54.5 | 78.22 | | wardrobe | 54.15 | 69.63 | | lamp | 73.74 | 84.11 | | bathtub | 83.69 | 86.55 | | railing | 38.32 | 49.98 | | cushion | 68.25 | 80.1 | | base | 41.53 | 54.93 | | box | 40.21 | 49.84 | | column | 55.97 | 66.06 | | signboard | 38.91 | 51.79 | | chest of drawers | 44.76 | 61.94 | | counter | 55.19 | 60.3 | | sand | 57.69 | 84.6 | | sink | 80.93 | 88.14 | | skyscraper | 53.66 | 62.15 | | fireplace | 75.49 | 93.24 | | refrigerator | 81.4 | 88.54 | | grandstand | 55.87 | 85.02 | | path | 28.55 | 40.04 | | stairs | 36.82 | 41.83 | | runway | 72.61 | 95.22 | | case | 65.64 | 82.21 | | pool table | 94.52 | 98.39 | | pillow | 65.44 | 75.18 | | screen door | 80.18 | 86.83 | | stairway | 40.26 | 64.8 | | river | 15.1 | 31.05 | | bridge | 71.38 | 85.07 | | bookcase | 43.56 | 60.87 | | blind | 36.95 | 41.29 | | coffee table | 63.25 | 87.13 | | toilet | 92.42 | 96.68 | | flower | 48.27 | 64.15 | | book | 56.17 | 76.28 | | hill | 6.18 | 10.78 | | bench | 66.44 | 72.6 | | countertop | 66.35 | 83.22 | | stove | 84.44 | 89.49 | | palm | 57.64 | 80.71 | | kitchen island | 47.68 | 70.44 | | computer | 78.36 | 88.91 | | swivel chair | 44.56 | 62.86 | | boat | 72.75 | 90.18 | | bar | 73.28 | 89.19 | | arcade machine | 80.71 | 85.25 | | hovel | 25.49 | 28.27 | | bus | 92.44 | 96.22 | | towel | 74.51 | 86.88 | | light | 58.39 | 67.5 | | truck | 48.07 | 57.7 | | tower | 29.07 | 47.04 | | chandelier | 71.8 | 83.25 | | awning | 43.29 | 52.29 | | streetlight | 32.56 | 38.98 | | booth | 50.07 | 62.75 | | television receiver | 86.23 | 90.86 | | airplane | 74.25 | 82.17 | | dirt track | 7.39 | 14.76 | | apparel | 55.95 | 77.09 | | pole | 24.37 | 35.04 | | land | 5.67 | 9.47 | | bannister | 10.76 | 14.0 | | escalator | 63.0 | 86.37 | | ottoman | 56.97 | 69.7 | | bottle | 43.26 | 71.64 | | buffet | 57.15 | 64.03 | | poster | 27.68 | 33.23 | | stage | 27.35 | 65.79 | | van | 50.97 | 66.24 | | ship | 72.98 | 83.39 | | fountain | 58.27 | 59.75 | | conveyer belt | 78.08 | 98.31 | | canopy | 53.67 | 74.52 | | washer | 87.5 | 92.37 | | plaything | 32.23 | 48.5 | | swimming pool | 58.68 | 88.04 | | stool | 49.31 | 66.63 | | barrel | 60.51 | 69.48 | | basket | 45.54 | 55.73 | | waterfall | 49.72 | 58.48 | | tent | 93.8 | 98.6 | | bag | 28.29 | 33.72 | | minibike | 75.83 | 88.79 | | cradle | 83.97 | 97.66 | | oven | 63.18 | 72.08 | | ball | 52.58 | 56.15 | | food | 59.06 | 68.6 | | step | 10.29 | 10.56 | | tank | 80.43 | 91.25 | | trade name | 18.59 | 19.92 | | microwave | 88.44 | 94.72 | | pot | 58.16 | 66.05 | | animal | 69.31 | 71.61 | | bicycle | 57.37 | 71.01 | | lake | 57.79 | 69.63 | | dishwasher | 71.79 | 75.14 | | screen | 55.04 | 71.71 | | blanket | 23.44 | 27.55 | | sculpture | 74.2 | 84.7 | | hood | 61.75 | 72.03 | | sconce | 56.76 | 68.67 | | vase | 45.73 | 61.89 | | traffic light | 35.91 | 55.95 | | tray | 19.79 | 25.56 | | ashcan | 53.57 | 65.42 | | fan | 68.11 | 80.43 | | pier | 44.14 | 50.03 | | crt screen | 2.61 | 4.01 | | plate | 57.97 | 80.65 | | monitor | 67.81 | 84.48 | | bulletin board | 47.3 | 52.57 | | shower | 14.74 | 24.8 | | radiator | 64.21 | 72.16 | | glass | 21.13 | 22.83 | | clock | 53.19 | 58.68 | | flag | 65.99 | 72.45 | +---------------------+-------+-------+ 2024-01-18 19:41:25,206 - mmseg - INFO - Summary: 2024-01-18 19:41:25,206 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.93 | 57.65 | 69.37 | +-------+-------+-------+ 2024-01-18 19:41:25,207 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 19:41:25,207 - mmseg - INFO - Iter(val) [250] aAcc: 0.8593, mIoU: 0.5765, mAcc: 0.6937, IoU.wall: 0.8156, IoU.building: 0.8560, IoU.sky: 0.9478, IoU.floor: 0.8316, IoU.tree: 0.7633, IoU.ceiling: 0.8601, IoU.road: 0.8630, IoU.bed : 0.9196, IoU.windowpane: 0.6707, IoU.grass: 0.6788, IoU.cabinet: 0.6576, IoU.sidewalk: 0.7022, IoU.person: 0.8426, IoU.earth: 0.3695, IoU.door: 0.6031, IoU.table: 0.6915, IoU.mountain: 0.6306, IoU.plant: 0.5612, IoU.curtain: 0.7896, IoU.chair: 0.6431, IoU.car: 0.8724, IoU.water: 0.6311, IoU.painting: 0.7486, IoU.sofa: 0.8029, IoU.shelf: 0.4696, IoU.house: 0.5179, IoU.sea: 0.7206, IoU.mirror: 0.7752, IoU.rug: 0.5766, IoU.field: 0.2912, IoU.armchair: 0.5664, IoU.seat: 0.6799, IoU.fence: 0.4403, IoU.desk: 0.5861, IoU.rock: 0.5450, IoU.wardrobe: 0.5415, IoU.lamp: 0.7374, IoU.bathtub: 0.8369, IoU.railing: 0.3832, IoU.cushion: 0.6825, IoU.base: 0.4153, IoU.box: 0.4021, IoU.column: 0.5597, IoU.signboard: 0.3891, IoU.chest of drawers: 0.4476, IoU.counter: 0.5519, IoU.sand: 0.5769, IoU.sink: 0.8093, IoU.skyscraper: 0.5366, IoU.fireplace: 0.7549, IoU.refrigerator: 0.8140, IoU.grandstand: 0.5587, IoU.path: 0.2855, IoU.stairs: 0.3682, IoU.runway: 0.7261, IoU.case: 0.6564, IoU.pool table: 0.9452, IoU.pillow: 0.6544, IoU.screen door: 0.8018, IoU.stairway: 0.4026, IoU.river: 0.1510, IoU.bridge: 0.7138, IoU.bookcase: 0.4356, IoU.blind: 0.3695, IoU.coffee table: 0.6325, IoU.toilet: 0.9242, IoU.flower: 0.4827, IoU.book: 0.5617, IoU.hill: 0.0618, IoU.bench: 0.6644, IoU.countertop: 0.6635, IoU.stove: 0.8444, IoU.palm: 0.5764, IoU.kitchen island: 0.4768, IoU.computer: 0.7836, IoU.swivel chair: 0.4456, IoU.boat: 0.7275, IoU.bar: 0.7328, IoU.arcade machine: 0.8071, IoU.hovel: 0.2549, IoU.bus: 0.9244, IoU.towel: 0.7451, IoU.light: 0.5839, IoU.truck: 0.4807, IoU.tower: 0.2907, IoU.chandelier: 0.7180, IoU.awning: 0.4329, IoU.streetlight: 0.3256, IoU.booth: 0.5007, IoU.television receiver: 0.8623, IoU.airplane: 0.7425, IoU.dirt track: 0.0739, IoU.apparel: 0.5595, IoU.pole: 0.2437, IoU.land: 0.0567, IoU.bannister: 0.1076, IoU.escalator: 0.6300, IoU.ottoman: 0.5697, IoU.bottle: 0.4326, IoU.buffet: 0.5715, IoU.poster: 0.2768, IoU.stage: 0.2735, IoU.van: 0.5097, IoU.ship: 0.7298, IoU.fountain: 0.5827, IoU.conveyer belt: 0.7808, IoU.canopy: 0.5367, IoU.washer: 0.8750, IoU.plaything: 0.3223, IoU.swimming pool: 0.5868, IoU.stool: 0.4931, IoU.barrel: 0.6051, IoU.basket: 0.4554, IoU.waterfall: 0.4972, IoU.tent: 0.9380, IoU.bag: 0.2829, IoU.minibike: 0.7583, IoU.cradle: 0.8397, IoU.oven: 0.6318, IoU.ball: 0.5258, IoU.food: 0.5906, IoU.step: 0.1029, IoU.tank: 0.8043, IoU.trade name: 0.1859, IoU.microwave: 0.8844, IoU.pot: 0.5816, IoU.animal: 0.6931, IoU.bicycle: 0.5737, IoU.lake: 0.5779, IoU.dishwasher: 0.7179, IoU.screen: 0.5504, IoU.blanket: 0.2344, IoU.sculpture: 0.7420, IoU.hood: 0.6175, IoU.sconce: 0.5676, IoU.vase: 0.4573, IoU.traffic light: 0.3591, IoU.tray: 0.1979, IoU.ashcan: 0.5357, IoU.fan: 0.6811, IoU.pier: 0.4414, IoU.crt screen: 0.0261, IoU.plate: 0.5797, IoU.monitor: 0.6781, IoU.bulletin board: 0.4730, IoU.shower: 0.1474, IoU.radiator: 0.6421, IoU.glass: 0.2113, IoU.clock: 0.5319, IoU.flag: 0.6599, Acc.wall: 0.9033, Acc.building: 0.9397, Acc.sky: 0.9770, Acc.floor: 0.9173, Acc.tree: 0.8970, Acc.ceiling: 0.9302, Acc.road: 0.9115, Acc.bed : 0.9747, Acc.windowpane: 0.8170, Acc.grass: 0.8238, Acc.cabinet: 0.7744, Acc.sidewalk: 0.8565, Acc.person: 0.9465, Acc.earth: 0.4644, Acc.door: 0.7315, Acc.table: 0.8150, Acc.mountain: 0.7302, Acc.plant: 0.7023, Acc.curtain: 0.8880, Acc.chair: 0.7525, Acc.car: 0.9401, Acc.water: 0.7745, Acc.painting: 0.8926, Acc.sofa: 0.8896, Acc.shelf: 0.6336, Acc.house: 0.6589, Acc.sea: 0.8455, Acc.mirror: 0.8719, Acc.rug: 0.6697, Acc.field: 0.5061, Acc.armchair: 0.7474, Acc.seat: 0.8843, Acc.fence: 0.5644, Acc.desk: 0.7875, Acc.rock: 0.7822, Acc.wardrobe: 0.6963, Acc.lamp: 0.8411, Acc.bathtub: 0.8655, Acc.railing: 0.4998, Acc.cushion: 0.8010, Acc.base: 0.5493, Acc.box: 0.4984, Acc.column: 0.6606, Acc.signboard: 0.5179, Acc.chest of drawers: 0.6194, Acc.counter: 0.6030, Acc.sand: 0.8460, Acc.sink: 0.8814, Acc.skyscraper: 0.6215, Acc.fireplace: 0.9324, Acc.refrigerator: 0.8854, Acc.grandstand: 0.8502, Acc.path: 0.4004, Acc.stairs: 0.4183, Acc.runway: 0.9522, Acc.case: 0.8221, Acc.pool table: 0.9839, Acc.pillow: 0.7518, Acc.screen door: 0.8683, Acc.stairway: 0.6480, Acc.river: 0.3105, Acc.bridge: 0.8507, Acc.bookcase: 0.6087, Acc.blind: 0.4129, Acc.coffee table: 0.8713, Acc.toilet: 0.9668, Acc.flower: 0.6415, Acc.book: 0.7628, Acc.hill: 0.1078, Acc.bench: 0.7260, Acc.countertop: 0.8322, Acc.stove: 0.8949, Acc.palm: 0.8071, Acc.kitchen island: 0.7044, Acc.computer: 0.8891, Acc.swivel chair: 0.6286, Acc.boat: 0.9018, Acc.bar: 0.8919, Acc.arcade machine: 0.8525, Acc.hovel: 0.2827, Acc.bus: 0.9622, Acc.towel: 0.8688, Acc.light: 0.6750, Acc.truck: 0.5770, Acc.tower: 0.4704, Acc.chandelier: 0.8325, Acc.awning: 0.5229, Acc.streetlight: 0.3898, Acc.booth: 0.6275, Acc.television receiver: 0.9086, Acc.airplane: 0.8217, Acc.dirt track: 0.1476, Acc.apparel: 0.7709, Acc.pole: 0.3504, Acc.land: 0.0947, Acc.bannister: 0.1400, Acc.escalator: 0.8637, Acc.ottoman: 0.6970, Acc.bottle: 0.7164, Acc.buffet: 0.6403, Acc.poster: 0.3323, Acc.stage: 0.6579, Acc.van: 0.6624, Acc.ship: 0.8339, Acc.fountain: 0.5975, Acc.conveyer belt: 0.9831, Acc.canopy: 0.7452, Acc.washer: 0.9237, Acc.plaything: 0.4850, Acc.swimming pool: 0.8804, Acc.stool: 0.6663, Acc.barrel: 0.6948, Acc.basket: 0.5573, Acc.waterfall: 0.5848, Acc.tent: 0.9860, Acc.bag: 0.3372, Acc.minibike: 0.8879, Acc.cradle: 0.9766, Acc.oven: 0.7208, Acc.ball: 0.5615, Acc.food: 0.6860, Acc.step: 0.1056, Acc.tank: 0.9125, Acc.trade name: 0.1992, Acc.microwave: 0.9472, Acc.pot: 0.6605, Acc.animal: 0.7161, Acc.bicycle: 0.7101, Acc.lake: 0.6963, Acc.dishwasher: 0.7514, Acc.screen: 0.7171, Acc.blanket: 0.2755, Acc.sculpture: 0.8470, Acc.hood: 0.7203, Acc.sconce: 0.6867, Acc.vase: 0.6189, Acc.traffic light: 0.5595, Acc.tray: 0.2556, Acc.ashcan: 0.6542, Acc.fan: 0.8043, Acc.pier: 0.5003, Acc.crt screen: 0.0401, Acc.plate: 0.8065, Acc.monitor: 0.8448, Acc.bulletin board: 0.5257, Acc.shower: 0.2480, Acc.radiator: 0.7216, Acc.glass: 0.2283, Acc.clock: 0.5868, Acc.flag: 0.7245 2024-01-18 19:42:26,036 - mmseg - INFO - Iter [59050/80000] lr: 1.048e-05, eta: 8:14:44, time: 4.411, data_time: 3.211, memory: 59004, decode.loss_ce: 0.1161, decode.acc_seg: 94.8770, aux.loss_ce: 0.0631, aux.acc_seg: 93.3030, loss: 0.1791 2024-01-18 19:43:26,434 - mmseg - INFO - Iter [59100/80000] lr: 1.045e-05, eta: 8:13:29, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1119, decode.acc_seg: 94.9361, aux.loss_ce: 0.0618, aux.acc_seg: 93.2732, loss: 0.1737 2024-01-18 19:44:26,756 - mmseg - INFO - Iter [59150/80000] lr: 1.043e-05, eta: 8:12:15, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1126, decode.acc_seg: 94.8446, aux.loss_ce: 0.0605, aux.acc_seg: 93.3888, loss: 0.1731 2024-01-18 19:45:27,054 - mmseg - INFO - Iter [59200/80000] lr: 1.040e-05, eta: 8:11:00, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1135, decode.acc_seg: 94.7848, aux.loss_ce: 0.0614, aux.acc_seg: 93.2887, loss: 0.1749 2024-01-18 19:46:27,339 - mmseg - INFO - Iter [59250/80000] lr: 1.038e-05, eta: 8:09:46, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1182, decode.acc_seg: 94.5789, aux.loss_ce: 0.0617, aux.acc_seg: 93.1927, loss: 0.1799 2024-01-18 19:47:27,697 - mmseg - INFO - Iter [59300/80000] lr: 1.035e-05, eta: 8:08:31, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1233, decode.acc_seg: 94.7155, aux.loss_ce: 0.0636, aux.acc_seg: 93.2611, loss: 0.1869 2024-01-18 19:48:28,007 - mmseg - INFO - Iter [59350/80000] lr: 1.033e-05, eta: 8:07:17, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1207, decode.acc_seg: 94.4580, aux.loss_ce: 0.0655, aux.acc_seg: 92.8136, loss: 0.1862 2024-01-18 19:49:30,482 - mmseg - INFO - Iter [59400/80000] lr: 1.030e-05, eta: 8:06:03, time: 1.249, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1143, decode.acc_seg: 94.8319, aux.loss_ce: 0.0615, aux.acc_seg: 93.3495, loss: 0.1758 2024-01-18 19:50:30,845 - mmseg - INFO - Iter [59450/80000] lr: 1.028e-05, eta: 8:04:49, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1124, decode.acc_seg: 94.8607, aux.loss_ce: 0.0610, aux.acc_seg: 93.3008, loss: 0.1734 2024-01-18 19:51:31,119 - mmseg - INFO - Iter [59500/80000] lr: 1.025e-05, eta: 8:03:34, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1060, decode.acc_seg: 95.1401, aux.loss_ce: 0.0569, aux.acc_seg: 93.6698, loss: 0.1629 2024-01-18 19:52:31,524 - mmseg - INFO - Iter [59550/80000] lr: 1.023e-05, eta: 8:02:20, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1111, decode.acc_seg: 94.9822, aux.loss_ce: 0.0601, aux.acc_seg: 93.5108, loss: 0.1712 2024-01-18 19:53:31,928 - mmseg - INFO - Iter [59600/80000] lr: 1.020e-05, eta: 8:01:06, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1176, decode.acc_seg: 94.6132, aux.loss_ce: 0.0639, aux.acc_seg: 93.0469, loss: 0.1815 2024-01-18 19:54:32,249 - mmseg - INFO - Iter [59650/80000] lr: 1.018e-05, eta: 7:59:51, time: 1.206, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1085, decode.acc_seg: 95.0888, aux.loss_ce: 0.0592, aux.acc_seg: 93.5690, loss: 0.1676 2024-01-18 19:55:32,558 - mmseg - INFO - Iter [59700/80000] lr: 1.015e-05, eta: 7:58:37, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1044, decode.acc_seg: 95.2658, aux.loss_ce: 0.0572, aux.acc_seg: 93.8101, loss: 0.1616 2024-01-18 19:56:32,884 - mmseg - INFO - Iter [59750/80000] lr: 1.013e-05, eta: 7:57:23, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1154, decode.acc_seg: 94.8339, aux.loss_ce: 0.0615, aux.acc_seg: 93.2919, loss: 0.1769 2024-01-18 19:57:33,150 - mmseg - INFO - Iter [59800/80000] lr: 1.010e-05, eta: 7:56:08, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1163, decode.acc_seg: 94.7559, aux.loss_ce: 0.0617, aux.acc_seg: 93.2960, loss: 0.1780 2024-01-18 19:58:33,454 - mmseg - INFO - Iter [59850/80000] lr: 1.008e-05, eta: 7:54:54, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1103, decode.acc_seg: 94.9668, aux.loss_ce: 0.0597, aux.acc_seg: 93.4992, loss: 0.1699 2024-01-18 19:59:33,776 - mmseg - INFO - Iter [59900/80000] lr: 1.005e-05, eta: 7:53:40, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1115, decode.acc_seg: 94.8486, aux.loss_ce: 0.0593, aux.acc_seg: 93.3933, loss: 0.1708 2024-01-18 20:00:34,020 - mmseg - INFO - Iter [59950/80000] lr: 1.003e-05, eta: 7:52:26, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1079, decode.acc_seg: 95.2070, aux.loss_ce: 0.0594, aux.acc_seg: 93.7612, loss: 0.1674 2024-01-18 20:01:34,455 - mmseg - INFO - Saving checkpoint at 60000 iterations 2024-01-18 20:02:18,726 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 20:02:18,726 - mmseg - INFO - Iter [60000/80000] lr: 1.000e-05, eta: 7:51:26, time: 2.094, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1096, decode.acc_seg: 95.0584, aux.loss_ce: 0.0599, aux.acc_seg: 93.5549, loss: 0.1694 2024-01-18 20:04:55,944 - mmseg - INFO - per class results: 2024-01-18 20:04:55,952 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.25 | 90.6 | | building | 85.36 | 93.42 | | sky | 94.85 | 97.43 | | floor | 83.77 | 91.53 | | tree | 76.49 | 91.06 | | ceiling | 85.95 | 94.12 | | road | 86.59 | 91.97 | | bed | 91.83 | 97.53 | | windowpane | 66.33 | 82.32 | | grass | 68.08 | 82.31 | | cabinet | 65.61 | 75.53 | | sidewalk | 70.96 | 84.62 | | person | 84.65 | 94.31 | | earth | 39.57 | 50.64 | | door | 55.15 | 67.97 | | table | 68.59 | 79.44 | | mountain | 62.58 | 73.86 | | plant | 55.64 | 67.75 | | curtain | 79.12 | 88.89 | | chair | 65.04 | 76.21 | | car | 86.98 | 93.75 | | water | 63.19 | 76.53 | | painting | 75.13 | 88.88 | | sofa | 78.84 | 88.13 | | shelf | 45.8 | 59.04 | | house | 49.3 | 65.47 | | sea | 71.98 | 84.33 | | mirror | 73.83 | 82.65 | | rug | 65.88 | 75.67 | | field | 30.39 | 51.4 | | armchair | 56.83 | 75.78 | | seat | 69.61 | 88.18 | | fence | 45.23 | 57.21 | | desk | 59.12 | 80.73 | | rock | 51.92 | 78.01 | | wardrobe | 56.17 | 72.04 | | lamp | 73.72 | 83.45 | | bathtub | 83.9 | 86.64 | | railing | 39.41 | 53.46 | | cushion | 67.73 | 81.19 | | base | 39.45 | 49.72 | | box | 41.1 | 55.26 | | column | 53.88 | 62.3 | | signboard | 38.96 | 49.44 | | chest of drawers | 48.08 | 68.99 | | counter | 54.42 | 60.75 | | sand | 58.23 | 83.73 | | sink | 82.85 | 89.35 | | skyscraper | 55.03 | 66.47 | | fireplace | 77.12 | 91.04 | | refrigerator | 81.59 | 89.67 | | grandstand | 59.17 | 84.66 | | path | 26.61 | 36.53 | | stairs | 41.72 | 51.07 | | runway | 73.04 | 94.44 | | case | 63.82 | 81.63 | | pool table | 94.77 | 98.19 | | pillow | 61.56 | 68.31 | | screen door | 54.8 | 55.97 | | stairway | 44.65 | 64.25 | | river | 13.98 | 28.23 | | bridge | 58.94 | 65.87 | | bookcase | 43.23 | 60.52 | | blind | 40.38 | 48.04 | | coffee table | 59.24 | 88.25 | | toilet | 92.07 | 96.29 | | flower | 48.23 | 61.56 | | book | 55.01 | 78.43 | | hill | 6.01 | 9.72 | | bench | 66.45 | 72.84 | | countertop | 67.21 | 83.34 | | stove | 84.4 | 90.62 | | palm | 57.79 | 78.74 | | kitchen island | 48.41 | 71.29 | | computer | 78.16 | 89.05 | | swivel chair | 44.34 | 65.68 | | boat | 73.33 | 89.67 | | bar | 74.55 | 90.32 | | arcade machine | 83.5 | 88.76 | | hovel | 14.23 | 15.98 | | bus | 92.65 | 96.05 | | towel | 75.83 | 84.14 | | light | 55.13 | 60.48 | | truck | 49.47 | 59.19 | | tower | 24.04 | 38.74 | | chandelier | 70.66 | 78.12 | | awning | 44.6 | 53.01 | | streetlight | 32.2 | 38.03 | | booth | 50.98 | 62.22 | | television receiver | 85.51 | 90.45 | | airplane | 69.55 | 76.93 | | dirt track | 4.94 | 9.19 | | apparel | 57.63 | 69.22 | | pole | 28.46 | 43.78 | | land | 8.93 | 12.85 | | bannister | 11.86 | 15.36 | | escalator | 64.71 | 85.98 | | ottoman | 57.08 | 72.11 | | bottle | 42.21 | 70.23 | | buffet | 59.42 | 66.07 | | poster | 27.86 | 33.75 | | stage | 25.58 | 75.27 | | van | 49.64 | 64.94 | | ship | 67.51 | 75.46 | | fountain | 49.52 | 50.57 | | conveyer belt | 83.05 | 97.39 | | canopy | 52.79 | 74.16 | | washer | 88.86 | 93.99 | | plaything | 35.68 | 49.06 | | swimming pool | 60.65 | 91.64 | | stool | 50.82 | 63.44 | | barrel | 62.31 | 71.73 | | basket | 45.06 | 55.83 | | waterfall | 49.66 | 52.72 | | tent | 89.75 | 97.95 | | bag | 25.55 | 30.41 | | minibike | 76.19 | 88.65 | | cradle | 82.71 | 96.82 | | oven | 65.1 | 75.91 | | ball | 55.2 | 60.09 | | food | 56.49 | 64.26 | | step | 9.96 | 10.22 | | tank | 70.17 | 81.09 | | trade name | 29.05 | 36.95 | | microwave | 88.27 | 95.48 | | pot | 57.38 | 65.06 | | animal | 66.39 | 68.37 | | bicycle | 58.18 | 74.32 | | lake | 55.12 | 64.37 | | dishwasher | 71.96 | 76.7 | | screen | 50.43 | 66.12 | | blanket | 18.89 | 21.77 | | sculpture | 68.71 | 83.7 | | hood | 66.75 | 79.47 | | sconce | 57.32 | 71.6 | | vase | 45.38 | 60.54 | | traffic light | 35.45 | 52.73 | | tray | 19.31 | 25.13 | | ashcan | 52.14 | 61.7 | | fan | 67.42 | 77.87 | | pier | 43.39 | 47.48 | | crt screen | 2.59 | 4.08 | | plate | 59.55 | 79.57 | | monitor | 68.14 | 84.37 | | bulletin board | 57.79 | 75.26 | | shower | 14.63 | 16.15 | | radiator | 65.33 | 73.21 | | glass | 20.95 | 22.79 | | clock | 52.24 | 56.97 | | flag | 67.25 | 74.44 | +---------------------+-------+-------+ 2024-01-18 20:04:55,953 - mmseg - INFO - Summary: 2024-01-18 20:04:55,953 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.87 | 57.32 | 68.82 | +-------+-------+-------+ 2024-01-18 20:04:55,954 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 20:04:55,954 - mmseg - INFO - Iter(val) [250] aAcc: 0.8587, mIoU: 0.5732, mAcc: 0.6882, IoU.wall: 0.8125, IoU.building: 0.8536, IoU.sky: 0.9485, IoU.floor: 0.8377, IoU.tree: 0.7649, IoU.ceiling: 0.8595, IoU.road: 0.8659, IoU.bed : 0.9183, IoU.windowpane: 0.6633, IoU.grass: 0.6808, IoU.cabinet: 0.6561, IoU.sidewalk: 0.7096, IoU.person: 0.8465, IoU.earth: 0.3957, IoU.door: 0.5515, IoU.table: 0.6859, IoU.mountain: 0.6258, IoU.plant: 0.5564, IoU.curtain: 0.7912, IoU.chair: 0.6504, IoU.car: 0.8698, IoU.water: 0.6319, IoU.painting: 0.7513, IoU.sofa: 0.7884, IoU.shelf: 0.4580, IoU.house: 0.4930, IoU.sea: 0.7198, IoU.mirror: 0.7383, IoU.rug: 0.6588, IoU.field: 0.3039, IoU.armchair: 0.5683, IoU.seat: 0.6961, IoU.fence: 0.4523, IoU.desk: 0.5912, IoU.rock: 0.5192, IoU.wardrobe: 0.5617, IoU.lamp: 0.7372, IoU.bathtub: 0.8390, IoU.railing: 0.3941, IoU.cushion: 0.6773, IoU.base: 0.3945, IoU.box: 0.4110, IoU.column: 0.5388, IoU.signboard: 0.3896, IoU.chest of drawers: 0.4808, IoU.counter: 0.5442, IoU.sand: 0.5823, IoU.sink: 0.8285, IoU.skyscraper: 0.5503, IoU.fireplace: 0.7712, IoU.refrigerator: 0.8159, IoU.grandstand: 0.5917, IoU.path: 0.2661, IoU.stairs: 0.4172, IoU.runway: 0.7304, IoU.case: 0.6382, IoU.pool table: 0.9477, IoU.pillow: 0.6156, IoU.screen door: 0.5480, IoU.stairway: 0.4465, IoU.river: 0.1398, IoU.bridge: 0.5894, IoU.bookcase: 0.4323, IoU.blind: 0.4038, IoU.coffee table: 0.5924, IoU.toilet: 0.9207, IoU.flower: 0.4823, IoU.book: 0.5501, IoU.hill: 0.0601, IoU.bench: 0.6645, IoU.countertop: 0.6721, IoU.stove: 0.8440, IoU.palm: 0.5779, IoU.kitchen island: 0.4841, IoU.computer: 0.7816, IoU.swivel chair: 0.4434, IoU.boat: 0.7333, IoU.bar: 0.7455, IoU.arcade machine: 0.8350, IoU.hovel: 0.1423, IoU.bus: 0.9265, IoU.towel: 0.7583, IoU.light: 0.5513, IoU.truck: 0.4947, IoU.tower: 0.2404, IoU.chandelier: 0.7066, IoU.awning: 0.4460, IoU.streetlight: 0.3220, IoU.booth: 0.5098, IoU.television receiver: 0.8551, IoU.airplane: 0.6955, IoU.dirt track: 0.0494, IoU.apparel: 0.5763, IoU.pole: 0.2846, IoU.land: 0.0893, IoU.bannister: 0.1186, IoU.escalator: 0.6471, IoU.ottoman: 0.5708, IoU.bottle: 0.4221, IoU.buffet: 0.5942, IoU.poster: 0.2786, IoU.stage: 0.2558, IoU.van: 0.4964, IoU.ship: 0.6751, IoU.fountain: 0.4952, IoU.conveyer belt: 0.8305, IoU.canopy: 0.5279, IoU.washer: 0.8886, IoU.plaything: 0.3568, IoU.swimming pool: 0.6065, IoU.stool: 0.5082, IoU.barrel: 0.6231, IoU.basket: 0.4506, IoU.waterfall: 0.4966, IoU.tent: 0.8975, IoU.bag: 0.2555, IoU.minibike: 0.7619, IoU.cradle: 0.8271, IoU.oven: 0.6510, IoU.ball: 0.5520, IoU.food: 0.5649, IoU.step: 0.0996, IoU.tank: 0.7017, IoU.trade name: 0.2905, IoU.microwave: 0.8827, IoU.pot: 0.5738, IoU.animal: 0.6639, IoU.bicycle: 0.5818, IoU.lake: 0.5512, IoU.dishwasher: 0.7196, IoU.screen: 0.5043, IoU.blanket: 0.1889, IoU.sculpture: 0.6871, IoU.hood: 0.6675, IoU.sconce: 0.5732, IoU.vase: 0.4538, IoU.traffic light: 0.3545, IoU.tray: 0.1931, IoU.ashcan: 0.5214, IoU.fan: 0.6742, IoU.pier: 0.4339, IoU.crt screen: 0.0259, IoU.plate: 0.5955, IoU.monitor: 0.6814, IoU.bulletin board: 0.5779, IoU.shower: 0.1463, IoU.radiator: 0.6533, IoU.glass: 0.2095, IoU.clock: 0.5224, IoU.flag: 0.6725, Acc.wall: 0.9060, Acc.building: 0.9342, Acc.sky: 0.9743, Acc.floor: 0.9153, Acc.tree: 0.9106, Acc.ceiling: 0.9412, Acc.road: 0.9197, Acc.bed : 0.9753, Acc.windowpane: 0.8232, Acc.grass: 0.8231, Acc.cabinet: 0.7553, Acc.sidewalk: 0.8462, Acc.person: 0.9431, Acc.earth: 0.5064, Acc.door: 0.6797, Acc.table: 0.7944, Acc.mountain: 0.7386, Acc.plant: 0.6775, Acc.curtain: 0.8889, Acc.chair: 0.7621, Acc.car: 0.9375, Acc.water: 0.7653, Acc.painting: 0.8888, Acc.sofa: 0.8813, Acc.shelf: 0.5904, Acc.house: 0.6547, Acc.sea: 0.8433, Acc.mirror: 0.8265, Acc.rug: 0.7567, Acc.field: 0.5140, Acc.armchair: 0.7578, Acc.seat: 0.8818, Acc.fence: 0.5721, Acc.desk: 0.8073, Acc.rock: 0.7801, Acc.wardrobe: 0.7204, Acc.lamp: 0.8345, Acc.bathtub: 0.8664, Acc.railing: 0.5346, Acc.cushion: 0.8119, Acc.base: 0.4972, Acc.box: 0.5526, Acc.column: 0.6230, Acc.signboard: 0.4944, Acc.chest of drawers: 0.6899, Acc.counter: 0.6075, Acc.sand: 0.8373, Acc.sink: 0.8935, Acc.skyscraper: 0.6647, Acc.fireplace: 0.9104, Acc.refrigerator: 0.8967, Acc.grandstand: 0.8466, Acc.path: 0.3653, Acc.stairs: 0.5107, Acc.runway: 0.9444, Acc.case: 0.8163, Acc.pool table: 0.9819, Acc.pillow: 0.6831, Acc.screen door: 0.5597, Acc.stairway: 0.6425, Acc.river: 0.2823, Acc.bridge: 0.6587, Acc.bookcase: 0.6052, Acc.blind: 0.4804, Acc.coffee table: 0.8825, Acc.toilet: 0.9629, Acc.flower: 0.6156, Acc.book: 0.7843, Acc.hill: 0.0972, Acc.bench: 0.7284, Acc.countertop: 0.8334, Acc.stove: 0.9062, Acc.palm: 0.7874, Acc.kitchen island: 0.7129, Acc.computer: 0.8905, Acc.swivel chair: 0.6568, Acc.boat: 0.8967, Acc.bar: 0.9032, Acc.arcade machine: 0.8876, Acc.hovel: 0.1598, Acc.bus: 0.9605, Acc.towel: 0.8414, Acc.light: 0.6048, Acc.truck: 0.5919, Acc.tower: 0.3874, Acc.chandelier: 0.7812, Acc.awning: 0.5301, Acc.streetlight: 0.3803, Acc.booth: 0.6222, Acc.television receiver: 0.9045, Acc.airplane: 0.7693, Acc.dirt track: 0.0919, Acc.apparel: 0.6922, Acc.pole: 0.4378, Acc.land: 0.1285, Acc.bannister: 0.1536, Acc.escalator: 0.8598, Acc.ottoman: 0.7211, Acc.bottle: 0.7023, Acc.buffet: 0.6607, Acc.poster: 0.3375, Acc.stage: 0.7527, Acc.van: 0.6494, Acc.ship: 0.7546, Acc.fountain: 0.5057, Acc.conveyer belt: 0.9739, Acc.canopy: 0.7416, Acc.washer: 0.9399, Acc.plaything: 0.4906, Acc.swimming pool: 0.9164, Acc.stool: 0.6344, Acc.barrel: 0.7173, Acc.basket: 0.5583, Acc.waterfall: 0.5272, Acc.tent: 0.9795, Acc.bag: 0.3041, Acc.minibike: 0.8865, Acc.cradle: 0.9682, Acc.oven: 0.7591, Acc.ball: 0.6009, Acc.food: 0.6426, Acc.step: 0.1022, Acc.tank: 0.8109, Acc.trade name: 0.3695, Acc.microwave: 0.9548, Acc.pot: 0.6506, Acc.animal: 0.6837, Acc.bicycle: 0.7432, Acc.lake: 0.6437, Acc.dishwasher: 0.7670, Acc.screen: 0.6612, Acc.blanket: 0.2177, Acc.sculpture: 0.8370, Acc.hood: 0.7947, Acc.sconce: 0.7160, Acc.vase: 0.6054, Acc.traffic light: 0.5273, Acc.tray: 0.2513, Acc.ashcan: 0.6170, Acc.fan: 0.7787, Acc.pier: 0.4748, Acc.crt screen: 0.0408, Acc.plate: 0.7957, Acc.monitor: 0.8437, Acc.bulletin board: 0.7526, Acc.shower: 0.1615, Acc.radiator: 0.7321, Acc.glass: 0.2279, Acc.clock: 0.5697, Acc.flag: 0.7444 2024-01-18 20:05:56,741 - mmseg - INFO - Iter [60050/80000] lr: 9.975e-06, eta: 7:51:05, time: 4.360, data_time: 3.161, memory: 59004, decode.loss_ce: 0.1076, decode.acc_seg: 94.9922, aux.loss_ce: 0.0574, aux.acc_seg: 93.6230, loss: 0.1650 2024-01-18 20:06:57,104 - mmseg - INFO - Iter [60100/80000] lr: 9.951e-06, eta: 7:49:50, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1140, decode.acc_seg: 94.8543, aux.loss_ce: 0.0626, aux.acc_seg: 93.1624, loss: 0.1766 2024-01-18 20:07:57,399 - mmseg - INFO - Iter [60150/80000] lr: 9.926e-06, eta: 7:48:36, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1090, decode.acc_seg: 94.9789, aux.loss_ce: 0.0579, aux.acc_seg: 93.5535, loss: 0.1669 2024-01-18 20:08:57,774 - mmseg - INFO - Iter [60200/80000] lr: 9.901e-06, eta: 7:47:22, time: 1.207, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1150, decode.acc_seg: 94.6718, aux.loss_ce: 0.0631, aux.acc_seg: 93.1265, loss: 0.1782 2024-01-18 20:09:58,111 - mmseg - INFO - Iter [60250/80000] lr: 9.876e-06, eta: 7:46:08, time: 1.207, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1205, decode.acc_seg: 94.6697, aux.loss_ce: 0.0663, aux.acc_seg: 93.0560, loss: 0.1868 2024-01-18 20:10:58,479 - mmseg - INFO - Iter [60300/80000] lr: 9.851e-06, eta: 7:44:53, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1126, decode.acc_seg: 94.8456, aux.loss_ce: 0.0612, aux.acc_seg: 93.2944, loss: 0.1738 2024-01-18 20:11:58,850 - mmseg - INFO - Iter [60350/80000] lr: 9.825e-06, eta: 7:43:39, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1133, decode.acc_seg: 94.7962, aux.loss_ce: 0.0614, aux.acc_seg: 93.2348, loss: 0.1747 2024-01-18 20:12:59,223 - mmseg - INFO - Iter [60400/80000] lr: 9.800e-06, eta: 7:42:25, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1141, decode.acc_seg: 94.7472, aux.loss_ce: 0.0628, aux.acc_seg: 93.0766, loss: 0.1769 2024-01-18 20:13:59,531 - mmseg - INFO - Iter [60450/80000] lr: 9.775e-06, eta: 7:41:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1103, decode.acc_seg: 94.9245, aux.loss_ce: 0.0595, aux.acc_seg: 93.4320, loss: 0.1698 2024-01-18 20:15:00,073 - mmseg - INFO - Iter [60500/80000] lr: 9.751e-06, eta: 7:39:57, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1142, decode.acc_seg: 94.8928, aux.loss_ce: 0.0615, aux.acc_seg: 93.3942, loss: 0.1757 2024-01-18 20:16:00,351 - mmseg - INFO - Iter [60550/80000] lr: 9.726e-06, eta: 7:38:43, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1141, decode.acc_seg: 94.9044, aux.loss_ce: 0.0628, aux.acc_seg: 93.2586, loss: 0.1769 2024-01-18 20:17:00,674 - mmseg - INFO - Iter [60600/80000] lr: 9.701e-06, eta: 7:37:29, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1162, decode.acc_seg: 94.6447, aux.loss_ce: 0.0627, aux.acc_seg: 93.0588, loss: 0.1789 2024-01-18 20:18:03,113 - mmseg - INFO - Iter [60650/80000] lr: 9.676e-06, eta: 7:36:15, time: 1.249, data_time: 0.050, memory: 59004, decode.loss_ce: 0.1091, decode.acc_seg: 95.0088, aux.loss_ce: 0.0595, aux.acc_seg: 93.4567, loss: 0.1685 2024-01-18 20:19:03,335 - mmseg - INFO - Iter [60700/80000] lr: 9.651e-06, eta: 7:35:01, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1214, decode.acc_seg: 94.8157, aux.loss_ce: 0.0635, aux.acc_seg: 93.3035, loss: 0.1849 2024-01-18 20:20:03,560 - mmseg - INFO - Iter [60750/80000] lr: 9.625e-06, eta: 7:33:47, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1138, decode.acc_seg: 94.7032, aux.loss_ce: 0.0611, aux.acc_seg: 93.1680, loss: 0.1749 2024-01-18 20:21:03,759 - mmseg - INFO - Iter [60800/80000] lr: 9.600e-06, eta: 7:32:33, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1103, decode.acc_seg: 95.0116, aux.loss_ce: 0.0604, aux.acc_seg: 93.4470, loss: 0.1707 2024-01-18 20:22:04,015 - mmseg - INFO - Iter [60850/80000] lr: 9.576e-06, eta: 7:31:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1120, decode.acc_seg: 94.8462, aux.loss_ce: 0.0611, aux.acc_seg: 93.2146, loss: 0.1730 2024-01-18 20:23:04,290 - mmseg - INFO - Iter [60900/80000] lr: 9.551e-06, eta: 7:30:05, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1115, decode.acc_seg: 95.0145, aux.loss_ce: 0.0605, aux.acc_seg: 93.5089, loss: 0.1721 2024-01-18 20:24:04,643 - mmseg - INFO - Iter [60950/80000] lr: 9.526e-06, eta: 7:28:51, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1131, decode.acc_seg: 94.8232, aux.loss_ce: 0.0608, aux.acc_seg: 93.3885, loss: 0.1739 2024-01-18 20:25:05,097 - mmseg - INFO - Saving checkpoint at 61000 iterations 2024-01-18 20:25:47,887 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 20:25:47,888 - mmseg - INFO - Iter [61000/80000] lr: 9.501e-06, eta: 7:27:50, time: 2.065, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1178, decode.acc_seg: 94.8130, aux.loss_ce: 0.0618, aux.acc_seg: 93.3393, loss: 0.1796 2024-01-18 20:28:26,807 - mmseg - INFO - per class results: 2024-01-18 20:28:26,813 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.77 | 90.83 | | building | 85.36 | 93.77 | | sky | 94.59 | 97.18 | | floor | 83.33 | 92.07 | | tree | 76.51 | 90.5 | | ceiling | 86.49 | 93.06 | | road | 85.83 | 91.54 | | bed | 92.04 | 97.31 | | windowpane | 66.18 | 82.55 | | grass | 68.85 | 80.41 | | cabinet | 65.64 | 75.1 | | sidewalk | 70.15 | 84.98 | | person | 84.67 | 94.64 | | earth | 40.82 | 55.67 | | door | 57.06 | 67.92 | | table | 68.95 | 79.4 | | mountain | 61.41 | 73.93 | | plant | 55.72 | 66.11 | | curtain | 78.89 | 88.23 | | chair | 64.27 | 75.31 | | car | 87.22 | 93.63 | | water | 64.93 | 80.83 | | painting | 75.56 | 87.85 | | sofa | 80.08 | 89.09 | | shelf | 46.79 | 64.38 | | house | 51.27 | 67.38 | | sea | 74.08 | 83.68 | | mirror | 77.44 | 86.84 | | rug | 59.64 | 67.36 | | field | 30.73 | 48.26 | | armchair | 56.53 | 75.71 | | seat | 70.26 | 87.47 | | fence | 44.19 | 54.94 | | desk | 60.27 | 79.69 | | rock | 52.94 | 77.42 | | wardrobe | 56.26 | 73.5 | | lamp | 74.33 | 83.66 | | bathtub | 84.13 | 87.17 | | railing | 39.62 | 54.97 | | cushion | 68.48 | 79.8 | | base | 39.03 | 49.77 | | box | 39.51 | 49.27 | | column | 56.01 | 67.05 | | signboard | 37.98 | 48.97 | | chest of drawers | 49.33 | 78.6 | | counter | 56.04 | 61.22 | | sand | 57.98 | 85.24 | | sink | 81.12 | 89.42 | | skyscraper | 54.88 | 65.16 | | fireplace | 75.44 | 93.17 | | refrigerator | 80.9 | 89.99 | | grandstand | 58.14 | 85.72 | | path | 24.81 | 32.14 | | stairs | 44.21 | 51.55 | | runway | 66.74 | 87.96 | | case | 64.72 | 83.64 | | pool table | 94.82 | 97.79 | | pillow | 64.06 | 73.62 | | screen door | 79.79 | 86.44 | | stairway | 45.1 | 61.87 | | river | 15.41 | 30.06 | | bridge | 71.24 | 78.8 | | bookcase | 45.46 | 62.99 | | blind | 39.88 | 46.43 | | coffee table | 61.51 | 87.26 | | toilet | 92.21 | 95.96 | | flower | 47.95 | 62.98 | | book | 55.3 | 76.01 | | hill | 6.3 | 10.77 | | bench | 64.2 | 73.88 | | countertop | 65.44 | 82.93 | | stove | 84.72 | 89.97 | | palm | 57.2 | 77.8 | | kitchen island | 46.77 | 66.59 | | computer | 77.07 | 89.42 | | swivel chair | 43.01 | 62.41 | | boat | 74.58 | 89.17 | | bar | 75.36 | 89.04 | | arcade machine | 87.94 | 93.3 | | hovel | 18.11 | 19.74 | | bus | 92.47 | 96.08 | | towel | 77.44 | 85.8 | | light | 57.98 | 65.65 | | truck | 49.43 | 59.1 | | tower | 29.74 | 48.67 | | chandelier | 72.82 | 83.15 | | awning | 47.13 | 57.45 | | streetlight | 33.54 | 42.0 | | booth | 49.75 | 59.06 | | television receiver | 85.46 | 90.45 | | airplane | 78.28 | 86.99 | | dirt track | 10.79 | 21.65 | | apparel | 57.58 | 73.72 | | pole | 22.22 | 31.57 | | land | 9.51 | 12.73 | | bannister | 12.15 | 15.64 | | escalator | 64.28 | 85.0 | | ottoman | 57.22 | 71.49 | | bottle | 41.74 | 70.46 | | buffet | 61.65 | 70.5 | | poster | 26.79 | 31.77 | | stage | 28.57 | 61.87 | | van | 49.84 | 66.0 | | ship | 67.01 | 73.44 | | fountain | 54.59 | 56.1 | | conveyer belt | 83.41 | 97.59 | | canopy | 51.59 | 76.95 | | washer | 88.47 | 94.23 | | plaything | 36.19 | 60.83 | | swimming pool | 59.68 | 88.3 | | stool | 45.76 | 66.32 | | barrel | 60.6 | 71.04 | | basket | 45.0 | 57.7 | | waterfall | 51.46 | 60.26 | | tent | 92.66 | 98.34 | | bag | 29.05 | 33.29 | | minibike | 76.07 | 89.17 | | cradle | 82.25 | 98.23 | | oven | 64.43 | 76.77 | | ball | 27.26 | 28.07 | | food | 58.98 | 67.12 | | step | 6.44 | 6.53 | | tank | 75.07 | 86.94 | | trade name | 22.1 | 24.57 | | microwave | 88.23 | 95.06 | | pot | 56.26 | 63.12 | | animal | 68.0 | 70.04 | | bicycle | 58.35 | 75.13 | | lake | 62.13 | 66.61 | | dishwasher | 74.21 | 81.09 | | screen | 52.87 | 69.03 | | blanket | 21.15 | 24.87 | | sculpture | 73.83 | 82.99 | | hood | 61.47 | 73.27 | | sconce | 55.07 | 65.19 | | vase | 45.02 | 57.74 | | traffic light | 36.0 | 51.42 | | tray | 17.58 | 22.33 | | ashcan | 50.66 | 59.93 | | fan | 68.05 | 79.03 | | pier | 46.57 | 51.1 | | crt screen | 2.43 | 3.68 | | plate | 58.62 | 79.76 | | monitor | 67.64 | 85.92 | | bulletin board | 54.4 | 63.23 | | shower | 15.61 | 17.16 | | radiator | 64.8 | 75.19 | | glass | 22.01 | 24.49 | | clock | 51.25 | 60.42 | | flag | 66.62 | 73.38 | +---------------------+-------+-------+ 2024-01-18 20:28:26,814 - mmseg - INFO - Summary: 2024-01-18 20:28:26,814 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.0 | 57.71 | 69.25 | +------+-------+-------+ 2024-01-18 20:28:26,815 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 20:28:26,815 - mmseg - INFO - Iter(val) [250] aAcc: 0.8600, mIoU: 0.5771, mAcc: 0.6925, IoU.wall: 0.8177, IoU.building: 0.8536, IoU.sky: 0.9459, IoU.floor: 0.8333, IoU.tree: 0.7651, IoU.ceiling: 0.8649, IoU.road: 0.8583, IoU.bed : 0.9204, IoU.windowpane: 0.6618, IoU.grass: 0.6885, IoU.cabinet: 0.6564, IoU.sidewalk: 0.7015, IoU.person: 0.8467, IoU.earth: 0.4082, IoU.door: 0.5706, IoU.table: 0.6895, IoU.mountain: 0.6141, IoU.plant: 0.5572, IoU.curtain: 0.7889, IoU.chair: 0.6427, IoU.car: 0.8722, IoU.water: 0.6493, IoU.painting: 0.7556, IoU.sofa: 0.8008, IoU.shelf: 0.4679, IoU.house: 0.5127, IoU.sea: 0.7408, IoU.mirror: 0.7744, IoU.rug: 0.5964, IoU.field: 0.3073, IoU.armchair: 0.5653, IoU.seat: 0.7026, IoU.fence: 0.4419, IoU.desk: 0.6027, IoU.rock: 0.5294, IoU.wardrobe: 0.5626, IoU.lamp: 0.7433, IoU.bathtub: 0.8413, IoU.railing: 0.3962, IoU.cushion: 0.6848, IoU.base: 0.3903, IoU.box: 0.3951, IoU.column: 0.5601, IoU.signboard: 0.3798, IoU.chest of drawers: 0.4933, IoU.counter: 0.5604, IoU.sand: 0.5798, IoU.sink: 0.8112, IoU.skyscraper: 0.5488, IoU.fireplace: 0.7544, IoU.refrigerator: 0.8090, IoU.grandstand: 0.5814, IoU.path: 0.2481, IoU.stairs: 0.4421, IoU.runway: 0.6674, IoU.case: 0.6472, IoU.pool table: 0.9482, IoU.pillow: 0.6406, IoU.screen door: 0.7979, IoU.stairway: 0.4510, IoU.river: 0.1541, IoU.bridge: 0.7124, IoU.bookcase: 0.4546, IoU.blind: 0.3988, IoU.coffee table: 0.6151, IoU.toilet: 0.9221, IoU.flower: 0.4795, IoU.book: 0.5530, IoU.hill: 0.0630, IoU.bench: 0.6420, IoU.countertop: 0.6544, IoU.stove: 0.8472, IoU.palm: 0.5720, IoU.kitchen island: 0.4677, IoU.computer: 0.7707, IoU.swivel chair: 0.4301, IoU.boat: 0.7458, IoU.bar: 0.7536, IoU.arcade machine: 0.8794, IoU.hovel: 0.1811, IoU.bus: 0.9247, IoU.towel: 0.7744, IoU.light: 0.5798, IoU.truck: 0.4943, IoU.tower: 0.2974, IoU.chandelier: 0.7282, IoU.awning: 0.4713, IoU.streetlight: 0.3354, IoU.booth: 0.4975, IoU.television receiver: 0.8546, IoU.airplane: 0.7828, IoU.dirt track: 0.1079, IoU.apparel: 0.5758, IoU.pole: 0.2222, IoU.land: 0.0951, IoU.bannister: 0.1215, IoU.escalator: 0.6428, IoU.ottoman: 0.5722, IoU.bottle: 0.4174, IoU.buffet: 0.6165, IoU.poster: 0.2679, IoU.stage: 0.2857, IoU.van: 0.4984, IoU.ship: 0.6701, IoU.fountain: 0.5459, IoU.conveyer belt: 0.8341, IoU.canopy: 0.5159, IoU.washer: 0.8847, IoU.plaything: 0.3619, IoU.swimming pool: 0.5968, IoU.stool: 0.4576, IoU.barrel: 0.6060, IoU.basket: 0.4500, IoU.waterfall: 0.5146, IoU.tent: 0.9266, IoU.bag: 0.2905, IoU.minibike: 0.7607, IoU.cradle: 0.8225, IoU.oven: 0.6443, IoU.ball: 0.2726, IoU.food: 0.5898, IoU.step: 0.0644, IoU.tank: 0.7507, IoU.trade name: 0.2210, IoU.microwave: 0.8823, IoU.pot: 0.5626, IoU.animal: 0.6800, IoU.bicycle: 0.5835, IoU.lake: 0.6213, IoU.dishwasher: 0.7421, IoU.screen: 0.5287, IoU.blanket: 0.2115, IoU.sculpture: 0.7383, IoU.hood: 0.6147, IoU.sconce: 0.5507, IoU.vase: 0.4502, IoU.traffic light: 0.3600, IoU.tray: 0.1758, IoU.ashcan: 0.5066, IoU.fan: 0.6805, IoU.pier: 0.4657, IoU.crt screen: 0.0243, IoU.plate: 0.5862, IoU.monitor: 0.6764, IoU.bulletin board: 0.5440, IoU.shower: 0.1561, IoU.radiator: 0.6480, IoU.glass: 0.2201, IoU.clock: 0.5125, IoU.flag: 0.6662, Acc.wall: 0.9083, Acc.building: 0.9377, Acc.sky: 0.9718, Acc.floor: 0.9207, Acc.tree: 0.9050, Acc.ceiling: 0.9306, Acc.road: 0.9154, Acc.bed : 0.9731, Acc.windowpane: 0.8255, Acc.grass: 0.8041, Acc.cabinet: 0.7510, Acc.sidewalk: 0.8498, Acc.person: 0.9464, Acc.earth: 0.5567, Acc.door: 0.6792, Acc.table: 0.7940, Acc.mountain: 0.7393, Acc.plant: 0.6611, Acc.curtain: 0.8823, Acc.chair: 0.7531, Acc.car: 0.9363, Acc.water: 0.8083, Acc.painting: 0.8785, Acc.sofa: 0.8909, Acc.shelf: 0.6438, Acc.house: 0.6738, Acc.sea: 0.8368, Acc.mirror: 0.8684, Acc.rug: 0.6736, Acc.field: 0.4826, Acc.armchair: 0.7571, Acc.seat: 0.8747, Acc.fence: 0.5494, Acc.desk: 0.7969, Acc.rock: 0.7742, Acc.wardrobe: 0.7350, Acc.lamp: 0.8366, Acc.bathtub: 0.8717, Acc.railing: 0.5497, Acc.cushion: 0.7980, Acc.base: 0.4977, Acc.box: 0.4927, Acc.column: 0.6705, Acc.signboard: 0.4897, Acc.chest of drawers: 0.7860, Acc.counter: 0.6122, Acc.sand: 0.8524, Acc.sink: 0.8942, Acc.skyscraper: 0.6516, Acc.fireplace: 0.9317, Acc.refrigerator: 0.8999, Acc.grandstand: 0.8572, Acc.path: 0.3214, Acc.stairs: 0.5155, Acc.runway: 0.8796, Acc.case: 0.8364, Acc.pool table: 0.9779, Acc.pillow: 0.7362, Acc.screen door: 0.8644, Acc.stairway: 0.6187, Acc.river: 0.3006, Acc.bridge: 0.7880, Acc.bookcase: 0.6299, Acc.blind: 0.4643, Acc.coffee table: 0.8726, Acc.toilet: 0.9596, Acc.flower: 0.6298, Acc.book: 0.7601, Acc.hill: 0.1077, Acc.bench: 0.7388, Acc.countertop: 0.8293, Acc.stove: 0.8997, Acc.palm: 0.7780, Acc.kitchen island: 0.6659, Acc.computer: 0.8942, Acc.swivel chair: 0.6241, Acc.boat: 0.8917, Acc.bar: 0.8904, Acc.arcade machine: 0.9330, Acc.hovel: 0.1974, Acc.bus: 0.9608, Acc.towel: 0.8580, Acc.light: 0.6565, Acc.truck: 0.5910, Acc.tower: 0.4867, Acc.chandelier: 0.8315, Acc.awning: 0.5745, Acc.streetlight: 0.4200, Acc.booth: 0.5906, Acc.television receiver: 0.9045, Acc.airplane: 0.8699, Acc.dirt track: 0.2165, Acc.apparel: 0.7372, Acc.pole: 0.3157, Acc.land: 0.1273, Acc.bannister: 0.1564, Acc.escalator: 0.8500, Acc.ottoman: 0.7149, Acc.bottle: 0.7046, Acc.buffet: 0.7050, Acc.poster: 0.3177, Acc.stage: 0.6187, Acc.van: 0.6600, Acc.ship: 0.7344, Acc.fountain: 0.5610, Acc.conveyer belt: 0.9759, Acc.canopy: 0.7695, Acc.washer: 0.9423, Acc.plaything: 0.6083, Acc.swimming pool: 0.8830, Acc.stool: 0.6632, Acc.barrel: 0.7104, Acc.basket: 0.5770, Acc.waterfall: 0.6026, Acc.tent: 0.9834, Acc.bag: 0.3329, Acc.minibike: 0.8917, Acc.cradle: 0.9823, Acc.oven: 0.7677, Acc.ball: 0.2807, Acc.food: 0.6712, Acc.step: 0.0653, Acc.tank: 0.8694, Acc.trade name: 0.2457, Acc.microwave: 0.9506, Acc.pot: 0.6312, Acc.animal: 0.7004, Acc.bicycle: 0.7513, Acc.lake: 0.6661, Acc.dishwasher: 0.8109, Acc.screen: 0.6903, Acc.blanket: 0.2487, Acc.sculpture: 0.8299, Acc.hood: 0.7327, Acc.sconce: 0.6519, Acc.vase: 0.5774, Acc.traffic light: 0.5142, Acc.tray: 0.2233, Acc.ashcan: 0.5993, Acc.fan: 0.7903, Acc.pier: 0.5110, Acc.crt screen: 0.0368, Acc.plate: 0.7976, Acc.monitor: 0.8592, Acc.bulletin board: 0.6323, Acc.shower: 0.1716, Acc.radiator: 0.7519, Acc.glass: 0.2449, Acc.clock: 0.6042, Acc.flag: 0.7338 2024-01-18 20:29:27,497 - mmseg - INFO - Iter [61050/80000] lr: 9.476e-06, eta: 7:27:26, time: 4.392, data_time: 3.194, memory: 59004, decode.loss_ce: 0.1127, decode.acc_seg: 94.7478, aux.loss_ce: 0.0621, aux.acc_seg: 92.9758, loss: 0.1747 2024-01-18 20:30:28,041 - mmseg - INFO - Iter [61100/80000] lr: 9.451e-06, eta: 7:26:12, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1100, decode.acc_seg: 95.1191, aux.loss_ce: 0.0589, aux.acc_seg: 93.7375, loss: 0.1689 2024-01-18 20:31:28,242 - mmseg - INFO - Iter [61150/80000] lr: 9.426e-06, eta: 7:24:58, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1104, decode.acc_seg: 94.8991, aux.loss_ce: 0.0595, aux.acc_seg: 93.4167, loss: 0.1699 2024-01-18 20:32:28,443 - mmseg - INFO - Iter [61200/80000] lr: 9.400e-06, eta: 7:23:44, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1122, decode.acc_seg: 94.8735, aux.loss_ce: 0.0614, aux.acc_seg: 93.3238, loss: 0.1736 2024-01-18 20:33:28,689 - mmseg - INFO - Iter [61250/80000] lr: 9.376e-06, eta: 7:22:30, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1105, decode.acc_seg: 94.8576, aux.loss_ce: 0.0598, aux.acc_seg: 93.2943, loss: 0.1703 2024-01-18 20:34:28,928 - mmseg - INFO - Iter [61300/80000] lr: 9.350e-06, eta: 7:21:16, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1097, decode.acc_seg: 94.9531, aux.loss_ce: 0.0588, aux.acc_seg: 93.5192, loss: 0.1685 2024-01-18 20:35:29,213 - mmseg - INFO - Iter [61350/80000] lr: 9.326e-06, eta: 7:20:02, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1036, decode.acc_seg: 95.2759, aux.loss_ce: 0.0561, aux.acc_seg: 93.8190, loss: 0.1597 2024-01-18 20:36:29,527 - mmseg - INFO - Iter [61400/80000] lr: 9.301e-06, eta: 7:18:48, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1101, decode.acc_seg: 95.0672, aux.loss_ce: 0.0608, aux.acc_seg: 93.4769, loss: 0.1709 2024-01-18 20:37:29,832 - mmseg - INFO - Iter [61450/80000] lr: 9.276e-06, eta: 7:17:34, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1107, decode.acc_seg: 94.7797, aux.loss_ce: 0.0601, aux.acc_seg: 93.1354, loss: 0.1708 2024-01-18 20:38:30,401 - mmseg - INFO - Iter [61500/80000] lr: 9.251e-06, eta: 7:16:20, time: 1.211, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1055, decode.acc_seg: 95.2193, aux.loss_ce: 0.0583, aux.acc_seg: 93.6174, loss: 0.1638 2024-01-18 20:39:30,719 - mmseg - INFO - Iter [61550/80000] lr: 9.226e-06, eta: 7:15:06, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1082, decode.acc_seg: 95.1119, aux.loss_ce: 0.0592, aux.acc_seg: 93.6168, loss: 0.1674 2024-01-18 20:40:31,067 - mmseg - INFO - Iter [61600/80000] lr: 9.200e-06, eta: 7:13:52, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1053, decode.acc_seg: 95.1126, aux.loss_ce: 0.0577, aux.acc_seg: 93.6185, loss: 0.1630 2024-01-18 20:41:31,477 - mmseg - INFO - Iter [61650/80000] lr: 9.175e-06, eta: 7:12:38, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1100, decode.acc_seg: 95.1296, aux.loss_ce: 0.0591, aux.acc_seg: 93.6885, loss: 0.1691 2024-01-18 20:42:31,700 - mmseg - INFO - Iter [61700/80000] lr: 9.150e-06, eta: 7:11:25, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1043, decode.acc_seg: 95.1842, aux.loss_ce: 0.0569, aux.acc_seg: 93.7188, loss: 0.1612 2024-01-18 20:43:32,012 - mmseg - INFO - Iter [61750/80000] lr: 9.126e-06, eta: 7:10:11, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1092, decode.acc_seg: 94.9937, aux.loss_ce: 0.0587, aux.acc_seg: 93.4377, loss: 0.1678 2024-01-18 20:44:32,338 - mmseg - INFO - Iter [61800/80000] lr: 9.101e-06, eta: 7:08:57, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1100, decode.acc_seg: 94.8090, aux.loss_ce: 0.0594, aux.acc_seg: 93.3098, loss: 0.1694 2024-01-18 20:45:32,690 - mmseg - INFO - Iter [61850/80000] lr: 9.076e-06, eta: 7:07:43, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1112, decode.acc_seg: 94.8869, aux.loss_ce: 0.0603, aux.acc_seg: 93.3278, loss: 0.1715 2024-01-18 20:46:35,268 - mmseg - INFO - Iter [61900/80000] lr: 9.051e-06, eta: 7:06:30, time: 1.252, data_time: 0.054, memory: 59004, decode.loss_ce: 0.1140, decode.acc_seg: 94.8803, aux.loss_ce: 0.0612, aux.acc_seg: 93.4286, loss: 0.1752 2024-01-18 20:47:35,586 - mmseg - INFO - Iter [61950/80000] lr: 9.026e-06, eta: 7:05:16, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1062, decode.acc_seg: 95.0953, aux.loss_ce: 0.0578, aux.acc_seg: 93.6339, loss: 0.1640 2024-01-18 20:48:36,066 - mmseg - INFO - Saving checkpoint at 62000 iterations 2024-01-18 20:49:20,288 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 20:49:20,289 - mmseg - INFO - Iter [62000/80000] lr: 9.000e-06, eta: 7:04:16, time: 2.094, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1060, decode.acc_seg: 95.1503, aux.loss_ce: 0.0585, aux.acc_seg: 93.6432, loss: 0.1646 2024-01-18 20:51:56,982 - mmseg - INFO - per class results: 2024-01-18 20:51:56,989 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.62 | 91.48 | | building | 85.27 | 93.93 | | sky | 94.87 | 97.69 | | floor | 83.65 | 91.92 | | tree | 76.72 | 89.33 | | ceiling | 86.32 | 92.79 | | road | 86.32 | 91.28 | | bed | 91.88 | 97.27 | | windowpane | 66.65 | 81.35 | | grass | 67.51 | 80.6 | | cabinet | 65.75 | 75.05 | | sidewalk | 70.73 | 85.81 | | person | 84.72 | 94.84 | | earth | 40.26 | 53.44 | | door | 57.73 | 67.79 | | table | 68.52 | 78.22 | | mountain | 62.4 | 72.86 | | plant | 56.16 | 67.36 | | curtain | 78.8 | 87.35 | | chair | 65.74 | 78.32 | | car | 87.29 | 93.67 | | water | 63.66 | 79.84 | | painting | 75.04 | 87.32 | | sofa | 80.07 | 89.47 | | shelf | 46.13 | 63.71 | | house | 49.84 | 63.65 | | sea | 72.9 | 83.18 | | mirror | 76.2 | 85.23 | | rug | 61.69 | 71.39 | | field | 30.67 | 53.91 | | armchair | 56.31 | 73.17 | | seat | 69.44 | 87.59 | | fence | 44.95 | 56.45 | | desk | 58.8 | 82.37 | | rock | 53.46 | 79.25 | | wardrobe | 55.63 | 72.23 | | lamp | 74.12 | 84.47 | | bathtub | 83.73 | 86.83 | | railing | 38.7 | 51.34 | | cushion | 68.05 | 81.0 | | base | 38.14 | 48.7 | | box | 39.17 | 46.4 | | column | 55.63 | 65.31 | | signboard | 38.97 | 51.52 | | chest of drawers | 51.58 | 74.92 | | counter | 56.41 | 62.98 | | sand | 57.35 | 84.37 | | sink | 80.84 | 88.59 | | skyscraper | 53.8 | 63.04 | | fireplace | 76.68 | 93.3 | | refrigerator | 83.69 | 92.45 | | grandstand | 58.14 | 84.39 | | path | 25.81 | 32.66 | | stairs | 43.79 | 51.16 | | runway | 72.96 | 95.19 | | case | 65.25 | 81.66 | | pool table | 94.92 | 97.94 | | pillow | 61.34 | 68.62 | | screen door | 77.63 | 82.89 | | stairway | 41.22 | 56.32 | | river | 14.16 | 27.96 | | bridge | 67.7 | 77.17 | | bookcase | 43.53 | 56.78 | | blind | 37.42 | 42.15 | | coffee table | 60.47 | 86.59 | | toilet | 91.45 | 94.77 | | flower | 47.39 | 62.67 | | book | 56.2 | 81.86 | | hill | 6.11 | 10.95 | | bench | 66.65 | 73.44 | | countertop | 66.14 | 83.22 | | stove | 84.62 | 89.93 | | palm | 57.11 | 77.7 | | kitchen island | 49.01 | 69.11 | | computer | 77.76 | 90.64 | | swivel chair | 43.82 | 59.3 | | boat | 74.61 | 89.13 | | bar | 76.95 | 89.03 | | arcade machine | 82.05 | 85.86 | | hovel | 18.91 | 20.6 | | bus | 92.7 | 96.24 | | towel | 77.06 | 85.67 | | light | 57.98 | 66.32 | | truck | 49.5 | 59.46 | | tower | 23.51 | 35.82 | | chandelier | 72.26 | 83.3 | | awning | 41.47 | 51.58 | | streetlight | 33.02 | 40.7 | | booth | 48.47 | 57.49 | | television receiver | 85.31 | 90.03 | | airplane | 67.43 | 74.55 | | dirt track | 9.75 | 17.83 | | apparel | 57.22 | 77.72 | | pole | 27.63 | 40.65 | | land | 10.57 | 14.64 | | bannister | 12.32 | 16.05 | | escalator | 64.4 | 85.86 | | ottoman | 58.37 | 71.21 | | bottle | 42.75 | 74.28 | | buffet | 54.72 | 60.23 | | poster | 28.23 | 40.13 | | stage | 28.8 | 64.89 | | van | 48.55 | 63.74 | | ship | 64.95 | 70.48 | | fountain | 49.39 | 50.65 | | conveyer belt | 84.24 | 97.24 | | canopy | 55.24 | 73.69 | | washer | 88.29 | 93.5 | | plaything | 34.82 | 47.85 | | swimming pool | 57.12 | 83.88 | | stool | 53.14 | 64.02 | | barrel | 61.96 | 71.83 | | basket | 45.57 | 56.85 | | waterfall | 51.33 | 57.34 | | tent | 93.01 | 98.58 | | bag | 29.29 | 34.53 | | minibike | 75.45 | 89.9 | | cradle | 85.54 | 98.31 | | oven | 62.49 | 74.26 | | ball | 58.44 | 64.0 | | food | 60.26 | 69.65 | | step | 9.34 | 9.54 | | tank | 79.06 | 91.9 | | trade name | 24.42 | 28.05 | | microwave | 87.72 | 95.96 | | pot | 55.42 | 63.79 | | animal | 68.15 | 70.52 | | bicycle | 59.75 | 78.88 | | lake | 63.8 | 67.45 | | dishwasher | 76.0 | 81.51 | | screen | 48.41 | 62.67 | | blanket | 26.16 | 31.62 | | sculpture | 74.81 | 84.3 | | hood | 64.77 | 76.72 | | sconce | 56.54 | 71.6 | | vase | 45.68 | 64.45 | | traffic light | 36.09 | 53.83 | | tray | 20.3 | 26.8 | | ashcan | 51.95 | 63.64 | | fan | 67.57 | 78.65 | | pier | 44.68 | 49.32 | | crt screen | 3.28 | 5.17 | | plate | 59.37 | 79.62 | | monitor | 68.17 | 83.09 | | bulletin board | 54.01 | 67.11 | | shower | 14.51 | 16.47 | | radiator | 65.8 | 72.01 | | glass | 22.28 | 24.88 | | clock | 51.44 | 58.05 | | flag | 67.19 | 77.33 | +---------------------+-------+-------+ 2024-01-18 20:51:56,989 - mmseg - INFO - Summary: 2024-01-18 20:51:56,989 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.02 | 57.89 | 69.24 | +-------+-------+-------+ 2024-01-18 20:51:56,990 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 20:51:56,990 - mmseg - INFO - Iter(val) [250] aAcc: 0.8602, mIoU: 0.5789, mAcc: 0.6924, IoU.wall: 0.8162, IoU.building: 0.8527, IoU.sky: 0.9487, IoU.floor: 0.8365, IoU.tree: 0.7672, IoU.ceiling: 0.8632, IoU.road: 0.8632, IoU.bed : 0.9188, IoU.windowpane: 0.6665, IoU.grass: 0.6751, IoU.cabinet: 0.6575, IoU.sidewalk: 0.7073, IoU.person: 0.8472, IoU.earth: 0.4026, IoU.door: 0.5773, IoU.table: 0.6852, IoU.mountain: 0.6240, IoU.plant: 0.5616, IoU.curtain: 0.7880, IoU.chair: 0.6574, IoU.car: 0.8729, IoU.water: 0.6366, IoU.painting: 0.7504, IoU.sofa: 0.8007, IoU.shelf: 0.4613, IoU.house: 0.4984, IoU.sea: 0.7290, IoU.mirror: 0.7620, IoU.rug: 0.6169, IoU.field: 0.3067, IoU.armchair: 0.5631, IoU.seat: 0.6944, IoU.fence: 0.4495, IoU.desk: 0.5880, IoU.rock: 0.5346, IoU.wardrobe: 0.5563, IoU.lamp: 0.7412, IoU.bathtub: 0.8373, IoU.railing: 0.3870, IoU.cushion: 0.6805, IoU.base: 0.3814, IoU.box: 0.3917, IoU.column: 0.5563, IoU.signboard: 0.3897, IoU.chest of drawers: 0.5158, IoU.counter: 0.5641, IoU.sand: 0.5735, IoU.sink: 0.8084, IoU.skyscraper: 0.5380, IoU.fireplace: 0.7668, IoU.refrigerator: 0.8369, IoU.grandstand: 0.5814, IoU.path: 0.2581, IoU.stairs: 0.4379, IoU.runway: 0.7296, IoU.case: 0.6525, IoU.pool table: 0.9492, IoU.pillow: 0.6134, IoU.screen door: 0.7763, IoU.stairway: 0.4122, IoU.river: 0.1416, IoU.bridge: 0.6770, IoU.bookcase: 0.4353, IoU.blind: 0.3742, IoU.coffee table: 0.6047, IoU.toilet: 0.9145, IoU.flower: 0.4739, IoU.book: 0.5620, IoU.hill: 0.0611, IoU.bench: 0.6665, IoU.countertop: 0.6614, IoU.stove: 0.8462, IoU.palm: 0.5711, IoU.kitchen island: 0.4901, IoU.computer: 0.7776, IoU.swivel chair: 0.4382, IoU.boat: 0.7461, IoU.bar: 0.7695, IoU.arcade machine: 0.8205, IoU.hovel: 0.1891, IoU.bus: 0.9270, IoU.towel: 0.7706, IoU.light: 0.5798, IoU.truck: 0.4950, IoU.tower: 0.2351, IoU.chandelier: 0.7226, IoU.awning: 0.4147, IoU.streetlight: 0.3302, IoU.booth: 0.4847, IoU.television receiver: 0.8531, IoU.airplane: 0.6743, IoU.dirt track: 0.0975, IoU.apparel: 0.5722, IoU.pole: 0.2763, IoU.land: 0.1057, IoU.bannister: 0.1232, IoU.escalator: 0.6440, IoU.ottoman: 0.5837, IoU.bottle: 0.4275, IoU.buffet: 0.5472, IoU.poster: 0.2823, IoU.stage: 0.2880, IoU.van: 0.4855, IoU.ship: 0.6495, IoU.fountain: 0.4939, IoU.conveyer belt: 0.8424, IoU.canopy: 0.5524, IoU.washer: 0.8829, IoU.plaything: 0.3482, IoU.swimming pool: 0.5712, IoU.stool: 0.5314, IoU.barrel: 0.6196, IoU.basket: 0.4557, IoU.waterfall: 0.5133, IoU.tent: 0.9301, IoU.bag: 0.2929, IoU.minibike: 0.7545, IoU.cradle: 0.8554, IoU.oven: 0.6249, IoU.ball: 0.5844, IoU.food: 0.6026, IoU.step: 0.0934, IoU.tank: 0.7906, IoU.trade name: 0.2442, IoU.microwave: 0.8772, IoU.pot: 0.5542, IoU.animal: 0.6815, IoU.bicycle: 0.5975, IoU.lake: 0.6380, IoU.dishwasher: 0.7600, IoU.screen: 0.4841, IoU.blanket: 0.2616, IoU.sculpture: 0.7481, IoU.hood: 0.6477, IoU.sconce: 0.5654, IoU.vase: 0.4568, IoU.traffic light: 0.3609, IoU.tray: 0.2030, IoU.ashcan: 0.5195, IoU.fan: 0.6757, IoU.pier: 0.4468, IoU.crt screen: 0.0328, IoU.plate: 0.5937, IoU.monitor: 0.6817, IoU.bulletin board: 0.5401, IoU.shower: 0.1451, IoU.radiator: 0.6580, IoU.glass: 0.2228, IoU.clock: 0.5144, IoU.flag: 0.6719, Acc.wall: 0.9148, Acc.building: 0.9393, Acc.sky: 0.9769, Acc.floor: 0.9192, Acc.tree: 0.8933, Acc.ceiling: 0.9279, Acc.road: 0.9128, Acc.bed : 0.9727, Acc.windowpane: 0.8135, Acc.grass: 0.8060, Acc.cabinet: 0.7505, Acc.sidewalk: 0.8581, Acc.person: 0.9484, Acc.earth: 0.5344, Acc.door: 0.6779, Acc.table: 0.7822, Acc.mountain: 0.7286, Acc.plant: 0.6736, Acc.curtain: 0.8735, Acc.chair: 0.7832, Acc.car: 0.9367, Acc.water: 0.7984, Acc.painting: 0.8732, Acc.sofa: 0.8947, Acc.shelf: 0.6371, Acc.house: 0.6365, Acc.sea: 0.8318, Acc.mirror: 0.8523, Acc.rug: 0.7139, Acc.field: 0.5391, Acc.armchair: 0.7317, Acc.seat: 0.8759, Acc.fence: 0.5645, Acc.desk: 0.8237, Acc.rock: 0.7925, Acc.wardrobe: 0.7223, Acc.lamp: 0.8447, Acc.bathtub: 0.8683, Acc.railing: 0.5134, Acc.cushion: 0.8100, Acc.base: 0.4870, Acc.box: 0.4640, Acc.column: 0.6531, Acc.signboard: 0.5152, Acc.chest of drawers: 0.7492, Acc.counter: 0.6298, Acc.sand: 0.8437, Acc.sink: 0.8859, Acc.skyscraper: 0.6304, Acc.fireplace: 0.9330, Acc.refrigerator: 0.9245, Acc.grandstand: 0.8439, Acc.path: 0.3266, Acc.stairs: 0.5116, Acc.runway: 0.9519, Acc.case: 0.8166, Acc.pool table: 0.9794, Acc.pillow: 0.6862, Acc.screen door: 0.8289, Acc.stairway: 0.5632, Acc.river: 0.2796, Acc.bridge: 0.7717, Acc.bookcase: 0.5678, Acc.blind: 0.4215, Acc.coffee table: 0.8659, Acc.toilet: 0.9477, Acc.flower: 0.6267, Acc.book: 0.8186, Acc.hill: 0.1095, Acc.bench: 0.7344, Acc.countertop: 0.8322, Acc.stove: 0.8993, Acc.palm: 0.7770, Acc.kitchen island: 0.6911, Acc.computer: 0.9064, Acc.swivel chair: 0.5930, Acc.boat: 0.8913, Acc.bar: 0.8903, Acc.arcade machine: 0.8586, Acc.hovel: 0.2060, Acc.bus: 0.9624, Acc.towel: 0.8567, Acc.light: 0.6632, Acc.truck: 0.5946, Acc.tower: 0.3582, Acc.chandelier: 0.8330, Acc.awning: 0.5158, Acc.streetlight: 0.4070, Acc.booth: 0.5749, Acc.television receiver: 0.9003, Acc.airplane: 0.7455, Acc.dirt track: 0.1783, Acc.apparel: 0.7772, Acc.pole: 0.4065, Acc.land: 0.1464, Acc.bannister: 0.1605, Acc.escalator: 0.8586, Acc.ottoman: 0.7121, Acc.bottle: 0.7428, Acc.buffet: 0.6023, Acc.poster: 0.4013, Acc.stage: 0.6489, Acc.van: 0.6374, Acc.ship: 0.7048, Acc.fountain: 0.5065, Acc.conveyer belt: 0.9724, Acc.canopy: 0.7369, Acc.washer: 0.9350, Acc.plaything: 0.4785, Acc.swimming pool: 0.8388, Acc.stool: 0.6402, Acc.barrel: 0.7183, Acc.basket: 0.5685, Acc.waterfall: 0.5734, Acc.tent: 0.9858, Acc.bag: 0.3453, Acc.minibike: 0.8990, Acc.cradle: 0.9831, Acc.oven: 0.7426, Acc.ball: 0.6400, Acc.food: 0.6965, Acc.step: 0.0954, Acc.tank: 0.9190, Acc.trade name: 0.2805, Acc.microwave: 0.9596, Acc.pot: 0.6379, Acc.animal: 0.7052, Acc.bicycle: 0.7888, Acc.lake: 0.6745, Acc.dishwasher: 0.8151, Acc.screen: 0.6267, Acc.blanket: 0.3162, Acc.sculpture: 0.8430, Acc.hood: 0.7672, Acc.sconce: 0.7160, Acc.vase: 0.6445, Acc.traffic light: 0.5383, Acc.tray: 0.2680, Acc.ashcan: 0.6364, Acc.fan: 0.7865, Acc.pier: 0.4932, Acc.crt screen: 0.0517, Acc.plate: 0.7962, Acc.monitor: 0.8309, Acc.bulletin board: 0.6711, Acc.shower: 0.1647, Acc.radiator: 0.7201, Acc.glass: 0.2488, Acc.clock: 0.5805, Acc.flag: 0.7733 2024-01-18 20:52:57,647 - mmseg - INFO - Iter [62050/80000] lr: 8.975e-06, eta: 7:03:47, time: 4.347, data_time: 3.150, memory: 59004, decode.loss_ce: 0.1102, decode.acc_seg: 95.0081, aux.loss_ce: 0.0600, aux.acc_seg: 93.5287, loss: 0.1702 2024-01-18 20:53:57,957 - mmseg - INFO - Iter [62100/80000] lr: 8.951e-06, eta: 7:02:34, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1076, decode.acc_seg: 95.1081, aux.loss_ce: 0.0585, aux.acc_seg: 93.6587, loss: 0.1661 2024-01-18 20:54:58,295 - mmseg - INFO - Iter [62150/80000] lr: 8.925e-06, eta: 7:01:20, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1040, decode.acc_seg: 95.2394, aux.loss_ce: 0.0569, aux.acc_seg: 93.7781, loss: 0.1609 2024-01-18 20:55:58,577 - mmseg - INFO - Iter [62200/80000] lr: 8.901e-06, eta: 7:00:06, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1061, decode.acc_seg: 95.0717, aux.loss_ce: 0.0581, aux.acc_seg: 93.5143, loss: 0.1642 2024-01-18 20:56:58,935 - mmseg - INFO - Iter [62250/80000] lr: 8.876e-06, eta: 6:58:52, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1013, decode.acc_seg: 95.3782, aux.loss_ce: 0.0553, aux.acc_seg: 93.9590, loss: 0.1566 2024-01-18 20:57:59,249 - mmseg - INFO - Iter [62300/80000] lr: 8.851e-06, eta: 6:57:38, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1071, decode.acc_seg: 95.1350, aux.loss_ce: 0.0580, aux.acc_seg: 93.6742, loss: 0.1651 2024-01-18 20:58:59,614 - mmseg - INFO - Iter [62350/80000] lr: 8.826e-06, eta: 6:56:25, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1034, decode.acc_seg: 95.2045, aux.loss_ce: 0.0570, aux.acc_seg: 93.7082, loss: 0.1604 2024-01-18 20:59:59,988 - mmseg - INFO - Iter [62400/80000] lr: 8.801e-06, eta: 6:55:11, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1126, decode.acc_seg: 94.9702, aux.loss_ce: 0.0614, aux.acc_seg: 93.4540, loss: 0.1739 2024-01-18 21:01:00,373 - mmseg - INFO - Iter [62450/80000] lr: 8.775e-06, eta: 6:53:57, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1134, decode.acc_seg: 95.0161, aux.loss_ce: 0.0608, aux.acc_seg: 93.5472, loss: 0.1742 2024-01-18 21:02:00,793 - mmseg - INFO - Iter [62500/80000] lr: 8.751e-06, eta: 6:52:44, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1115, decode.acc_seg: 94.9228, aux.loss_ce: 0.0609, aux.acc_seg: 93.3454, loss: 0.1724 2024-01-18 21:03:01,148 - mmseg - INFO - Iter [62550/80000] lr: 8.725e-06, eta: 6:51:30, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1082, decode.acc_seg: 95.0267, aux.loss_ce: 0.0587, aux.acc_seg: 93.5608, loss: 0.1669 2024-01-18 21:04:01,505 - mmseg - INFO - Iter [62600/80000] lr: 8.701e-06, eta: 6:50:16, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1166, decode.acc_seg: 94.7821, aux.loss_ce: 0.0632, aux.acc_seg: 93.1329, loss: 0.1799 2024-01-18 21:05:01,868 - mmseg - INFO - Iter [62650/80000] lr: 8.676e-06, eta: 6:49:03, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1119, decode.acc_seg: 95.0245, aux.loss_ce: 0.0610, aux.acc_seg: 93.5120, loss: 0.1729 2024-01-18 21:06:02,186 - mmseg - INFO - Iter [62700/80000] lr: 8.651e-06, eta: 6:47:49, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1060, decode.acc_seg: 94.9995, aux.loss_ce: 0.0574, aux.acc_seg: 93.5927, loss: 0.1633 2024-01-18 21:07:02,539 - mmseg - INFO - Iter [62750/80000] lr: 8.626e-06, eta: 6:46:35, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1165, decode.acc_seg: 94.6787, aux.loss_ce: 0.0623, aux.acc_seg: 93.1793, loss: 0.1788 2024-01-18 21:08:02,890 - mmseg - INFO - Iter [62800/80000] lr: 8.601e-06, eta: 6:45:22, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1181, decode.acc_seg: 94.6567, aux.loss_ce: 0.0635, aux.acc_seg: 93.1976, loss: 0.1816 2024-01-18 21:09:03,322 - mmseg - INFO - Iter [62850/80000] lr: 8.575e-06, eta: 6:44:08, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1079, decode.acc_seg: 95.2401, aux.loss_ce: 0.0590, aux.acc_seg: 93.7916, loss: 0.1669 2024-01-18 21:10:03,614 - mmseg - INFO - Iter [62900/80000] lr: 8.550e-06, eta: 6:42:55, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1048, decode.acc_seg: 95.2194, aux.loss_ce: 0.0583, aux.acc_seg: 93.5620, loss: 0.1631 2024-01-18 21:11:03,954 - mmseg - INFO - Iter [62950/80000] lr: 8.525e-06, eta: 6:41:41, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1070, decode.acc_seg: 95.0831, aux.loss_ce: 0.0591, aux.acc_seg: 93.4142, loss: 0.1662 2024-01-18 21:12:04,404 - mmseg - INFO - Saving checkpoint at 63000 iterations 2024-01-18 21:12:51,478 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 21:12:51,479 - mmseg - INFO - Iter [63000/80000] lr: 8.501e-06, eta: 6:40:41, time: 2.150, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1160, decode.acc_seg: 94.7789, aux.loss_ce: 0.0630, aux.acc_seg: 93.2577, loss: 0.1790 2024-01-18 21:15:30,689 - mmseg - INFO - per class results: 2024-01-18 21:15:30,695 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.68 | 90.86 | | building | 85.47 | 94.02 | | sky | 94.82 | 97.77 | | floor | 83.17 | 92.69 | | tree | 76.8 | 88.92 | | ceiling | 86.45 | 93.47 | | road | 86.12 | 91.6 | | bed | 91.83 | 97.25 | | windowpane | 66.07 | 81.97 | | grass | 67.63 | 82.66 | | cabinet | 65.73 | 75.01 | | sidewalk | 70.61 | 85.52 | | person | 84.74 | 94.12 | | earth | 39.02 | 49.89 | | door | 58.96 | 70.04 | | table | 68.79 | 79.88 | | mountain | 63.03 | 73.7 | | plant | 56.74 | 67.75 | | curtain | 78.75 | 88.59 | | chair | 65.31 | 76.26 | | car | 87.04 | 93.66 | | water | 63.87 | 80.11 | | painting | 75.27 | 89.46 | | sofa | 79.39 | 88.74 | | shelf | 46.91 | 64.17 | | house | 49.58 | 61.43 | | sea | 73.24 | 83.91 | | mirror | 77.15 | 86.14 | | rug | 59.21 | 68.24 | | field | 29.24 | 49.81 | | armchair | 56.89 | 76.49 | | seat | 71.49 | 88.23 | | fence | 44.43 | 56.94 | | desk | 57.56 | 83.16 | | rock | 52.5 | 78.55 | | wardrobe | 57.03 | 74.42 | | lamp | 75.06 | 86.67 | | bathtub | 83.89 | 87.17 | | railing | 38.39 | 50.88 | | cushion | 68.12 | 79.01 | | base | 37.2 | 47.7 | | box | 40.0 | 49.35 | | column | 55.72 | 67.09 | | signboard | 39.25 | 51.96 | | chest of drawers | 50.4 | 72.26 | | counter | 56.84 | 64.94 | | sand | 57.91 | 84.93 | | sink | 81.65 | 88.5 | | skyscraper | 53.33 | 64.15 | | fireplace | 75.61 | 93.61 | | refrigerator | 82.43 | 91.44 | | grandstand | 58.68 | 84.56 | | path | 26.27 | 34.33 | | stairs | 43.23 | 50.05 | | runway | 71.92 | 95.17 | | case | 66.55 | 80.81 | | pool table | 94.58 | 97.76 | | pillow | 62.25 | 70.69 | | screen door | 83.43 | 91.27 | | stairway | 43.46 | 60.37 | | river | 14.04 | 28.22 | | bridge | 66.71 | 75.08 | | bookcase | 44.42 | 59.19 | | blind | 37.35 | 41.44 | | coffee table | 63.76 | 84.62 | | toilet | 91.56 | 94.88 | | flower | 48.02 | 62.97 | | book | 56.22 | 79.45 | | hill | 6.49 | 10.67 | | bench | 66.85 | 75.63 | | countertop | 66.39 | 82.83 | | stove | 84.24 | 89.47 | | palm | 56.52 | 78.77 | | kitchen island | 46.16 | 57.83 | | computer | 76.81 | 89.23 | | swivel chair | 43.62 | 61.6 | | boat | 74.17 | 89.19 | | bar | 76.82 | 90.24 | | arcade machine | 80.77 | 84.11 | | hovel | 17.86 | 19.4 | | bus | 92.69 | 96.09 | | towel | 76.57 | 86.45 | | light | 55.81 | 60.81 | | truck | 50.22 | 59.55 | | tower | 24.49 | 36.87 | | chandelier | 73.77 | 84.87 | | awning | 42.18 | 50.98 | | streetlight | 33.89 | 42.18 | | booth | 47.35 | 56.81 | | television receiver | 85.3 | 90.46 | | airplane | 65.52 | 72.04 | | dirt track | 13.05 | 21.75 | | apparel | 60.44 | 74.88 | | pole | 30.7 | 49.8 | | land | 9.37 | 13.01 | | bannister | 12.3 | 16.24 | | escalator | 64.15 | 86.16 | | ottoman | 57.63 | 70.37 | | bottle | 42.82 | 72.76 | | buffet | 58.8 | 65.13 | | poster | 25.13 | 31.09 | | stage | 29.21 | 61.85 | | van | 48.29 | 65.54 | | ship | 68.62 | 73.4 | | fountain | 52.22 | 53.83 | | conveyer belt | 82.35 | 97.74 | | canopy | 50.27 | 69.2 | | washer | 88.03 | 93.02 | | plaything | 35.05 | 53.1 | | swimming pool | 59.95 | 87.8 | | stool | 50.22 | 65.83 | | barrel | 61.18 | 70.12 | | basket | 46.59 | 56.61 | | waterfall | 52.41 | 59.55 | | tent | 95.04 | 98.36 | | bag | 28.04 | 31.48 | | minibike | 75.97 | 88.82 | | cradle | 85.23 | 97.68 | | oven | 63.85 | 74.37 | | ball | 53.92 | 58.1 | | food | 63.12 | 72.9 | | step | 7.81 | 8.04 | | tank | 67.49 | 74.4 | | trade name | 23.95 | 27.24 | | microwave | 88.44 | 94.66 | | pot | 56.39 | 63.74 | | animal | 68.4 | 70.5 | | bicycle | 57.17 | 71.54 | | lake | 61.17 | 64.97 | | dishwasher | 71.35 | 75.7 | | screen | 53.98 | 71.09 | | blanket | 24.28 | 29.05 | | sculpture | 69.78 | 84.93 | | hood | 62.78 | 73.76 | | sconce | 56.46 | 68.3 | | vase | 46.53 | 62.49 | | traffic light | 35.22 | 49.62 | | tray | 17.08 | 21.57 | | ashcan | 51.93 | 62.0 | | fan | 68.38 | 80.07 | | pier | 43.13 | 47.74 | | crt screen | 3.19 | 4.7 | | plate | 58.7 | 79.73 | | monitor | 67.22 | 84.66 | | bulletin board | 60.49 | 74.73 | | shower | 17.55 | 19.98 | | radiator | 64.99 | 73.32 | | glass | 21.43 | 23.52 | | clock | 50.59 | 58.63 | | flag | 67.86 | 75.88 | +---------------------+-------+-------+ 2024-01-18 21:15:30,696 - mmseg - INFO - Summary: 2024-01-18 21:15:30,696 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.04 | 57.82 | 69.06 | +-------+-------+-------+ 2024-01-18 21:15:30,697 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 21:15:30,697 - mmseg - INFO - Iter(val) [250] aAcc: 0.8604, mIoU: 0.5782, mAcc: 0.6906, IoU.wall: 0.8168, IoU.building: 0.8547, IoU.sky: 0.9482, IoU.floor: 0.8317, IoU.tree: 0.7680, IoU.ceiling: 0.8645, IoU.road: 0.8612, IoU.bed : 0.9183, IoU.windowpane: 0.6607, IoU.grass: 0.6763, IoU.cabinet: 0.6573, IoU.sidewalk: 0.7061, IoU.person: 0.8474, IoU.earth: 0.3902, IoU.door: 0.5896, IoU.table: 0.6879, IoU.mountain: 0.6303, IoU.plant: 0.5674, IoU.curtain: 0.7875, IoU.chair: 0.6531, IoU.car: 0.8704, IoU.water: 0.6387, IoU.painting: 0.7527, IoU.sofa: 0.7939, IoU.shelf: 0.4691, IoU.house: 0.4958, IoU.sea: 0.7324, IoU.mirror: 0.7715, IoU.rug: 0.5921, IoU.field: 0.2924, IoU.armchair: 0.5689, IoU.seat: 0.7149, IoU.fence: 0.4443, IoU.desk: 0.5756, IoU.rock: 0.5250, IoU.wardrobe: 0.5703, IoU.lamp: 0.7506, IoU.bathtub: 0.8389, IoU.railing: 0.3839, IoU.cushion: 0.6812, IoU.base: 0.3720, IoU.box: 0.4000, IoU.column: 0.5572, IoU.signboard: 0.3925, IoU.chest of drawers: 0.5040, IoU.counter: 0.5684, IoU.sand: 0.5791, IoU.sink: 0.8165, IoU.skyscraper: 0.5333, IoU.fireplace: 0.7561, IoU.refrigerator: 0.8243, IoU.grandstand: 0.5868, IoU.path: 0.2627, IoU.stairs: 0.4323, IoU.runway: 0.7192, IoU.case: 0.6655, IoU.pool table: 0.9458, IoU.pillow: 0.6225, IoU.screen door: 0.8343, IoU.stairway: 0.4346, IoU.river: 0.1404, IoU.bridge: 0.6671, IoU.bookcase: 0.4442, IoU.blind: 0.3735, IoU.coffee table: 0.6376, IoU.toilet: 0.9156, IoU.flower: 0.4802, IoU.book: 0.5622, IoU.hill: 0.0649, IoU.bench: 0.6685, IoU.countertop: 0.6639, IoU.stove: 0.8424, IoU.palm: 0.5652, IoU.kitchen island: 0.4616, IoU.computer: 0.7681, IoU.swivel chair: 0.4362, IoU.boat: 0.7417, IoU.bar: 0.7682, IoU.arcade machine: 0.8077, IoU.hovel: 0.1786, IoU.bus: 0.9269, IoU.towel: 0.7657, IoU.light: 0.5581, IoU.truck: 0.5022, IoU.tower: 0.2449, IoU.chandelier: 0.7377, IoU.awning: 0.4218, IoU.streetlight: 0.3389, IoU.booth: 0.4735, IoU.television receiver: 0.8530, IoU.airplane: 0.6552, IoU.dirt track: 0.1305, IoU.apparel: 0.6044, IoU.pole: 0.3070, IoU.land: 0.0937, IoU.bannister: 0.1230, IoU.escalator: 0.6415, IoU.ottoman: 0.5763, IoU.bottle: 0.4282, IoU.buffet: 0.5880, IoU.poster: 0.2513, IoU.stage: 0.2921, IoU.van: 0.4829, IoU.ship: 0.6862, IoU.fountain: 0.5222, IoU.conveyer belt: 0.8235, IoU.canopy: 0.5027, IoU.washer: 0.8803, IoU.plaything: 0.3505, IoU.swimming pool: 0.5995, IoU.stool: 0.5022, IoU.barrel: 0.6118, IoU.basket: 0.4659, IoU.waterfall: 0.5241, IoU.tent: 0.9504, IoU.bag: 0.2804, IoU.minibike: 0.7597, IoU.cradle: 0.8523, IoU.oven: 0.6385, IoU.ball: 0.5392, IoU.food: 0.6312, IoU.step: 0.0781, IoU.tank: 0.6749, IoU.trade name: 0.2395, IoU.microwave: 0.8844, IoU.pot: 0.5639, IoU.animal: 0.6840, IoU.bicycle: 0.5717, IoU.lake: 0.6117, IoU.dishwasher: 0.7135, IoU.screen: 0.5398, IoU.blanket: 0.2428, IoU.sculpture: 0.6978, IoU.hood: 0.6278, IoU.sconce: 0.5646, IoU.vase: 0.4653, IoU.traffic light: 0.3522, IoU.tray: 0.1708, IoU.ashcan: 0.5193, IoU.fan: 0.6838, IoU.pier: 0.4313, IoU.crt screen: 0.0319, IoU.plate: 0.5870, IoU.monitor: 0.6722, IoU.bulletin board: 0.6049, IoU.shower: 0.1755, IoU.radiator: 0.6499, IoU.glass: 0.2143, IoU.clock: 0.5059, IoU.flag: 0.6786, Acc.wall: 0.9086, Acc.building: 0.9402, Acc.sky: 0.9777, Acc.floor: 0.9269, Acc.tree: 0.8892, Acc.ceiling: 0.9347, Acc.road: 0.9160, Acc.bed : 0.9725, Acc.windowpane: 0.8197, Acc.grass: 0.8266, Acc.cabinet: 0.7501, Acc.sidewalk: 0.8552, Acc.person: 0.9412, Acc.earth: 0.4989, Acc.door: 0.7004, Acc.table: 0.7988, Acc.mountain: 0.7370, Acc.plant: 0.6775, Acc.curtain: 0.8859, Acc.chair: 0.7626, Acc.car: 0.9366, Acc.water: 0.8011, Acc.painting: 0.8946, Acc.sofa: 0.8874, Acc.shelf: 0.6417, Acc.house: 0.6143, Acc.sea: 0.8391, Acc.mirror: 0.8614, Acc.rug: 0.6824, Acc.field: 0.4981, Acc.armchair: 0.7649, Acc.seat: 0.8823, Acc.fence: 0.5694, Acc.desk: 0.8316, Acc.rock: 0.7855, Acc.wardrobe: 0.7442, Acc.lamp: 0.8667, Acc.bathtub: 0.8717, Acc.railing: 0.5088, Acc.cushion: 0.7901, Acc.base: 0.4770, Acc.box: 0.4935, Acc.column: 0.6709, Acc.signboard: 0.5196, Acc.chest of drawers: 0.7226, Acc.counter: 0.6494, Acc.sand: 0.8493, Acc.sink: 0.8850, Acc.skyscraper: 0.6415, Acc.fireplace: 0.9361, Acc.refrigerator: 0.9144, Acc.grandstand: 0.8456, Acc.path: 0.3433, Acc.stairs: 0.5005, Acc.runway: 0.9517, Acc.case: 0.8081, Acc.pool table: 0.9776, Acc.pillow: 0.7069, Acc.screen door: 0.9127, Acc.stairway: 0.6037, Acc.river: 0.2822, Acc.bridge: 0.7508, Acc.bookcase: 0.5919, Acc.blind: 0.4144, Acc.coffee table: 0.8462, Acc.toilet: 0.9488, Acc.flower: 0.6297, Acc.book: 0.7945, Acc.hill: 0.1067, Acc.bench: 0.7563, Acc.countertop: 0.8283, Acc.stove: 0.8947, Acc.palm: 0.7877, Acc.kitchen island: 0.5783, Acc.computer: 0.8923, Acc.swivel chair: 0.6160, Acc.boat: 0.8919, Acc.bar: 0.9024, Acc.arcade machine: 0.8411, Acc.hovel: 0.1940, Acc.bus: 0.9609, Acc.towel: 0.8645, Acc.light: 0.6081, Acc.truck: 0.5955, Acc.tower: 0.3687, Acc.chandelier: 0.8487, Acc.awning: 0.5098, Acc.streetlight: 0.4218, Acc.booth: 0.5681, Acc.television receiver: 0.9046, Acc.airplane: 0.7204, Acc.dirt track: 0.2175, Acc.apparel: 0.7488, Acc.pole: 0.4980, Acc.land: 0.1301, Acc.bannister: 0.1624, Acc.escalator: 0.8616, Acc.ottoman: 0.7037, Acc.bottle: 0.7276, Acc.buffet: 0.6513, Acc.poster: 0.3109, Acc.stage: 0.6185, Acc.van: 0.6554, Acc.ship: 0.7340, Acc.fountain: 0.5383, Acc.conveyer belt: 0.9774, Acc.canopy: 0.6920, Acc.washer: 0.9302, Acc.plaything: 0.5310, Acc.swimming pool: 0.8780, Acc.stool: 0.6583, Acc.barrel: 0.7012, Acc.basket: 0.5661, Acc.waterfall: 0.5955, Acc.tent: 0.9836, Acc.bag: 0.3148, Acc.minibike: 0.8882, Acc.cradle: 0.9768, Acc.oven: 0.7437, Acc.ball: 0.5810, Acc.food: 0.7290, Acc.step: 0.0804, Acc.tank: 0.7440, Acc.trade name: 0.2724, Acc.microwave: 0.9466, Acc.pot: 0.6374, Acc.animal: 0.7050, Acc.bicycle: 0.7154, Acc.lake: 0.6497, Acc.dishwasher: 0.7570, Acc.screen: 0.7109, Acc.blanket: 0.2905, Acc.sculpture: 0.8493, Acc.hood: 0.7376, Acc.sconce: 0.6830, Acc.vase: 0.6249, Acc.traffic light: 0.4962, Acc.tray: 0.2157, Acc.ashcan: 0.6200, Acc.fan: 0.8007, Acc.pier: 0.4774, Acc.crt screen: 0.0470, Acc.plate: 0.7973, Acc.monitor: 0.8466, Acc.bulletin board: 0.7473, Acc.shower: 0.1998, Acc.radiator: 0.7332, Acc.glass: 0.2352, Acc.clock: 0.5863, Acc.flag: 0.7588 2024-01-18 21:16:31,431 - mmseg - INFO - Iter [63050/80000] lr: 8.476e-06, eta: 6:40:10, time: 4.399, data_time: 3.201, memory: 59004, decode.loss_ce: 0.1109, decode.acc_seg: 94.9804, aux.loss_ce: 0.0603, aux.acc_seg: 93.3440, loss: 0.1712 2024-01-18 21:17:31,805 - mmseg - INFO - Iter [63100/80000] lr: 8.451e-06, eta: 6:38:56, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1097, decode.acc_seg: 94.8947, aux.loss_ce: 0.0594, aux.acc_seg: 93.4658, loss: 0.1691 2024-01-18 21:18:32,150 - mmseg - INFO - Iter [63150/80000] lr: 8.426e-06, eta: 6:37:43, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1063, decode.acc_seg: 95.1296, aux.loss_ce: 0.0583, aux.acc_seg: 93.6344, loss: 0.1646 2024-01-18 21:19:34,578 - mmseg - INFO - Iter [63200/80000] lr: 8.401e-06, eta: 6:36:30, time: 1.249, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1099, decode.acc_seg: 95.0517, aux.loss_ce: 0.0595, aux.acc_seg: 93.6383, loss: 0.1694 2024-01-18 21:20:34,778 - mmseg - INFO - Iter [63250/80000] lr: 8.375e-06, eta: 6:35:16, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1075, decode.acc_seg: 95.1229, aux.loss_ce: 0.0588, aux.acc_seg: 93.5819, loss: 0.1663 2024-01-18 21:21:35,190 - mmseg - INFO - Iter [63300/80000] lr: 8.350e-06, eta: 6:34:03, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1117, decode.acc_seg: 94.9540, aux.loss_ce: 0.0603, aux.acc_seg: 93.4860, loss: 0.1719 2024-01-18 21:22:35,506 - mmseg - INFO - Iter [63350/80000] lr: 8.326e-06, eta: 6:32:49, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1059, decode.acc_seg: 95.1388, aux.loss_ce: 0.0582, aux.acc_seg: 93.6708, loss: 0.1641 2024-01-18 21:23:35,755 - mmseg - INFO - Iter [63400/80000] lr: 8.300e-06, eta: 6:31:36, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1088, decode.acc_seg: 94.9109, aux.loss_ce: 0.0592, aux.acc_seg: 93.4264, loss: 0.1681 2024-01-18 21:24:36,106 - mmseg - INFO - Iter [63450/80000] lr: 8.276e-06, eta: 6:30:22, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1097, decode.acc_seg: 95.0199, aux.loss_ce: 0.0600, aux.acc_seg: 93.4169, loss: 0.1697 2024-01-18 21:25:36,488 - mmseg - INFO - Iter [63500/80000] lr: 8.251e-06, eta: 6:29:09, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1028, decode.acc_seg: 95.1994, aux.loss_ce: 0.0562, aux.acc_seg: 93.7135, loss: 0.1590 2024-01-18 21:26:36,859 - mmseg - INFO - Iter [63550/80000] lr: 8.226e-06, eta: 6:27:55, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1048, decode.acc_seg: 95.2899, aux.loss_ce: 0.0569, aux.acc_seg: 93.8646, loss: 0.1617 2024-01-18 21:27:37,116 - mmseg - INFO - Iter [63600/80000] lr: 8.201e-06, eta: 6:26:42, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1032, decode.acc_seg: 95.2541, aux.loss_ce: 0.0572, aux.acc_seg: 93.7930, loss: 0.1604 2024-01-18 21:28:37,475 - mmseg - INFO - Iter [63650/80000] lr: 8.176e-06, eta: 6:25:28, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1083, decode.acc_seg: 95.0912, aux.loss_ce: 0.0587, aux.acc_seg: 93.5978, loss: 0.1670 2024-01-18 21:29:37,700 - mmseg - INFO - Iter [63700/80000] lr: 8.150e-06, eta: 6:24:15, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1088, decode.acc_seg: 95.0775, aux.loss_ce: 0.0590, aux.acc_seg: 93.5852, loss: 0.1677 2024-01-18 21:30:37,934 - mmseg - INFO - Iter [63750/80000] lr: 8.125e-06, eta: 6:23:01, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1052, decode.acc_seg: 95.1656, aux.loss_ce: 0.0580, aux.acc_seg: 93.6477, loss: 0.1632 2024-01-18 21:31:38,137 - mmseg - INFO - Iter [63800/80000] lr: 8.100e-06, eta: 6:21:48, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1050, decode.acc_seg: 95.2486, aux.loss_ce: 0.0564, aux.acc_seg: 93.7874, loss: 0.1615 2024-01-18 21:32:38,516 - mmseg - INFO - Iter [63850/80000] lr: 8.076e-06, eta: 6:20:35, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1180, decode.acc_seg: 94.6530, aux.loss_ce: 0.0633, aux.acc_seg: 93.0835, loss: 0.1813 2024-01-18 21:33:38,826 - mmseg - INFO - Iter [63900/80000] lr: 8.051e-06, eta: 6:19:21, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1109, decode.acc_seg: 94.9249, aux.loss_ce: 0.0608, aux.acc_seg: 93.4037, loss: 0.1717 2024-01-18 21:34:39,153 - mmseg - INFO - Iter [63950/80000] lr: 8.026e-06, eta: 6:18:08, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1061, decode.acc_seg: 95.0971, aux.loss_ce: 0.0586, aux.acc_seg: 93.5655, loss: 0.1646 2024-01-18 21:35:39,430 - mmseg - INFO - Saving checkpoint at 64000 iterations 2024-01-18 21:36:25,505 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 21:36:25,505 - mmseg - INFO - Iter [64000/80000] lr: 8.001e-06, eta: 6:17:06, time: 2.127, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1172, decode.acc_seg: 94.8526, aux.loss_ce: 0.0626, aux.acc_seg: 93.4337, loss: 0.1798 2024-01-18 21:39:02,973 - mmseg - INFO - per class results: 2024-01-18 21:39:02,979 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.77 | 90.53 | | building | 85.23 | 94.02 | | sky | 94.85 | 97.71 | | floor | 83.96 | 91.98 | | tree | 77.01 | 90.11 | | ceiling | 86.47 | 93.66 | | road | 86.03 | 92.29 | | bed | 92.0 | 97.47 | | windowpane | 66.26 | 82.58 | | grass | 67.31 | 82.4 | | cabinet | 65.48 | 75.91 | | sidewalk | 70.19 | 83.66 | | person | 84.9 | 94.2 | | earth | 37.93 | 47.95 | | door | 58.71 | 71.24 | | table | 68.63 | 80.04 | | mountain | 63.6 | 73.58 | | plant | 56.25 | 67.61 | | curtain | 79.4 | 88.61 | | chair | 64.84 | 77.28 | | car | 87.08 | 93.64 | | water | 63.89 | 80.35 | | painting | 75.36 | 89.38 | | sofa | 78.54 | 85.13 | | shelf | 46.04 | 60.69 | | house | 50.4 | 61.01 | | sea | 73.56 | 84.24 | | mirror | 76.05 | 85.18 | | rug | 64.68 | 74.15 | | field | 30.59 | 53.41 | | armchair | 57.82 | 79.71 | | seat | 67.89 | 89.37 | | fence | 44.69 | 59.27 | | desk | 58.85 | 75.5 | | rock | 51.58 | 79.23 | | wardrobe | 55.04 | 72.19 | | lamp | 75.34 | 85.76 | | bathtub | 83.91 | 87.1 | | railing | 38.6 | 52.2 | | cushion | 67.56 | 80.83 | | base | 41.22 | 53.4 | | box | 41.04 | 50.29 | | column | 55.6 | 63.72 | | signboard | 39.55 | 49.94 | | chest of drawers | 44.16 | 63.17 | | counter | 55.15 | 60.51 | | sand | 57.57 | 85.17 | | sink | 80.82 | 87.58 | | skyscraper | 51.72 | 60.24 | | fireplace | 76.52 | 93.15 | | refrigerator | 82.67 | 90.08 | | grandstand | 57.25 | 86.19 | | path | 26.45 | 34.39 | | stairs | 43.84 | 51.32 | | runway | 73.62 | 96.03 | | case | 64.45 | 82.23 | | pool table | 94.98 | 97.85 | | pillow | 61.33 | 71.12 | | screen door | 77.35 | 85.98 | | stairway | 39.46 | 53.62 | | river | 13.62 | 26.74 | | bridge | 70.42 | 80.51 | | bookcase | 44.37 | 62.15 | | blind | 38.55 | 43.14 | | coffee table | 62.02 | 87.23 | | toilet | 91.95 | 95.84 | | flower | 45.5 | 62.37 | | book | 54.65 | 80.51 | | hill | 6.38 | 10.01 | | bench | 62.53 | 68.39 | | countertop | 65.77 | 82.82 | | stove | 84.49 | 90.6 | | palm | 57.96 | 79.03 | | kitchen island | 47.63 | 68.28 | | computer | 76.04 | 87.45 | | swivel chair | 44.09 | 63.46 | | boat | 71.58 | 90.3 | | bar | 75.91 | 88.07 | | arcade machine | 83.31 | 87.78 | | hovel | 23.12 | 25.16 | | bus | 92.43 | 96.34 | | towel | 77.34 | 85.54 | | light | 57.75 | 64.12 | | truck | 50.28 | 62.21 | | tower | 29.33 | 46.65 | | chandelier | 73.44 | 84.32 | | awning | 43.91 | 57.19 | | streetlight | 34.88 | 41.46 | | booth | 49.56 | 59.38 | | television receiver | 84.08 | 89.17 | | airplane | 65.31 | 74.27 | | dirt track | 11.31 | 22.26 | | apparel | 57.87 | 76.29 | | pole | 26.82 | 39.14 | | land | 10.26 | 14.77 | | bannister | 12.94 | 17.64 | | escalator | 63.1 | 86.35 | | ottoman | 57.34 | 70.47 | | bottle | 42.72 | 73.89 | | buffet | 56.66 | 62.73 | | poster | 26.55 | 33.24 | | stage | 26.92 | 61.64 | | van | 49.85 | 65.37 | | ship | 66.65 | 71.86 | | fountain | 51.46 | 53.14 | | conveyer belt | 81.65 | 97.95 | | canopy | 53.3 | 76.94 | | washer | 87.28 | 92.2 | | plaything | 32.95 | 47.98 | | swimming pool | 60.66 | 90.83 | | stool | 50.39 | 64.98 | | barrel | 62.87 | 71.5 | | basket | 46.06 | 55.38 | | waterfall | 51.74 | 58.1 | | tent | 94.58 | 98.27 | | bag | 30.52 | 36.55 | | minibike | 75.65 | 90.18 | | cradle | 85.03 | 97.99 | | oven | 62.72 | 73.41 | | ball | 59.84 | 66.91 | | food | 64.13 | 74.06 | | step | 6.41 | 6.56 | | tank | 82.42 | 94.84 | | trade name | 29.1 | 35.04 | | microwave | 88.07 | 95.56 | | pot | 57.58 | 65.11 | | animal | 69.11 | 71.5 | | bicycle | 59.2 | 75.98 | | lake | 59.68 | 64.36 | | dishwasher | 71.15 | 76.67 | | screen | 51.03 | 67.34 | | blanket | 25.42 | 30.34 | | sculpture | 73.52 | 83.16 | | hood | 61.73 | 72.33 | | sconce | 56.3 | 67.78 | | vase | 44.68 | 57.69 | | traffic light | 35.95 | 54.27 | | tray | 19.35 | 25.47 | | ashcan | 51.66 | 62.2 | | fan | 68.63 | 81.54 | | pier | 44.61 | 50.01 | | crt screen | 4.79 | 7.7 | | plate | 59.41 | 79.46 | | monitor | 63.97 | 82.65 | | bulletin board | 58.53 | 70.96 | | shower | 17.43 | 19.77 | | radiator | 65.76 | 74.59 | | glass | 20.28 | 21.66 | | clock | 50.92 | 61.0 | | flag | 68.06 | 76.29 | +---------------------+-------+-------+ 2024-01-18 21:39:02,980 - mmseg - INFO - Summary: 2024-01-18 21:39:02,980 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.04 | 57.91 | 69.54 | +-------+-------+-------+ 2024-01-18 21:39:02,981 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 21:39:02,981 - mmseg - INFO - Iter(val) [250] aAcc: 0.8604, mIoU: 0.5791, mAcc: 0.6954, IoU.wall: 0.8177, IoU.building: 0.8523, IoU.sky: 0.9485, IoU.floor: 0.8396, IoU.tree: 0.7701, IoU.ceiling: 0.8647, IoU.road: 0.8603, IoU.bed : 0.9200, IoU.windowpane: 0.6626, IoU.grass: 0.6731, IoU.cabinet: 0.6548, IoU.sidewalk: 0.7019, IoU.person: 0.8490, IoU.earth: 0.3793, IoU.door: 0.5871, IoU.table: 0.6863, IoU.mountain: 0.6360, IoU.plant: 0.5625, IoU.curtain: 0.7940, IoU.chair: 0.6484, IoU.car: 0.8708, IoU.water: 0.6389, IoU.painting: 0.7536, IoU.sofa: 0.7854, IoU.shelf: 0.4604, IoU.house: 0.5040, IoU.sea: 0.7356, IoU.mirror: 0.7605, IoU.rug: 0.6468, IoU.field: 0.3059, IoU.armchair: 0.5782, IoU.seat: 0.6789, IoU.fence: 0.4469, IoU.desk: 0.5885, IoU.rock: 0.5158, IoU.wardrobe: 0.5504, IoU.lamp: 0.7534, IoU.bathtub: 0.8391, IoU.railing: 0.3860, IoU.cushion: 0.6756, IoU.base: 0.4122, IoU.box: 0.4104, IoU.column: 0.5560, IoU.signboard: 0.3955, IoU.chest of drawers: 0.4416, IoU.counter: 0.5515, IoU.sand: 0.5757, IoU.sink: 0.8082, IoU.skyscraper: 0.5172, IoU.fireplace: 0.7652, IoU.refrigerator: 0.8267, IoU.grandstand: 0.5725, IoU.path: 0.2645, IoU.stairs: 0.4384, IoU.runway: 0.7362, IoU.case: 0.6445, IoU.pool table: 0.9498, IoU.pillow: 0.6133, IoU.screen door: 0.7735, IoU.stairway: 0.3946, IoU.river: 0.1362, IoU.bridge: 0.7042, IoU.bookcase: 0.4437, IoU.blind: 0.3855, IoU.coffee table: 0.6202, IoU.toilet: 0.9195, IoU.flower: 0.4550, IoU.book: 0.5465, IoU.hill: 0.0638, IoU.bench: 0.6253, IoU.countertop: 0.6577, IoU.stove: 0.8449, IoU.palm: 0.5796, IoU.kitchen island: 0.4763, IoU.computer: 0.7604, IoU.swivel chair: 0.4409, IoU.boat: 0.7158, IoU.bar: 0.7591, IoU.arcade machine: 0.8331, IoU.hovel: 0.2312, IoU.bus: 0.9243, IoU.towel: 0.7734, IoU.light: 0.5775, IoU.truck: 0.5028, IoU.tower: 0.2933, IoU.chandelier: 0.7344, IoU.awning: 0.4391, IoU.streetlight: 0.3488, IoU.booth: 0.4956, IoU.television receiver: 0.8408, IoU.airplane: 0.6531, IoU.dirt track: 0.1131, IoU.apparel: 0.5787, IoU.pole: 0.2682, IoU.land: 0.1026, IoU.bannister: 0.1294, IoU.escalator: 0.6310, IoU.ottoman: 0.5734, IoU.bottle: 0.4272, IoU.buffet: 0.5666, IoU.poster: 0.2655, IoU.stage: 0.2692, IoU.van: 0.4985, IoU.ship: 0.6665, IoU.fountain: 0.5146, IoU.conveyer belt: 0.8165, IoU.canopy: 0.5330, IoU.washer: 0.8728, IoU.plaything: 0.3295, IoU.swimming pool: 0.6066, IoU.stool: 0.5039, IoU.barrel: 0.6287, IoU.basket: 0.4606, IoU.waterfall: 0.5174, IoU.tent: 0.9458, IoU.bag: 0.3052, IoU.minibike: 0.7565, IoU.cradle: 0.8503, IoU.oven: 0.6272, IoU.ball: 0.5984, IoU.food: 0.6413, IoU.step: 0.0641, IoU.tank: 0.8242, IoU.trade name: 0.2910, IoU.microwave: 0.8807, IoU.pot: 0.5758, IoU.animal: 0.6911, IoU.bicycle: 0.5920, IoU.lake: 0.5968, IoU.dishwasher: 0.7115, IoU.screen: 0.5103, IoU.blanket: 0.2542, IoU.sculpture: 0.7352, IoU.hood: 0.6173, IoU.sconce: 0.5630, IoU.vase: 0.4468, IoU.traffic light: 0.3595, IoU.tray: 0.1935, IoU.ashcan: 0.5166, IoU.fan: 0.6863, IoU.pier: 0.4461, IoU.crt screen: 0.0479, IoU.plate: 0.5941, IoU.monitor: 0.6397, IoU.bulletin board: 0.5853, IoU.shower: 0.1743, IoU.radiator: 0.6576, IoU.glass: 0.2028, IoU.clock: 0.5092, IoU.flag: 0.6806, Acc.wall: 0.9053, Acc.building: 0.9402, Acc.sky: 0.9771, Acc.floor: 0.9198, Acc.tree: 0.9011, Acc.ceiling: 0.9366, Acc.road: 0.9229, Acc.bed : 0.9747, Acc.windowpane: 0.8258, Acc.grass: 0.8240, Acc.cabinet: 0.7591, Acc.sidewalk: 0.8366, Acc.person: 0.9420, Acc.earth: 0.4795, Acc.door: 0.7124, Acc.table: 0.8004, Acc.mountain: 0.7358, Acc.plant: 0.6761, Acc.curtain: 0.8861, Acc.chair: 0.7728, Acc.car: 0.9364, Acc.water: 0.8035, Acc.painting: 0.8938, Acc.sofa: 0.8513, Acc.shelf: 0.6069, Acc.house: 0.6101, Acc.sea: 0.8424, Acc.mirror: 0.8518, Acc.rug: 0.7415, Acc.field: 0.5341, Acc.armchair: 0.7971, Acc.seat: 0.8937, Acc.fence: 0.5927, Acc.desk: 0.7550, Acc.rock: 0.7923, Acc.wardrobe: 0.7219, Acc.lamp: 0.8576, Acc.bathtub: 0.8710, Acc.railing: 0.5220, Acc.cushion: 0.8083, Acc.base: 0.5340, Acc.box: 0.5029, Acc.column: 0.6372, Acc.signboard: 0.4994, Acc.chest of drawers: 0.6317, Acc.counter: 0.6051, Acc.sand: 0.8517, Acc.sink: 0.8758, Acc.skyscraper: 0.6024, Acc.fireplace: 0.9315, Acc.refrigerator: 0.9008, Acc.grandstand: 0.8619, Acc.path: 0.3439, Acc.stairs: 0.5132, Acc.runway: 0.9603, Acc.case: 0.8223, Acc.pool table: 0.9785, Acc.pillow: 0.7112, Acc.screen door: 0.8598, Acc.stairway: 0.5362, Acc.river: 0.2674, Acc.bridge: 0.8051, Acc.bookcase: 0.6215, Acc.blind: 0.4314, Acc.coffee table: 0.8723, Acc.toilet: 0.9584, Acc.flower: 0.6237, Acc.book: 0.8051, Acc.hill: 0.1001, Acc.bench: 0.6839, Acc.countertop: 0.8282, Acc.stove: 0.9060, Acc.palm: 0.7903, Acc.kitchen island: 0.6828, Acc.computer: 0.8745, Acc.swivel chair: 0.6346, Acc.boat: 0.9030, Acc.bar: 0.8807, Acc.arcade machine: 0.8778, Acc.hovel: 0.2516, Acc.bus: 0.9634, Acc.towel: 0.8554, Acc.light: 0.6412, Acc.truck: 0.6221, Acc.tower: 0.4665, Acc.chandelier: 0.8432, Acc.awning: 0.5719, Acc.streetlight: 0.4146, Acc.booth: 0.5938, Acc.television receiver: 0.8917, Acc.airplane: 0.7427, Acc.dirt track: 0.2226, Acc.apparel: 0.7629, Acc.pole: 0.3914, Acc.land: 0.1477, Acc.bannister: 0.1764, Acc.escalator: 0.8635, Acc.ottoman: 0.7047, Acc.bottle: 0.7389, Acc.buffet: 0.6273, Acc.poster: 0.3324, Acc.stage: 0.6164, Acc.van: 0.6537, Acc.ship: 0.7186, Acc.fountain: 0.5314, Acc.conveyer belt: 0.9795, Acc.canopy: 0.7694, Acc.washer: 0.9220, Acc.plaything: 0.4798, Acc.swimming pool: 0.9083, Acc.stool: 0.6498, Acc.barrel: 0.7150, Acc.basket: 0.5538, Acc.waterfall: 0.5810, Acc.tent: 0.9827, Acc.bag: 0.3655, Acc.minibike: 0.9018, Acc.cradle: 0.9799, Acc.oven: 0.7341, Acc.ball: 0.6691, Acc.food: 0.7406, Acc.step: 0.0656, Acc.tank: 0.9484, Acc.trade name: 0.3504, Acc.microwave: 0.9556, Acc.pot: 0.6511, Acc.animal: 0.7150, Acc.bicycle: 0.7598, Acc.lake: 0.6436, Acc.dishwasher: 0.7667, Acc.screen: 0.6734, Acc.blanket: 0.3034, Acc.sculpture: 0.8316, Acc.hood: 0.7233, Acc.sconce: 0.6778, Acc.vase: 0.5769, Acc.traffic light: 0.5427, Acc.tray: 0.2547, Acc.ashcan: 0.6220, Acc.fan: 0.8154, Acc.pier: 0.5001, Acc.crt screen: 0.0770, Acc.plate: 0.7946, Acc.monitor: 0.8265, Acc.bulletin board: 0.7096, Acc.shower: 0.1977, Acc.radiator: 0.7459, Acc.glass: 0.2166, Acc.clock: 0.6100, Acc.flag: 0.7629 2024-01-18 21:40:04,275 - mmseg - INFO - Iter [64050/80000] lr: 7.976e-06, eta: 6:16:33, time: 4.375, data_time: 3.168, memory: 59004, decode.loss_ce: 0.1120, decode.acc_seg: 94.8714, aux.loss_ce: 0.0613, aux.acc_seg: 93.2295, loss: 0.1733 2024-01-18 21:41:04,574 - mmseg - INFO - Iter [64100/80000] lr: 7.950e-06, eta: 6:15:19, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1050, decode.acc_seg: 95.2598, aux.loss_ce: 0.0579, aux.acc_seg: 93.7561, loss: 0.1629 2024-01-18 21:42:04,907 - mmseg - INFO - Iter [64150/80000] lr: 7.925e-06, eta: 6:14:06, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1063, decode.acc_seg: 95.0530, aux.loss_ce: 0.0590, aux.acc_seg: 93.4854, loss: 0.1653 2024-01-18 21:43:05,241 - mmseg - INFO - Iter [64200/80000] lr: 7.900e-06, eta: 6:12:52, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1105, decode.acc_seg: 94.8408, aux.loss_ce: 0.0595, aux.acc_seg: 93.3910, loss: 0.1701 2024-01-18 21:44:05,548 - mmseg - INFO - Iter [64250/80000] lr: 7.876e-06, eta: 6:11:39, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1110, decode.acc_seg: 94.8834, aux.loss_ce: 0.0601, aux.acc_seg: 93.3719, loss: 0.1711 2024-01-18 21:45:05,813 - mmseg - INFO - Iter [64300/80000] lr: 7.851e-06, eta: 6:10:26, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1077, decode.acc_seg: 95.0874, aux.loss_ce: 0.0578, aux.acc_seg: 93.6325, loss: 0.1655 2024-01-18 21:46:06,177 - mmseg - INFO - Iter [64350/80000] lr: 7.826e-06, eta: 6:09:12, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1140, decode.acc_seg: 94.6610, aux.loss_ce: 0.0619, aux.acc_seg: 93.0576, loss: 0.1759 2024-01-18 21:47:06,490 - mmseg - INFO - Iter [64400/80000] lr: 7.801e-06, eta: 6:07:59, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1040, decode.acc_seg: 95.2403, aux.loss_ce: 0.0567, aux.acc_seg: 93.7193, loss: 0.1606 2024-01-18 21:48:09,326 - mmseg - INFO - Iter [64450/80000] lr: 7.776e-06, eta: 6:06:46, time: 1.257, data_time: 0.056, memory: 59004, decode.loss_ce: 0.1096, decode.acc_seg: 95.0132, aux.loss_ce: 0.0597, aux.acc_seg: 93.4767, loss: 0.1693 2024-01-18 21:49:09,568 - mmseg - INFO - Iter [64500/80000] lr: 7.750e-06, eta: 6:05:33, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1018, decode.acc_seg: 95.4331, aux.loss_ce: 0.0559, aux.acc_seg: 93.9836, loss: 0.1577 2024-01-18 21:50:10,040 - mmseg - INFO - Iter [64550/80000] lr: 7.725e-06, eta: 6:04:20, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1051, decode.acc_seg: 95.3041, aux.loss_ce: 0.0576, aux.acc_seg: 93.7822, loss: 0.1627 2024-01-18 21:51:10,514 - mmseg - INFO - Iter [64600/80000] lr: 7.701e-06, eta: 6:03:07, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1112, decode.acc_seg: 94.9964, aux.loss_ce: 0.0616, aux.acc_seg: 93.2896, loss: 0.1728 2024-01-18 21:52:11,051 - mmseg - INFO - Iter [64650/80000] lr: 7.675e-06, eta: 6:01:53, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1059, decode.acc_seg: 95.1316, aux.loss_ce: 0.0576, aux.acc_seg: 93.6776, loss: 0.1635 2024-01-18 21:53:11,477 - mmseg - INFO - Iter [64700/80000] lr: 7.651e-06, eta: 6:00:40, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1032, decode.acc_seg: 95.2439, aux.loss_ce: 0.0565, aux.acc_seg: 93.8037, loss: 0.1598 2024-01-18 21:54:11,826 - mmseg - INFO - Iter [64750/80000] lr: 7.626e-06, eta: 5:59:27, time: 1.207, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.3049, aux.loss_ce: 0.0570, aux.acc_seg: 93.7357, loss: 0.1590 2024-01-18 21:55:12,124 - mmseg - INFO - Iter [64800/80000] lr: 7.601e-06, eta: 5:58:14, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1128, decode.acc_seg: 94.8343, aux.loss_ce: 0.0618, aux.acc_seg: 93.2910, loss: 0.1745 2024-01-18 21:56:12,396 - mmseg - INFO - Iter [64850/80000] lr: 7.576e-06, eta: 5:57:01, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1071, decode.acc_seg: 95.0610, aux.loss_ce: 0.0594, aux.acc_seg: 93.4429, loss: 0.1665 2024-01-18 21:57:12,750 - mmseg - INFO - Iter [64900/80000] lr: 7.551e-06, eta: 5:55:48, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1075, decode.acc_seg: 95.0680, aux.loss_ce: 0.0583, aux.acc_seg: 93.4519, loss: 0.1658 2024-01-18 21:58:13,056 - mmseg - INFO - Iter [64950/80000] lr: 7.525e-06, eta: 5:54:35, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1138, decode.acc_seg: 94.9510, aux.loss_ce: 0.0623, aux.acc_seg: 93.2960, loss: 0.1760 2024-01-18 21:59:13,513 - mmseg - INFO - Saving checkpoint at 65000 iterations 2024-01-18 21:59:59,861 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 21:59:59,861 - mmseg - INFO - Iter [65000/80000] lr: 7.500e-06, eta: 5:53:32, time: 2.136, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.2437, aux.loss_ce: 0.0569, aux.acc_seg: 93.6366, loss: 0.1589 2024-01-18 22:02:39,571 - mmseg - INFO - per class results: 2024-01-18 22:02:39,577 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.63 | 90.73 | | building | 85.39 | 93.9 | | sky | 94.92 | 97.45 | | floor | 83.88 | 92.26 | | tree | 76.8 | 90.84 | | ceiling | 86.3 | 93.73 | | road | 86.32 | 92.12 | | bed | 91.83 | 97.31 | | windowpane | 66.17 | 82.15 | | grass | 67.8 | 83.68 | | cabinet | 65.52 | 75.06 | | sidewalk | 70.38 | 83.88 | | person | 84.42 | 94.96 | | earth | 38.93 | 49.26 | | door | 57.79 | 67.08 | | table | 68.56 | 78.91 | | mountain | 63.36 | 74.72 | | plant | 56.44 | 69.47 | | curtain | 78.96 | 87.61 | | chair | 64.87 | 76.25 | | car | 86.84 | 94.37 | | water | 64.47 | 81.79 | | painting | 75.0 | 88.78 | | sofa | 79.59 | 88.09 | | shelf | 47.16 | 66.07 | | house | 50.55 | 63.16 | | sea | 74.91 | 83.65 | | mirror | 77.34 | 85.99 | | rug | 64.51 | 73.36 | | field | 27.47 | 44.27 | | armchair | 57.01 | 78.0 | | seat | 68.64 | 89.22 | | fence | 44.33 | 54.57 | | desk | 59.14 | 81.7 | | rock | 53.66 | 79.01 | | wardrobe | 54.89 | 71.35 | | lamp | 75.22 | 85.98 | | bathtub | 83.57 | 87.18 | | railing | 38.34 | 50.96 | | cushion | 67.61 | 79.25 | | base | 40.14 | 50.96 | | box | 39.05 | 45.73 | | column | 56.38 | 67.36 | | signboard | 37.5 | 48.72 | | chest of drawers | 47.2 | 67.76 | | counter | 55.55 | 61.18 | | sand | 58.05 | 84.78 | | sink | 81.34 | 89.17 | | skyscraper | 52.73 | 63.82 | | fireplace | 76.94 | 91.85 | | refrigerator | 81.02 | 89.63 | | grandstand | 59.09 | 83.67 | | path | 26.33 | 35.16 | | stairs | 46.82 | 55.28 | | runway | 73.15 | 96.19 | | case | 64.73 | 77.63 | | pool table | 94.9 | 97.69 | | pillow | 61.57 | 70.83 | | screen door | 80.64 | 86.88 | | stairway | 45.83 | 60.19 | | river | 13.81 | 27.05 | | bridge | 68.78 | 77.93 | | bookcase | 44.34 | 59.73 | | blind | 37.41 | 41.91 | | coffee table | 61.58 | 86.16 | | toilet | 92.15 | 95.86 | | flower | 47.64 | 62.49 | | book | 57.06 | 79.51 | | hill | 6.45 | 10.4 | | bench | 64.8 | 72.21 | | countertop | 66.22 | 81.0 | | stove | 83.9 | 88.24 | | palm | 56.93 | 79.52 | | kitchen island | 48.61 | 72.45 | | computer | 77.03 | 90.67 | | swivel chair | 44.66 | 62.09 | | boat | 74.36 | 88.93 | | bar | 76.49 | 89.66 | | arcade machine | 83.4 | 87.24 | | hovel | 16.97 | 18.53 | | bus | 92.79 | 96.0 | | towel | 75.65 | 85.45 | | light | 57.78 | 64.01 | | truck | 49.77 | 59.91 | | tower | 26.35 | 41.19 | | chandelier | 73.41 | 84.48 | | awning | 42.13 | 50.18 | | streetlight | 33.57 | 40.13 | | booth | 46.55 | 54.28 | | television receiver | 84.29 | 90.62 | | airplane | 75.34 | 83.25 | | dirt track | 11.79 | 21.78 | | apparel | 58.67 | 77.02 | | pole | 25.69 | 39.12 | | land | 8.14 | 12.26 | | bannister | 11.94 | 16.24 | | escalator | 63.15 | 86.96 | | ottoman | 58.6 | 71.59 | | bottle | 42.47 | 69.83 | | buffet | 58.2 | 64.09 | | poster | 24.53 | 30.24 | | stage | 28.64 | 68.07 | | van | 50.07 | 63.12 | | ship | 69.11 | 75.1 | | fountain | 47.59 | 48.61 | | conveyer belt | 82.2 | 97.79 | | canopy | 52.72 | 72.4 | | washer | 88.71 | 94.5 | | plaything | 34.27 | 50.35 | | swimming pool | 61.29 | 91.01 | | stool | 51.89 | 63.38 | | barrel | 64.13 | 71.51 | | basket | 46.34 | 57.78 | | waterfall | 53.04 | 59.99 | | tent | 95.56 | 97.97 | | bag | 29.26 | 33.5 | | minibike | 75.93 | 88.59 | | cradle | 81.18 | 98.61 | | oven | 64.15 | 75.69 | | ball | 63.79 | 72.35 | | food | 60.81 | 72.59 | | step | 6.28 | 6.37 | | tank | 76.98 | 87.02 | | trade name | 25.23 | 29.53 | | microwave | 88.3 | 94.79 | | pot | 57.11 | 64.45 | | animal | 69.99 | 72.34 | | bicycle | 59.76 | 76.78 | | lake | 61.04 | 63.6 | | dishwasher | 75.0 | 79.86 | | screen | 51.82 | 68.03 | | blanket | 20.86 | 24.58 | | sculpture | 74.81 | 83.48 | | hood | 61.73 | 72.45 | | sconce | 56.4 | 70.14 | | vase | 45.24 | 58.9 | | traffic light | 33.74 | 54.08 | | tray | 18.31 | 23.68 | | ashcan | 51.35 | 60.17 | | fan | 69.31 | 83.52 | | pier | 42.39 | 46.51 | | crt screen | 3.46 | 5.63 | | plate | 58.66 | 79.09 | | monitor | 69.44 | 84.71 | | bulletin board | 60.38 | 71.71 | | shower | 17.12 | 21.96 | | radiator | 64.78 | 71.92 | | glass | 20.64 | 22.11 | | clock | 50.14 | 60.59 | | flag | 67.56 | 75.11 | +---------------------+-------+-------+ 2024-01-18 22:02:39,577 - mmseg - INFO - Summary: 2024-01-18 22:02:39,577 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.07 | 58.01 | 69.33 | +-------+-------+-------+ 2024-01-18 22:02:39,578 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 22:02:39,578 - mmseg - INFO - Iter(val) [250] aAcc: 0.8607, mIoU: 0.5801, mAcc: 0.6933, IoU.wall: 0.8163, IoU.building: 0.8539, IoU.sky: 0.9492, IoU.floor: 0.8388, IoU.tree: 0.7680, IoU.ceiling: 0.8630, IoU.road: 0.8632, IoU.bed : 0.9183, IoU.windowpane: 0.6617, IoU.grass: 0.6780, IoU.cabinet: 0.6552, IoU.sidewalk: 0.7038, IoU.person: 0.8442, IoU.earth: 0.3893, IoU.door: 0.5779, IoU.table: 0.6856, IoU.mountain: 0.6336, IoU.plant: 0.5644, IoU.curtain: 0.7896, IoU.chair: 0.6487, IoU.car: 0.8684, IoU.water: 0.6447, IoU.painting: 0.7500, IoU.sofa: 0.7959, IoU.shelf: 0.4716, IoU.house: 0.5055, IoU.sea: 0.7491, IoU.mirror: 0.7734, IoU.rug: 0.6451, IoU.field: 0.2747, IoU.armchair: 0.5701, IoU.seat: 0.6864, IoU.fence: 0.4433, IoU.desk: 0.5914, IoU.rock: 0.5366, IoU.wardrobe: 0.5489, IoU.lamp: 0.7522, IoU.bathtub: 0.8357, IoU.railing: 0.3834, IoU.cushion: 0.6761, IoU.base: 0.4014, IoU.box: 0.3905, IoU.column: 0.5638, IoU.signboard: 0.3750, IoU.chest of drawers: 0.4720, IoU.counter: 0.5555, IoU.sand: 0.5805, IoU.sink: 0.8134, IoU.skyscraper: 0.5273, IoU.fireplace: 0.7694, IoU.refrigerator: 0.8102, IoU.grandstand: 0.5909, IoU.path: 0.2633, IoU.stairs: 0.4682, IoU.runway: 0.7315, IoU.case: 0.6473, IoU.pool table: 0.9490, IoU.pillow: 0.6157, IoU.screen door: 0.8064, IoU.stairway: 0.4583, IoU.river: 0.1381, IoU.bridge: 0.6878, IoU.bookcase: 0.4434, IoU.blind: 0.3741, IoU.coffee table: 0.6158, IoU.toilet: 0.9215, IoU.flower: 0.4764, IoU.book: 0.5706, IoU.hill: 0.0645, IoU.bench: 0.6480, IoU.countertop: 0.6622, IoU.stove: 0.8390, IoU.palm: 0.5693, IoU.kitchen island: 0.4861, IoU.computer: 0.7703, IoU.swivel chair: 0.4466, IoU.boat: 0.7436, IoU.bar: 0.7649, IoU.arcade machine: 0.8340, IoU.hovel: 0.1697, IoU.bus: 0.9279, IoU.towel: 0.7565, IoU.light: 0.5778, IoU.truck: 0.4977, IoU.tower: 0.2635, IoU.chandelier: 0.7341, IoU.awning: 0.4213, IoU.streetlight: 0.3357, IoU.booth: 0.4655, IoU.television receiver: 0.8429, IoU.airplane: 0.7534, IoU.dirt track: 0.1179, IoU.apparel: 0.5867, IoU.pole: 0.2569, IoU.land: 0.0814, IoU.bannister: 0.1194, IoU.escalator: 0.6315, IoU.ottoman: 0.5860, IoU.bottle: 0.4247, IoU.buffet: 0.5820, IoU.poster: 0.2453, IoU.stage: 0.2864, IoU.van: 0.5007, IoU.ship: 0.6911, IoU.fountain: 0.4759, IoU.conveyer belt: 0.8220, IoU.canopy: 0.5272, IoU.washer: 0.8871, IoU.plaything: 0.3427, IoU.swimming pool: 0.6129, IoU.stool: 0.5189, IoU.barrel: 0.6413, IoU.basket: 0.4634, IoU.waterfall: 0.5304, IoU.tent: 0.9556, IoU.bag: 0.2926, IoU.minibike: 0.7593, IoU.cradle: 0.8118, IoU.oven: 0.6415, IoU.ball: 0.6379, IoU.food: 0.6081, IoU.step: 0.0628, IoU.tank: 0.7698, IoU.trade name: 0.2523, IoU.microwave: 0.8830, IoU.pot: 0.5711, IoU.animal: 0.6999, IoU.bicycle: 0.5976, IoU.lake: 0.6104, IoU.dishwasher: 0.7500, IoU.screen: 0.5182, IoU.blanket: 0.2086, IoU.sculpture: 0.7481, IoU.hood: 0.6173, IoU.sconce: 0.5640, IoU.vase: 0.4524, IoU.traffic light: 0.3374, IoU.tray: 0.1831, IoU.ashcan: 0.5135, IoU.fan: 0.6931, IoU.pier: 0.4239, IoU.crt screen: 0.0346, IoU.plate: 0.5866, IoU.monitor: 0.6944, IoU.bulletin board: 0.6038, IoU.shower: 0.1712, IoU.radiator: 0.6478, IoU.glass: 0.2064, IoU.clock: 0.5014, IoU.flag: 0.6756, Acc.wall: 0.9073, Acc.building: 0.9390, Acc.sky: 0.9745, Acc.floor: 0.9226, Acc.tree: 0.9084, Acc.ceiling: 0.9373, Acc.road: 0.9212, Acc.bed : 0.9731, Acc.windowpane: 0.8215, Acc.grass: 0.8368, Acc.cabinet: 0.7506, Acc.sidewalk: 0.8388, Acc.person: 0.9496, Acc.earth: 0.4926, Acc.door: 0.6708, Acc.table: 0.7891, Acc.mountain: 0.7472, Acc.plant: 0.6947, Acc.curtain: 0.8761, Acc.chair: 0.7625, Acc.car: 0.9437, Acc.water: 0.8179, Acc.painting: 0.8878, Acc.sofa: 0.8809, Acc.shelf: 0.6607, Acc.house: 0.6316, Acc.sea: 0.8365, Acc.mirror: 0.8599, Acc.rug: 0.7336, Acc.field: 0.4427, Acc.armchair: 0.7800, Acc.seat: 0.8922, Acc.fence: 0.5457, Acc.desk: 0.8170, Acc.rock: 0.7901, Acc.wardrobe: 0.7135, Acc.lamp: 0.8598, Acc.bathtub: 0.8718, Acc.railing: 0.5096, Acc.cushion: 0.7925, Acc.base: 0.5096, Acc.box: 0.4573, Acc.column: 0.6736, Acc.signboard: 0.4872, Acc.chest of drawers: 0.6776, Acc.counter: 0.6118, Acc.sand: 0.8478, Acc.sink: 0.8917, Acc.skyscraper: 0.6382, Acc.fireplace: 0.9185, Acc.refrigerator: 0.8963, Acc.grandstand: 0.8367, Acc.path: 0.3516, Acc.stairs: 0.5528, Acc.runway: 0.9619, Acc.case: 0.7763, Acc.pool table: 0.9769, Acc.pillow: 0.7083, Acc.screen door: 0.8688, Acc.stairway: 0.6019, Acc.river: 0.2705, Acc.bridge: 0.7793, Acc.bookcase: 0.5973, Acc.blind: 0.4191, Acc.coffee table: 0.8616, Acc.toilet: 0.9586, Acc.flower: 0.6249, Acc.book: 0.7951, Acc.hill: 0.1040, Acc.bench: 0.7221, Acc.countertop: 0.8100, Acc.stove: 0.8824, Acc.palm: 0.7952, Acc.kitchen island: 0.7245, Acc.computer: 0.9067, Acc.swivel chair: 0.6209, Acc.boat: 0.8893, Acc.bar: 0.8966, Acc.arcade machine: 0.8724, Acc.hovel: 0.1853, Acc.bus: 0.9600, Acc.towel: 0.8545, Acc.light: 0.6401, Acc.truck: 0.5991, Acc.tower: 0.4119, Acc.chandelier: 0.8448, Acc.awning: 0.5018, Acc.streetlight: 0.4013, Acc.booth: 0.5428, Acc.television receiver: 0.9062, Acc.airplane: 0.8325, Acc.dirt track: 0.2178, Acc.apparel: 0.7702, Acc.pole: 0.3912, Acc.land: 0.1226, Acc.bannister: 0.1624, Acc.escalator: 0.8696, Acc.ottoman: 0.7159, Acc.bottle: 0.6983, Acc.buffet: 0.6409, Acc.poster: 0.3024, Acc.stage: 0.6807, Acc.van: 0.6312, Acc.ship: 0.7510, Acc.fountain: 0.4861, Acc.conveyer belt: 0.9779, Acc.canopy: 0.7240, Acc.washer: 0.9450, Acc.plaything: 0.5035, Acc.swimming pool: 0.9101, Acc.stool: 0.6338, Acc.barrel: 0.7151, Acc.basket: 0.5778, Acc.waterfall: 0.5999, Acc.tent: 0.9797, Acc.bag: 0.3350, Acc.minibike: 0.8859, Acc.cradle: 0.9861, Acc.oven: 0.7569, Acc.ball: 0.7235, Acc.food: 0.7259, Acc.step: 0.0637, Acc.tank: 0.8702, Acc.trade name: 0.2953, Acc.microwave: 0.9479, Acc.pot: 0.6445, Acc.animal: 0.7234, Acc.bicycle: 0.7678, Acc.lake: 0.6360, Acc.dishwasher: 0.7986, Acc.screen: 0.6803, Acc.blanket: 0.2458, Acc.sculpture: 0.8348, Acc.hood: 0.7245, Acc.sconce: 0.7014, Acc.vase: 0.5890, Acc.traffic light: 0.5408, Acc.tray: 0.2368, Acc.ashcan: 0.6017, Acc.fan: 0.8352, Acc.pier: 0.4651, Acc.crt screen: 0.0563, Acc.plate: 0.7909, Acc.monitor: 0.8471, Acc.bulletin board: 0.7171, Acc.shower: 0.2196, Acc.radiator: 0.7192, Acc.glass: 0.2211, Acc.clock: 0.6059, Acc.flag: 0.7511 2024-01-18 22:03:40,371 - mmseg - INFO - Iter [65050/80000] lr: 7.475e-06, eta: 5:52:56, time: 4.410, data_time: 3.211, memory: 59004, decode.loss_ce: 0.1122, decode.acc_seg: 94.7031, aux.loss_ce: 0.0605, aux.acc_seg: 93.2157, loss: 0.1726 2024-01-18 22:04:40,892 - mmseg - INFO - Iter [65100/80000] lr: 7.451e-06, eta: 5:51:43, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1026, decode.acc_seg: 95.4451, aux.loss_ce: 0.0564, aux.acc_seg: 93.9925, loss: 0.1590 2024-01-18 22:05:41,248 - mmseg - INFO - Iter [65150/80000] lr: 7.426e-06, eta: 5:50:30, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1039, decode.acc_seg: 95.2264, aux.loss_ce: 0.0568, aux.acc_seg: 93.7664, loss: 0.1607 2024-01-18 22:06:41,585 - mmseg - INFO - Iter [65200/80000] lr: 7.401e-06, eta: 5:49:16, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1008, decode.acc_seg: 95.3655, aux.loss_ce: 0.0557, aux.acc_seg: 93.8443, loss: 0.1565 2024-01-18 22:07:41,975 - mmseg - INFO - Iter [65250/80000] lr: 7.376e-06, eta: 5:48:03, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1114, decode.acc_seg: 94.8931, aux.loss_ce: 0.0604, aux.acc_seg: 93.4693, loss: 0.1718 2024-01-18 22:08:42,277 - mmseg - INFO - Iter [65300/80000] lr: 7.351e-06, eta: 5:46:50, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1042, decode.acc_seg: 95.3338, aux.loss_ce: 0.0570, aux.acc_seg: 93.8897, loss: 0.1611 2024-01-18 22:09:42,569 - mmseg - INFO - Iter [65350/80000] lr: 7.325e-06, eta: 5:45:37, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1012, decode.acc_seg: 95.2906, aux.loss_ce: 0.0566, aux.acc_seg: 93.7083, loss: 0.1578 2024-01-18 22:10:42,974 - mmseg - INFO - Iter [65400/80000] lr: 7.300e-06, eta: 5:44:24, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1046, decode.acc_seg: 95.2459, aux.loss_ce: 0.0578, aux.acc_seg: 93.8211, loss: 0.1624 2024-01-18 22:11:43,458 - mmseg - INFO - Iter [65450/80000] lr: 7.276e-06, eta: 5:43:11, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1061, decode.acc_seg: 95.0588, aux.loss_ce: 0.0579, aux.acc_seg: 93.5319, loss: 0.1640 2024-01-18 22:12:43,978 - mmseg - INFO - Iter [65500/80000] lr: 7.251e-06, eta: 5:41:58, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1048, decode.acc_seg: 95.1248, aux.loss_ce: 0.0579, aux.acc_seg: 93.6534, loss: 0.1627 2024-01-18 22:13:44,336 - mmseg - INFO - Iter [65550/80000] lr: 7.226e-06, eta: 5:40:45, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1035, decode.acc_seg: 95.2447, aux.loss_ce: 0.0577, aux.acc_seg: 93.6359, loss: 0.1612 2024-01-18 22:14:44,823 - mmseg - INFO - Iter [65600/80000] lr: 7.201e-06, eta: 5:39:32, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0988, decode.acc_seg: 95.5860, aux.loss_ce: 0.0544, aux.acc_seg: 94.1223, loss: 0.1531 2024-01-18 22:15:45,333 - mmseg - INFO - Iter [65650/80000] lr: 7.176e-06, eta: 5:38:19, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1071, decode.acc_seg: 95.1039, aux.loss_ce: 0.0583, aux.acc_seg: 93.6405, loss: 0.1654 2024-01-18 22:16:48,037 - mmseg - INFO - Iter [65700/80000] lr: 7.151e-06, eta: 5:37:06, time: 1.254, data_time: 0.054, memory: 59004, decode.loss_ce: 0.1052, decode.acc_seg: 95.2431, aux.loss_ce: 0.0581, aux.acc_seg: 93.6763, loss: 0.1633 2024-01-18 22:17:48,377 - mmseg - INFO - Iter [65750/80000] lr: 7.125e-06, eta: 5:35:53, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1015, decode.acc_seg: 95.3623, aux.loss_ce: 0.0560, aux.acc_seg: 93.8590, loss: 0.1575 2024-01-18 22:18:48,690 - mmseg - INFO - Iter [65800/80000] lr: 7.100e-06, eta: 5:34:40, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1052, decode.acc_seg: 95.1240, aux.loss_ce: 0.0571, aux.acc_seg: 93.6247, loss: 0.1623 2024-01-18 22:19:49,032 - mmseg - INFO - Iter [65850/80000] lr: 7.075e-06, eta: 5:33:27, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1067, decode.acc_seg: 95.0828, aux.loss_ce: 0.0584, aux.acc_seg: 93.5227, loss: 0.1651 2024-01-18 22:20:49,420 - mmseg - INFO - Iter [65900/80000] lr: 7.051e-06, eta: 5:32:15, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1053, decode.acc_seg: 95.3186, aux.loss_ce: 0.0585, aux.acc_seg: 93.7462, loss: 0.1638 2024-01-18 22:21:49,771 - mmseg - INFO - Iter [65950/80000] lr: 7.026e-06, eta: 5:31:02, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1057, decode.acc_seg: 95.2879, aux.loss_ce: 0.0577, aux.acc_seg: 93.8797, loss: 0.1634 2024-01-18 22:22:50,270 - mmseg - INFO - Saving checkpoint at 66000 iterations 2024-01-18 22:23:41,102 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 22:23:41,103 - mmseg - INFO - Iter [66000/80000] lr: 7.001e-06, eta: 5:30:00, time: 2.227, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1119, decode.acc_seg: 94.9130, aux.loss_ce: 0.0606, aux.acc_seg: 93.3739, loss: 0.1725 2024-01-18 22:26:17,720 - mmseg - INFO - per class results: 2024-01-18 22:26:17,727 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.36 | 90.9 | | building | 85.34 | 94.11 | | sky | 94.89 | 97.53 | | floor | 83.33 | 92.41 | | tree | 77.28 | 90.26 | | ceiling | 86.23 | 92.62 | | road | 86.68 | 91.21 | | bed | 91.92 | 97.71 | | windowpane | 65.93 | 80.68 | | grass | 67.84 | 81.75 | | cabinet | 65.32 | 75.23 | | sidewalk | 71.4 | 87.36 | | person | 84.72 | 94.41 | | earth | 41.74 | 54.04 | | door | 57.95 | 67.5 | | table | 68.45 | 80.27 | | mountain | 62.51 | 74.28 | | plant | 55.82 | 66.6 | | curtain | 78.27 | 88.03 | | chair | 65.42 | 77.38 | | car | 87.11 | 93.72 | | water | 64.51 | 80.28 | | painting | 75.35 | 88.57 | | sofa | 80.51 | 89.87 | | shelf | 45.3 | 62.92 | | house | 50.4 | 64.75 | | sea | 74.81 | 83.72 | | mirror | 75.65 | 83.25 | | rug | 60.11 | 69.89 | | field | 29.64 | 48.76 | | armchair | 58.54 | 75.44 | | seat | 69.87 | 88.92 | | fence | 44.79 | 55.56 | | desk | 58.73 | 76.46 | | rock | 53.23 | 79.53 | | wardrobe | 55.42 | 71.98 | | lamp | 74.65 | 83.62 | | bathtub | 84.48 | 87.48 | | railing | 38.49 | 51.05 | | cushion | 66.75 | 77.0 | | base | 41.95 | 50.52 | | box | 38.67 | 47.79 | | column | 55.23 | 66.57 | | signboard | 38.66 | 54.05 | | chest of drawers | 48.46 | 68.12 | | counter | 57.85 | 63.2 | | sand | 58.05 | 84.35 | | sink | 80.78 | 88.3 | | skyscraper | 52.41 | 60.03 | | fireplace | 71.45 | 93.86 | | refrigerator | 81.34 | 89.84 | | grandstand | 56.96 | 85.17 | | path | 29.75 | 38.48 | | stairs | 43.3 | 49.67 | | runway | 74.56 | 96.14 | | case | 65.03 | 80.18 | | pool table | 94.9 | 97.43 | | pillow | 65.02 | 76.44 | | screen door | 77.91 | 85.38 | | stairway | 42.55 | 57.11 | | river | 14.49 | 29.51 | | bridge | 66.3 | 74.77 | | bookcase | 44.75 | 66.03 | | blind | 39.12 | 45.52 | | coffee table | 63.97 | 86.37 | | toilet | 92.04 | 96.16 | | flower | 47.71 | 63.27 | | book | 55.23 | 77.6 | | hill | 5.83 | 9.61 | | bench | 66.11 | 74.45 | | countertop | 67.26 | 82.46 | | stove | 84.07 | 89.89 | | palm | 57.62 | 76.8 | | kitchen island | 49.1 | 71.39 | | computer | 77.68 | 89.93 | | swivel chair | 43.96 | 59.11 | | boat | 75.37 | 90.67 | | bar | 76.94 | 89.75 | | arcade machine | 83.92 | 88.15 | | hovel | 15.45 | 17.11 | | bus | 92.61 | 95.71 | | towel | 74.96 | 83.57 | | light | 57.12 | 63.83 | | truck | 49.49 | 61.1 | | tower | 25.11 | 39.55 | | chandelier | 72.53 | 84.31 | | awning | 42.85 | 54.43 | | streetlight | 32.94 | 39.08 | | booth | 51.02 | 62.94 | | television receiver | 84.24 | 88.44 | | airplane | 76.42 | 83.96 | | dirt track | 14.84 | 27.14 | | apparel | 60.21 | 80.6 | | pole | 23.22 | 32.62 | | land | 3.78 | 6.6 | | bannister | 11.98 | 15.72 | | escalator | 64.09 | 86.68 | | ottoman | 57.44 | 69.46 | | bottle | 41.28 | 70.69 | | buffet | 55.01 | 60.41 | | poster | 24.43 | 32.62 | | stage | 28.76 | 60.44 | | van | 51.3 | 64.22 | | ship | 71.6 | 79.41 | | fountain | 49.69 | 50.7 | | conveyer belt | 82.7 | 97.21 | | canopy | 54.82 | 74.93 | | washer | 88.93 | 94.62 | | plaything | 27.61 | 46.54 | | swimming pool | 62.81 | 92.92 | | stool | 49.17 | 64.41 | | barrel | 60.2 | 71.92 | | basket | 46.75 | 54.83 | | waterfall | 51.36 | 58.31 | | tent | 91.84 | 98.71 | | bag | 28.19 | 32.72 | | minibike | 75.54 | 88.09 | | cradle | 82.46 | 98.28 | | oven | 65.77 | 75.33 | | ball | 54.33 | 58.89 | | food | 61.45 | 69.97 | | step | 7.61 | 7.96 | | tank | 71.3 | 85.39 | | trade name | 18.51 | 20.06 | | microwave | 89.13 | 94.63 | | pot | 55.24 | 61.05 | | animal | 70.17 | 72.78 | | bicycle | 56.71 | 73.25 | | lake | 61.9 | 65.62 | | dishwasher | 71.95 | 75.78 | | screen | 50.14 | 68.71 | | blanket | 20.26 | 24.17 | | sculpture | 72.82 | 84.93 | | hood | 59.78 | 70.0 | | sconce | 56.12 | 65.99 | | vase | 45.1 | 59.7 | | traffic light | 35.45 | 52.35 | | tray | 17.76 | 22.37 | | ashcan | 48.86 | 56.73 | | fan | 68.1 | 79.59 | | pier | 41.58 | 45.56 | | crt screen | 2.75 | 3.94 | | plate | 58.28 | 78.5 | | monitor | 67.69 | 82.94 | | bulletin board | 57.83 | 73.1 | | shower | 18.19 | 21.41 | | radiator | 65.04 | 71.25 | | glass | 20.8 | 22.52 | | clock | 51.37 | 57.99 | | flag | 67.06 | 72.02 | +---------------------+-------+-------+ 2024-01-18 22:26:17,727 - mmseg - INFO - Summary: 2024-01-18 22:26:17,727 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.03 | 57.67 | 68.94 | +-------+-------+-------+ 2024-01-18 22:26:17,729 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 22:26:17,729 - mmseg - INFO - Iter(val) [250] aAcc: 0.8603, mIoU: 0.5767, mAcc: 0.6894, IoU.wall: 0.8136, IoU.building: 0.8534, IoU.sky: 0.9489, IoU.floor: 0.8333, IoU.tree: 0.7728, IoU.ceiling: 0.8623, IoU.road: 0.8668, IoU.bed : 0.9192, IoU.windowpane: 0.6593, IoU.grass: 0.6784, IoU.cabinet: 0.6532, IoU.sidewalk: 0.7140, IoU.person: 0.8472, IoU.earth: 0.4174, IoU.door: 0.5795, IoU.table: 0.6845, IoU.mountain: 0.6251, IoU.plant: 0.5582, IoU.curtain: 0.7827, IoU.chair: 0.6542, IoU.car: 0.8711, IoU.water: 0.6451, IoU.painting: 0.7535, IoU.sofa: 0.8051, IoU.shelf: 0.4530, IoU.house: 0.5040, IoU.sea: 0.7481, IoU.mirror: 0.7565, IoU.rug: 0.6011, IoU.field: 0.2964, IoU.armchair: 0.5854, IoU.seat: 0.6987, IoU.fence: 0.4479, IoU.desk: 0.5873, IoU.rock: 0.5323, IoU.wardrobe: 0.5542, IoU.lamp: 0.7465, IoU.bathtub: 0.8448, IoU.railing: 0.3849, IoU.cushion: 0.6675, IoU.base: 0.4195, IoU.box: 0.3867, IoU.column: 0.5523, IoU.signboard: 0.3866, IoU.chest of drawers: 0.4846, IoU.counter: 0.5785, IoU.sand: 0.5805, IoU.sink: 0.8078, IoU.skyscraper: 0.5241, IoU.fireplace: 0.7145, IoU.refrigerator: 0.8134, IoU.grandstand: 0.5696, IoU.path: 0.2975, IoU.stairs: 0.4330, IoU.runway: 0.7456, IoU.case: 0.6503, IoU.pool table: 0.9490, IoU.pillow: 0.6502, IoU.screen door: 0.7791, IoU.stairway: 0.4255, IoU.river: 0.1449, IoU.bridge: 0.6630, IoU.bookcase: 0.4475, IoU.blind: 0.3912, IoU.coffee table: 0.6397, IoU.toilet: 0.9204, IoU.flower: 0.4771, IoU.book: 0.5523, IoU.hill: 0.0583, IoU.bench: 0.6611, IoU.countertop: 0.6726, IoU.stove: 0.8407, IoU.palm: 0.5762, IoU.kitchen island: 0.4910, IoU.computer: 0.7768, IoU.swivel chair: 0.4396, IoU.boat: 0.7537, IoU.bar: 0.7694, IoU.arcade machine: 0.8392, IoU.hovel: 0.1545, IoU.bus: 0.9261, IoU.towel: 0.7496, IoU.light: 0.5712, IoU.truck: 0.4949, IoU.tower: 0.2511, IoU.chandelier: 0.7253, IoU.awning: 0.4285, IoU.streetlight: 0.3294, IoU.booth: 0.5102, IoU.television receiver: 0.8424, IoU.airplane: 0.7642, IoU.dirt track: 0.1484, IoU.apparel: 0.6021, IoU.pole: 0.2322, IoU.land: 0.0378, IoU.bannister: 0.1198, IoU.escalator: 0.6409, IoU.ottoman: 0.5744, IoU.bottle: 0.4128, IoU.buffet: 0.5501, IoU.poster: 0.2443, IoU.stage: 0.2876, IoU.van: 0.5130, IoU.ship: 0.7160, IoU.fountain: 0.4969, IoU.conveyer belt: 0.8270, IoU.canopy: 0.5482, IoU.washer: 0.8893, IoU.plaything: 0.2761, IoU.swimming pool: 0.6281, IoU.stool: 0.4917, IoU.barrel: 0.6020, IoU.basket: 0.4675, IoU.waterfall: 0.5136, IoU.tent: 0.9184, IoU.bag: 0.2819, IoU.minibike: 0.7554, IoU.cradle: 0.8246, IoU.oven: 0.6577, IoU.ball: 0.5433, IoU.food: 0.6145, IoU.step: 0.0761, IoU.tank: 0.7130, IoU.trade name: 0.1851, IoU.microwave: 0.8913, IoU.pot: 0.5524, IoU.animal: 0.7017, IoU.bicycle: 0.5671, IoU.lake: 0.6190, IoU.dishwasher: 0.7195, IoU.screen: 0.5014, IoU.blanket: 0.2026, IoU.sculpture: 0.7282, IoU.hood: 0.5978, IoU.sconce: 0.5612, IoU.vase: 0.4510, IoU.traffic light: 0.3545, IoU.tray: 0.1776, IoU.ashcan: 0.4886, IoU.fan: 0.6810, IoU.pier: 0.4158, IoU.crt screen: 0.0275, IoU.plate: 0.5828, IoU.monitor: 0.6769, IoU.bulletin board: 0.5783, IoU.shower: 0.1819, IoU.radiator: 0.6504, IoU.glass: 0.2080, IoU.clock: 0.5137, IoU.flag: 0.6706, Acc.wall: 0.9090, Acc.building: 0.9411, Acc.sky: 0.9753, Acc.floor: 0.9241, Acc.tree: 0.9026, Acc.ceiling: 0.9262, Acc.road: 0.9121, Acc.bed : 0.9771, Acc.windowpane: 0.8068, Acc.grass: 0.8175, Acc.cabinet: 0.7523, Acc.sidewalk: 0.8736, Acc.person: 0.9441, Acc.earth: 0.5404, Acc.door: 0.6750, Acc.table: 0.8027, Acc.mountain: 0.7428, Acc.plant: 0.6660, Acc.curtain: 0.8803, Acc.chair: 0.7738, Acc.car: 0.9372, Acc.water: 0.8028, Acc.painting: 0.8857, Acc.sofa: 0.8987, Acc.shelf: 0.6292, Acc.house: 0.6475, Acc.sea: 0.8372, Acc.mirror: 0.8325, Acc.rug: 0.6989, Acc.field: 0.4876, Acc.armchair: 0.7544, Acc.seat: 0.8892, Acc.fence: 0.5556, Acc.desk: 0.7646, Acc.rock: 0.7953, Acc.wardrobe: 0.7198, Acc.lamp: 0.8362, Acc.bathtub: 0.8748, Acc.railing: 0.5105, Acc.cushion: 0.7700, Acc.base: 0.5052, Acc.box: 0.4779, Acc.column: 0.6657, Acc.signboard: 0.5405, Acc.chest of drawers: 0.6812, Acc.counter: 0.6320, Acc.sand: 0.8435, Acc.sink: 0.8830, Acc.skyscraper: 0.6003, Acc.fireplace: 0.9386, Acc.refrigerator: 0.8984, Acc.grandstand: 0.8517, Acc.path: 0.3848, Acc.stairs: 0.4967, Acc.runway: 0.9614, Acc.case: 0.8018, Acc.pool table: 0.9743, Acc.pillow: 0.7644, Acc.screen door: 0.8538, Acc.stairway: 0.5711, Acc.river: 0.2951, Acc.bridge: 0.7477, Acc.bookcase: 0.6603, Acc.blind: 0.4552, Acc.coffee table: 0.8637, Acc.toilet: 0.9616, Acc.flower: 0.6327, Acc.book: 0.7760, Acc.hill: 0.0961, Acc.bench: 0.7445, Acc.countertop: 0.8246, Acc.stove: 0.8989, Acc.palm: 0.7680, Acc.kitchen island: 0.7139, Acc.computer: 0.8993, Acc.swivel chair: 0.5911, Acc.boat: 0.9067, Acc.bar: 0.8975, Acc.arcade machine: 0.8815, Acc.hovel: 0.1711, Acc.bus: 0.9571, Acc.towel: 0.8357, Acc.light: 0.6383, Acc.truck: 0.6110, Acc.tower: 0.3955, Acc.chandelier: 0.8431, Acc.awning: 0.5443, Acc.streetlight: 0.3908, Acc.booth: 0.6294, Acc.television receiver: 0.8844, Acc.airplane: 0.8396, Acc.dirt track: 0.2714, Acc.apparel: 0.8060, Acc.pole: 0.3262, Acc.land: 0.0660, Acc.bannister: 0.1572, Acc.escalator: 0.8668, Acc.ottoman: 0.6946, Acc.bottle: 0.7069, Acc.buffet: 0.6041, Acc.poster: 0.3262, Acc.stage: 0.6044, Acc.van: 0.6422, Acc.ship: 0.7941, Acc.fountain: 0.5070, Acc.conveyer belt: 0.9721, Acc.canopy: 0.7493, Acc.washer: 0.9462, Acc.plaything: 0.4654, Acc.swimming pool: 0.9292, Acc.stool: 0.6441, Acc.barrel: 0.7192, Acc.basket: 0.5483, Acc.waterfall: 0.5831, Acc.tent: 0.9871, Acc.bag: 0.3272, Acc.minibike: 0.8809, Acc.cradle: 0.9828, Acc.oven: 0.7533, Acc.ball: 0.5889, Acc.food: 0.6997, Acc.step: 0.0796, Acc.tank: 0.8539, Acc.trade name: 0.2006, Acc.microwave: 0.9463, Acc.pot: 0.6105, Acc.animal: 0.7278, Acc.bicycle: 0.7325, Acc.lake: 0.6562, Acc.dishwasher: 0.7578, Acc.screen: 0.6871, Acc.blanket: 0.2417, Acc.sculpture: 0.8493, Acc.hood: 0.7000, Acc.sconce: 0.6599, Acc.vase: 0.5970, Acc.traffic light: 0.5235, Acc.tray: 0.2237, Acc.ashcan: 0.5673, Acc.fan: 0.7959, Acc.pier: 0.4556, Acc.crt screen: 0.0394, Acc.plate: 0.7850, Acc.monitor: 0.8294, Acc.bulletin board: 0.7310, Acc.shower: 0.2141, Acc.radiator: 0.7125, Acc.glass: 0.2252, Acc.clock: 0.5799, Acc.flag: 0.7202 2024-01-18 22:27:18,490 - mmseg - INFO - Iter [66050/80000] lr: 6.976e-06, eta: 5:29:20, time: 4.348, data_time: 3.151, memory: 59004, decode.loss_ce: 0.1046, decode.acc_seg: 95.2323, aux.loss_ce: 0.0576, aux.acc_seg: 93.7682, loss: 0.1621 2024-01-18 22:28:18,946 - mmseg - INFO - Iter [66100/80000] lr: 6.951e-06, eta: 5:28:07, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1002, decode.acc_seg: 95.4521, aux.loss_ce: 0.0551, aux.acc_seg: 94.0049, loss: 0.1552 2024-01-18 22:29:19,270 - mmseg - INFO - Iter [66150/80000] lr: 6.926e-06, eta: 5:26:54, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1052, decode.acc_seg: 95.1098, aux.loss_ce: 0.0580, aux.acc_seg: 93.5519, loss: 0.1633 2024-01-18 22:30:19,612 - mmseg - INFO - Iter [66200/80000] lr: 6.900e-06, eta: 5:25:41, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1023, decode.acc_seg: 95.3063, aux.loss_ce: 0.0564, aux.acc_seg: 93.8207, loss: 0.1586 2024-01-18 22:31:20,027 - mmseg - INFO - Iter [66250/80000] lr: 6.875e-06, eta: 5:24:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0982, decode.acc_seg: 95.5129, aux.loss_ce: 0.0543, aux.acc_seg: 94.0643, loss: 0.1525 2024-01-18 22:32:20,396 - mmseg - INFO - Iter [66300/80000] lr: 6.850e-06, eta: 5:23:15, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1033, decode.acc_seg: 95.2662, aux.loss_ce: 0.0573, aux.acc_seg: 93.6041, loss: 0.1605 2024-01-18 22:33:20,712 - mmseg - INFO - Iter [66350/80000] lr: 6.826e-06, eta: 5:22:02, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1119, decode.acc_seg: 94.8497, aux.loss_ce: 0.0618, aux.acc_seg: 93.2370, loss: 0.1737 2024-01-18 22:34:21,097 - mmseg - INFO - Iter [66400/80000] lr: 6.801e-06, eta: 5:20:49, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1087, decode.acc_seg: 95.0467, aux.loss_ce: 0.0599, aux.acc_seg: 93.4454, loss: 0.1686 2024-01-18 22:35:21,445 - mmseg - INFO - Iter [66450/80000] lr: 6.776e-06, eta: 5:19:36, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1106, decode.acc_seg: 94.8671, aux.loss_ce: 0.0598, aux.acc_seg: 93.3907, loss: 0.1704 2024-01-18 22:36:21,824 - mmseg - INFO - Iter [66500/80000] lr: 6.751e-06, eta: 5:18:23, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0997, decode.acc_seg: 95.3971, aux.loss_ce: 0.0560, aux.acc_seg: 93.7079, loss: 0.1557 2024-01-18 22:37:22,155 - mmseg - INFO - Iter [66550/80000] lr: 6.726e-06, eta: 5:17:10, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1083, decode.acc_seg: 95.1820, aux.loss_ce: 0.0595, aux.acc_seg: 93.6429, loss: 0.1678 2024-01-18 22:38:22,421 - mmseg - INFO - Iter [66600/80000] lr: 6.700e-06, eta: 5:15:58, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.3809, aux.loss_ce: 0.0565, aux.acc_seg: 93.7733, loss: 0.1586 2024-01-18 22:39:23,032 - mmseg - INFO - Iter [66650/80000] lr: 6.675e-06, eta: 5:14:45, time: 1.212, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1031, decode.acc_seg: 95.2456, aux.loss_ce: 0.0581, aux.acc_seg: 93.5716, loss: 0.1612 2024-01-18 22:40:23,469 - mmseg - INFO - Iter [66700/80000] lr: 6.651e-06, eta: 5:13:32, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1046, decode.acc_seg: 95.2191, aux.loss_ce: 0.0583, aux.acc_seg: 93.6146, loss: 0.1629 2024-01-18 22:41:23,812 - mmseg - INFO - Iter [66750/80000] lr: 6.626e-06, eta: 5:12:19, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1004, decode.acc_seg: 95.4075, aux.loss_ce: 0.0559, aux.acc_seg: 93.9240, loss: 0.1563 2024-01-18 22:42:24,302 - mmseg - INFO - Iter [66800/80000] lr: 6.601e-06, eta: 5:11:07, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0995, decode.acc_seg: 95.3184, aux.loss_ce: 0.0549, aux.acc_seg: 93.8026, loss: 0.1543 2024-01-18 22:43:24,738 - mmseg - INFO - Iter [66850/80000] lr: 6.576e-06, eta: 5:09:54, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1092, decode.acc_seg: 95.1804, aux.loss_ce: 0.0592, aux.acc_seg: 93.7839, loss: 0.1685 2024-01-18 22:44:25,193 - mmseg - INFO - Iter [66900/80000] lr: 6.551e-06, eta: 5:08:41, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1076, decode.acc_seg: 94.9968, aux.loss_ce: 0.0589, aux.acc_seg: 93.4224, loss: 0.1664 2024-01-18 22:45:27,664 - mmseg - INFO - Iter [66950/80000] lr: 6.526e-06, eta: 5:07:29, time: 1.249, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1052, decode.acc_seg: 95.2100, aux.loss_ce: 0.0569, aux.acc_seg: 93.7475, loss: 0.1621 2024-01-18 22:46:28,104 - mmseg - INFO - Saving checkpoint at 67000 iterations 2024-01-18 22:47:15,627 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 22:47:15,627 - mmseg - INFO - Iter [67000/80000] lr: 6.500e-06, eta: 5:06:25, time: 2.159, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1102, decode.acc_seg: 95.1514, aux.loss_ce: 0.0591, aux.acc_seg: 93.7199, loss: 0.1693 2024-01-18 22:49:51,867 - mmseg - INFO - per class results: 2024-01-18 22:49:51,879 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.1 | 91.09 | | building | 85.03 | 94.26 | | sky | 94.86 | 97.52 | | floor | 83.4 | 92.06 | | tree | 76.65 | 90.42 | | ceiling | 85.58 | 91.0 | | road | 86.62 | 92.26 | | bed | 91.81 | 97.39 | | windowpane | 66.18 | 81.42 | | grass | 68.23 | 82.16 | | cabinet | 65.11 | 75.5 | | sidewalk | 71.5 | 84.71 | | person | 84.83 | 94.4 | | earth | 39.61 | 50.02 | | door | 57.15 | 73.47 | | table | 68.73 | 79.43 | | mountain | 61.98 | 74.22 | | plant | 55.5 | 67.09 | | curtain | 78.59 | 88.48 | | chair | 65.73 | 78.46 | | car | 87.09 | 93.94 | | water | 62.03 | 77.05 | | painting | 75.13 | 89.09 | | sofa | 80.38 | 90.7 | | shelf | 44.78 | 57.1 | | house | 50.61 | 63.61 | | sea | 70.73 | 84.0 | | mirror | 74.95 | 84.19 | | rug | 59.01 | 68.75 | | field | 28.92 | 47.4 | | armchair | 58.63 | 75.8 | | seat | 68.57 | 88.3 | | fence | 45.11 | 57.08 | | desk | 58.81 | 80.03 | | rock | 51.94 | 77.49 | | wardrobe | 54.0 | 69.82 | | lamp | 75.12 | 84.36 | | bathtub | 83.96 | 86.95 | | railing | 38.08 | 49.43 | | cushion | 68.08 | 77.97 | | base | 38.75 | 48.83 | | box | 40.1 | 49.32 | | column | 55.27 | 63.61 | | signboard | 39.18 | 52.44 | | chest of drawers | 47.07 | 65.78 | | counter | 57.46 | 63.99 | | sand | 58.11 | 84.26 | | sink | 80.91 | 87.68 | | skyscraper | 52.72 | 61.99 | | fireplace | 75.91 | 91.38 | | refrigerator | 83.47 | 90.52 | | grandstand | 58.11 | 85.86 | | path | 29.78 | 40.48 | | stairs | 42.59 | 48.59 | | runway | 73.55 | 96.54 | | case | 62.42 | 80.86 | | pool table | 94.89 | 97.77 | | pillow | 62.74 | 71.78 | | screen door | 60.37 | 63.54 | | stairway | 41.74 | 54.78 | | river | 15.06 | 31.25 | | bridge | 62.15 | 70.93 | | bookcase | 43.83 | 61.65 | | blind | 37.0 | 42.69 | | coffee table | 62.98 | 84.25 | | toilet | 91.99 | 95.72 | | flower | 46.63 | 58.52 | | book | 55.38 | 77.19 | | hill | 6.63 | 10.01 | | bench | 65.53 | 72.07 | | countertop | 67.13 | 81.44 | | stove | 83.76 | 89.94 | | palm | 56.72 | 76.51 | | kitchen island | 48.93 | 61.8 | | computer | 77.92 | 90.41 | | swivel chair | 43.42 | 58.83 | | boat | 75.21 | 89.87 | | bar | 77.84 | 87.48 | | arcade machine | 84.4 | 89.15 | | hovel | 16.0 | 17.56 | | bus | 92.38 | 95.94 | | towel | 76.23 | 85.9 | | light | 57.84 | 65.28 | | truck | 49.47 | 60.65 | | tower | 26.4 | 41.2 | | chandelier | 72.28 | 82.19 | | awning | 42.04 | 50.83 | | streetlight | 32.55 | 38.71 | | booth | 46.68 | 54.65 | | television receiver | 85.09 | 89.06 | | airplane | 80.72 | 90.06 | | dirt track | 15.48 | 31.02 | | apparel | 58.11 | 73.51 | | pole | 27.54 | 39.98 | | land | 7.36 | 13.41 | | bannister | 11.05 | 14.24 | | escalator | 62.71 | 86.43 | | ottoman | 57.16 | 70.91 | | bottle | 42.67 | 73.98 | | buffet | 58.71 | 65.57 | | poster | 24.64 | 29.43 | | stage | 30.68 | 60.15 | | van | 49.11 | 65.08 | | ship | 76.61 | 85.64 | | fountain | 50.21 | 51.66 | | conveyer belt | 82.9 | 97.5 | | canopy | 48.81 | 67.26 | | washer | 88.5 | 93.49 | | plaything | 31.25 | 48.04 | | swimming pool | 61.77 | 91.77 | | stool | 51.43 | 65.23 | | barrel | 64.37 | 72.33 | | basket | 46.09 | 54.81 | | waterfall | 50.61 | 58.72 | | tent | 92.93 | 98.75 | | bag | 27.28 | 31.04 | | minibike | 76.14 | 89.76 | | cradle | 82.25 | 98.36 | | oven | 65.7 | 77.16 | | ball | 62.84 | 70.9 | | food | 59.06 | 67.35 | | step | 9.13 | 9.4 | | tank | 68.91 | 78.39 | | trade name | 23.55 | 25.93 | | microwave | 88.67 | 95.31 | | pot | 58.23 | 66.36 | | animal | 68.24 | 70.2 | | bicycle | 57.43 | 75.09 | | lake | 63.2 | 67.59 | | dishwasher | 71.48 | 76.81 | | screen | 50.02 | 64.71 | | blanket | 19.65 | 22.71 | | sculpture | 73.48 | 84.63 | | hood | 60.41 | 70.5 | | sconce | 55.24 | 64.49 | | vase | 45.57 | 59.36 | | traffic light | 35.09 | 46.73 | | tray | 19.51 | 24.3 | | ashcan | 50.14 | 60.36 | | fan | 68.4 | 80.72 | | pier | 42.21 | 46.14 | | crt screen | 2.66 | 3.93 | | plate | 58.57 | 77.51 | | monitor | 69.26 | 83.3 | | bulletin board | 55.54 | 66.8 | | shower | 15.89 | 17.68 | | radiator | 63.43 | 71.86 | | glass | 19.95 | 21.29 | | clock | 51.07 | 62.32 | | flag | 68.59 | 76.09 | +---------------------+-------+-------+ 2024-01-18 22:49:51,879 - mmseg - INFO - Summary: 2024-01-18 22:49:51,879 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.87 | 57.58 | 68.63 | +-------+-------+-------+ 2024-01-18 22:49:51,881 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 22:49:51,881 - mmseg - INFO - Iter(val) [250] aAcc: 0.8587, mIoU: 0.5758, mAcc: 0.6863, IoU.wall: 0.8110, IoU.building: 0.8503, IoU.sky: 0.9486, IoU.floor: 0.8340, IoU.tree: 0.7665, IoU.ceiling: 0.8558, IoU.road: 0.8662, IoU.bed : 0.9181, IoU.windowpane: 0.6618, IoU.grass: 0.6823, IoU.cabinet: 0.6511, IoU.sidewalk: 0.7150, IoU.person: 0.8483, IoU.earth: 0.3961, IoU.door: 0.5715, IoU.table: 0.6873, IoU.mountain: 0.6198, IoU.plant: 0.5550, IoU.curtain: 0.7859, IoU.chair: 0.6573, IoU.car: 0.8709, IoU.water: 0.6203, IoU.painting: 0.7513, IoU.sofa: 0.8038, IoU.shelf: 0.4478, IoU.house: 0.5061, IoU.sea: 0.7073, IoU.mirror: 0.7495, IoU.rug: 0.5901, IoU.field: 0.2892, IoU.armchair: 0.5863, IoU.seat: 0.6857, IoU.fence: 0.4511, IoU.desk: 0.5881, IoU.rock: 0.5194, IoU.wardrobe: 0.5400, IoU.lamp: 0.7512, IoU.bathtub: 0.8396, IoU.railing: 0.3808, IoU.cushion: 0.6808, IoU.base: 0.3875, IoU.box: 0.4010, IoU.column: 0.5527, IoU.signboard: 0.3918, IoU.chest of drawers: 0.4707, IoU.counter: 0.5746, IoU.sand: 0.5811, IoU.sink: 0.8091, IoU.skyscraper: 0.5272, IoU.fireplace: 0.7591, IoU.refrigerator: 0.8347, IoU.grandstand: 0.5811, IoU.path: 0.2978, IoU.stairs: 0.4259, IoU.runway: 0.7355, IoU.case: 0.6242, IoU.pool table: 0.9489, IoU.pillow: 0.6274, IoU.screen door: 0.6037, IoU.stairway: 0.4174, IoU.river: 0.1506, IoU.bridge: 0.6215, IoU.bookcase: 0.4383, IoU.blind: 0.3700, IoU.coffee table: 0.6298, IoU.toilet: 0.9199, IoU.flower: 0.4663, IoU.book: 0.5538, IoU.hill: 0.0663, IoU.bench: 0.6553, IoU.countertop: 0.6713, IoU.stove: 0.8376, IoU.palm: 0.5672, IoU.kitchen island: 0.4893, IoU.computer: 0.7792, IoU.swivel chair: 0.4342, IoU.boat: 0.7521, IoU.bar: 0.7784, IoU.arcade machine: 0.8440, IoU.hovel: 0.1600, IoU.bus: 0.9238, IoU.towel: 0.7623, IoU.light: 0.5784, IoU.truck: 0.4947, IoU.tower: 0.2640, IoU.chandelier: 0.7228, IoU.awning: 0.4204, IoU.streetlight: 0.3255, IoU.booth: 0.4668, IoU.television receiver: 0.8509, IoU.airplane: 0.8072, IoU.dirt track: 0.1548, IoU.apparel: 0.5811, IoU.pole: 0.2754, IoU.land: 0.0736, IoU.bannister: 0.1105, IoU.escalator: 0.6271, IoU.ottoman: 0.5716, IoU.bottle: 0.4267, IoU.buffet: 0.5871, IoU.poster: 0.2464, IoU.stage: 0.3068, IoU.van: 0.4911, IoU.ship: 0.7661, IoU.fountain: 0.5021, IoU.conveyer belt: 0.8290, IoU.canopy: 0.4881, IoU.washer: 0.8850, IoU.plaything: 0.3125, IoU.swimming pool: 0.6177, IoU.stool: 0.5143, IoU.barrel: 0.6437, IoU.basket: 0.4609, IoU.waterfall: 0.5061, IoU.tent: 0.9293, IoU.bag: 0.2728, IoU.minibike: 0.7614, IoU.cradle: 0.8225, IoU.oven: 0.6570, IoU.ball: 0.6284, IoU.food: 0.5906, IoU.step: 0.0913, IoU.tank: 0.6891, IoU.trade name: 0.2355, IoU.microwave: 0.8867, IoU.pot: 0.5823, IoU.animal: 0.6824, IoU.bicycle: 0.5743, IoU.lake: 0.6320, IoU.dishwasher: 0.7148, IoU.screen: 0.5002, IoU.blanket: 0.1965, IoU.sculpture: 0.7348, IoU.hood: 0.6041, IoU.sconce: 0.5524, IoU.vase: 0.4557, IoU.traffic light: 0.3509, IoU.tray: 0.1951, IoU.ashcan: 0.5014, IoU.fan: 0.6840, IoU.pier: 0.4221, IoU.crt screen: 0.0266, IoU.plate: 0.5857, IoU.monitor: 0.6926, IoU.bulletin board: 0.5554, IoU.shower: 0.1589, IoU.radiator: 0.6343, IoU.glass: 0.1995, IoU.clock: 0.5107, IoU.flag: 0.6859, Acc.wall: 0.9109, Acc.building: 0.9426, Acc.sky: 0.9752, Acc.floor: 0.9206, Acc.tree: 0.9042, Acc.ceiling: 0.9100, Acc.road: 0.9226, Acc.bed : 0.9739, Acc.windowpane: 0.8142, Acc.grass: 0.8216, Acc.cabinet: 0.7550, Acc.sidewalk: 0.8471, Acc.person: 0.9440, Acc.earth: 0.5002, Acc.door: 0.7347, Acc.table: 0.7943, Acc.mountain: 0.7422, Acc.plant: 0.6709, Acc.curtain: 0.8848, Acc.chair: 0.7846, Acc.car: 0.9394, Acc.water: 0.7705, Acc.painting: 0.8909, Acc.sofa: 0.9070, Acc.shelf: 0.5710, Acc.house: 0.6361, Acc.sea: 0.8400, Acc.mirror: 0.8419, Acc.rug: 0.6875, Acc.field: 0.4740, Acc.armchair: 0.7580, Acc.seat: 0.8830, Acc.fence: 0.5708, Acc.desk: 0.8003, Acc.rock: 0.7749, Acc.wardrobe: 0.6982, Acc.lamp: 0.8436, Acc.bathtub: 0.8695, Acc.railing: 0.4943, Acc.cushion: 0.7797, Acc.base: 0.4883, Acc.box: 0.4932, Acc.column: 0.6361, Acc.signboard: 0.5244, Acc.chest of drawers: 0.6578, Acc.counter: 0.6399, Acc.sand: 0.8426, Acc.sink: 0.8768, Acc.skyscraper: 0.6199, Acc.fireplace: 0.9138, Acc.refrigerator: 0.9052, Acc.grandstand: 0.8586, Acc.path: 0.4048, Acc.stairs: 0.4859, Acc.runway: 0.9654, Acc.case: 0.8086, Acc.pool table: 0.9777, Acc.pillow: 0.7178, Acc.screen door: 0.6354, Acc.stairway: 0.5478, Acc.river: 0.3125, Acc.bridge: 0.7093, Acc.bookcase: 0.6165, Acc.blind: 0.4269, Acc.coffee table: 0.8425, Acc.toilet: 0.9572, Acc.flower: 0.5852, Acc.book: 0.7719, Acc.hill: 0.1001, Acc.bench: 0.7207, Acc.countertop: 0.8144, Acc.stove: 0.8994, Acc.palm: 0.7651, Acc.kitchen island: 0.6180, Acc.computer: 0.9041, Acc.swivel chair: 0.5883, Acc.boat: 0.8987, Acc.bar: 0.8748, Acc.arcade machine: 0.8915, Acc.hovel: 0.1756, Acc.bus: 0.9594, Acc.towel: 0.8590, Acc.light: 0.6528, Acc.truck: 0.6065, Acc.tower: 0.4120, Acc.chandelier: 0.8219, Acc.awning: 0.5083, Acc.streetlight: 0.3871, Acc.booth: 0.5465, Acc.television receiver: 0.8906, Acc.airplane: 0.9006, Acc.dirt track: 0.3102, Acc.apparel: 0.7351, Acc.pole: 0.3998, Acc.land: 0.1341, Acc.bannister: 0.1424, Acc.escalator: 0.8643, Acc.ottoman: 0.7091, Acc.bottle: 0.7398, Acc.buffet: 0.6557, Acc.poster: 0.2943, Acc.stage: 0.6015, Acc.van: 0.6508, Acc.ship: 0.8564, Acc.fountain: 0.5166, Acc.conveyer belt: 0.9750, Acc.canopy: 0.6726, Acc.washer: 0.9349, Acc.plaything: 0.4804, Acc.swimming pool: 0.9177, Acc.stool: 0.6523, Acc.barrel: 0.7233, Acc.basket: 0.5481, Acc.waterfall: 0.5872, Acc.tent: 0.9875, Acc.bag: 0.3104, Acc.minibike: 0.8976, Acc.cradle: 0.9836, Acc.oven: 0.7716, Acc.ball: 0.7090, Acc.food: 0.6735, Acc.step: 0.0940, Acc.tank: 0.7839, Acc.trade name: 0.2593, Acc.microwave: 0.9531, Acc.pot: 0.6636, Acc.animal: 0.7020, Acc.bicycle: 0.7509, Acc.lake: 0.6759, Acc.dishwasher: 0.7681, Acc.screen: 0.6471, Acc.blanket: 0.2271, Acc.sculpture: 0.8463, Acc.hood: 0.7050, Acc.sconce: 0.6449, Acc.vase: 0.5936, Acc.traffic light: 0.4673, Acc.tray: 0.2430, Acc.ashcan: 0.6036, Acc.fan: 0.8072, Acc.pier: 0.4614, Acc.crt screen: 0.0393, Acc.plate: 0.7751, Acc.monitor: 0.8330, Acc.bulletin board: 0.6680, Acc.shower: 0.1768, Acc.radiator: 0.7186, Acc.glass: 0.2129, Acc.clock: 0.6232, Acc.flag: 0.7609 2024-01-18 22:50:52,767 - mmseg - INFO - Iter [67050/80000] lr: 6.475e-06, eta: 5:05:43, time: 4.343, data_time: 3.141, memory: 59004, decode.loss_ce: 0.1048, decode.acc_seg: 95.1852, aux.loss_ce: 0.0580, aux.acc_seg: 93.6290, loss: 0.1628 2024-01-18 22:51:53,103 - mmseg - INFO - Iter [67100/80000] lr: 6.450e-06, eta: 5:04:30, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0979, decode.acc_seg: 95.4915, aux.loss_ce: 0.0548, aux.acc_seg: 93.8795, loss: 0.1527 2024-01-18 22:52:53,516 - mmseg - INFO - Iter [67150/80000] lr: 6.425e-06, eta: 5:03:17, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0987, decode.acc_seg: 95.5386, aux.loss_ce: 0.0551, aux.acc_seg: 94.0673, loss: 0.1539 2024-01-18 22:53:53,837 - mmseg - INFO - Iter [67200/80000] lr: 6.401e-06, eta: 5:02:04, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1015, decode.acc_seg: 95.3636, aux.loss_ce: 0.0569, aux.acc_seg: 93.8001, loss: 0.1584 2024-01-18 22:54:54,090 - mmseg - INFO - Iter [67250/80000] lr: 6.376e-06, eta: 5:00:52, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1051, decode.acc_seg: 95.1589, aux.loss_ce: 0.0584, aux.acc_seg: 93.5998, loss: 0.1635 2024-01-18 22:55:54,374 - mmseg - INFO - Iter [67300/80000] lr: 6.351e-06, eta: 4:59:39, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1005, decode.acc_seg: 95.2932, aux.loss_ce: 0.0558, aux.acc_seg: 93.7758, loss: 0.1563 2024-01-18 22:56:54,645 - mmseg - INFO - Iter [67350/80000] lr: 6.326e-06, eta: 4:58:26, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0997, decode.acc_seg: 95.4907, aux.loss_ce: 0.0557, aux.acc_seg: 93.9178, loss: 0.1554 2024-01-18 22:57:55,027 - mmseg - INFO - Iter [67400/80000] lr: 6.301e-06, eta: 4:57:13, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1041, decode.acc_seg: 95.0564, aux.loss_ce: 0.0569, aux.acc_seg: 93.6813, loss: 0.1610 2024-01-18 22:58:55,379 - mmseg - INFO - Iter [67450/80000] lr: 6.275e-06, eta: 4:56:01, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1062, decode.acc_seg: 95.0758, aux.loss_ce: 0.0582, aux.acc_seg: 93.6210, loss: 0.1644 2024-01-18 22:59:55,727 - mmseg - INFO - Iter [67500/80000] lr: 6.250e-06, eta: 4:54:48, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1017, decode.acc_seg: 95.3899, aux.loss_ce: 0.0580, aux.acc_seg: 93.6764, loss: 0.1598 2024-01-18 23:00:55,990 - mmseg - INFO - Iter [67550/80000] lr: 6.225e-06, eta: 4:53:35, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1030, decode.acc_seg: 95.2538, aux.loss_ce: 0.0582, aux.acc_seg: 93.5882, loss: 0.1612 2024-01-18 23:01:56,365 - mmseg - INFO - Iter [67600/80000] lr: 6.201e-06, eta: 4:52:23, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1035, decode.acc_seg: 95.2702, aux.loss_ce: 0.0577, aux.acc_seg: 93.7246, loss: 0.1612 2024-01-18 23:02:56,899 - mmseg - INFO - Iter [67650/80000] lr: 6.176e-06, eta: 4:51:10, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1053, decode.acc_seg: 95.2349, aux.loss_ce: 0.0578, aux.acc_seg: 93.8426, loss: 0.1631 2024-01-18 23:03:57,223 - mmseg - INFO - Iter [67700/80000] lr: 6.151e-06, eta: 4:49:57, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0996, decode.acc_seg: 95.4944, aux.loss_ce: 0.0559, aux.acc_seg: 93.9689, loss: 0.1556 2024-01-18 23:04:57,489 - mmseg - INFO - Iter [67750/80000] lr: 6.126e-06, eta: 4:48:45, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1034, decode.acc_seg: 95.1888, aux.loss_ce: 0.0568, aux.acc_seg: 93.7085, loss: 0.1602 2024-01-18 23:05:57,795 - mmseg - INFO - Iter [67800/80000] lr: 6.101e-06, eta: 4:47:32, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1019, decode.acc_seg: 95.2636, aux.loss_ce: 0.0559, aux.acc_seg: 93.8371, loss: 0.1578 2024-01-18 23:06:58,129 - mmseg - INFO - Iter [67850/80000] lr: 6.075e-06, eta: 4:46:20, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1048, decode.acc_seg: 95.1345, aux.loss_ce: 0.0582, aux.acc_seg: 93.6329, loss: 0.1630 2024-01-18 23:07:58,399 - mmseg - INFO - Iter [67900/80000] lr: 6.050e-06, eta: 4:45:07, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1096, decode.acc_seg: 95.0514, aux.loss_ce: 0.0600, aux.acc_seg: 93.4613, loss: 0.1696 2024-01-18 23:08:58,733 - mmseg - INFO - Iter [67950/80000] lr: 6.025e-06, eta: 4:43:55, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1049, decode.acc_seg: 95.2133, aux.loss_ce: 0.0583, aux.acc_seg: 93.6114, loss: 0.1633 2024-01-18 23:09:58,961 - mmseg - INFO - Saving checkpoint at 68000 iterations 2024-01-18 23:10:45,479 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 23:10:45,479 - mmseg - INFO - Iter [68000/80000] lr: 6.001e-06, eta: 4:42:50, time: 2.135, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1023, decode.acc_seg: 95.1364, aux.loss_ce: 0.0561, aux.acc_seg: 93.6545, loss: 0.1584 2024-01-18 23:13:23,568 - mmseg - INFO - per class results: 2024-01-18 23:13:23,574 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.3 | 90.7 | | building | 85.41 | 94.12 | | sky | 94.9 | 97.59 | | floor | 83.45 | 92.39 | | tree | 76.73 | 89.51 | | ceiling | 86.15 | 93.76 | | road | 87.11 | 91.9 | | bed | 91.99 | 97.3 | | windowpane | 65.79 | 82.55 | | grass | 67.96 | 78.69 | | cabinet | 65.65 | 74.8 | | sidewalk | 72.03 | 85.94 | | person | 84.55 | 94.69 | | earth | 40.75 | 56.89 | | door | 56.08 | 68.26 | | table | 68.5 | 80.06 | | mountain | 62.69 | 73.73 | | plant | 56.3 | 68.26 | | curtain | 79.13 | 88.31 | | chair | 66.2 | 77.49 | | car | 86.99 | 93.96 | | water | 64.47 | 81.25 | | painting | 75.41 | 87.71 | | sofa | 80.83 | 89.32 | | shelf | 45.57 | 63.57 | | house | 50.11 | 63.24 | | sea | 74.22 | 83.57 | | mirror | 75.81 | 83.74 | | rug | 59.1 | 68.17 | | field | 34.24 | 48.94 | | armchair | 59.2 | 75.78 | | seat | 70.66 | 87.99 | | fence | 45.83 | 56.65 | | desk | 60.45 | 80.09 | | rock | 53.04 | 79.44 | | wardrobe | 54.62 | 70.39 | | lamp | 75.19 | 86.13 | | bathtub | 83.98 | 87.31 | | railing | 38.92 | 51.09 | | cushion | 68.59 | 80.89 | | base | 41.29 | 54.08 | | box | 39.56 | 47.53 | | column | 56.52 | 65.24 | | signboard | 38.71 | 50.01 | | chest of drawers | 49.02 | 73.72 | | counter | 57.36 | 63.98 | | sand | 57.64 | 84.22 | | sink | 82.3 | 90.11 | | skyscraper | 54.52 | 65.18 | | fireplace | 77.42 | 91.44 | | refrigerator | 82.84 | 90.82 | | grandstand | 58.23 | 83.78 | | path | 28.88 | 40.03 | | stairs | 43.72 | 51.84 | | runway | 73.81 | 95.97 | | case | 63.62 | 81.49 | | pool table | 94.72 | 97.82 | | pillow | 63.02 | 71.54 | | screen door | 77.3 | 83.82 | | stairway | 42.79 | 57.91 | | river | 13.88 | 27.68 | | bridge | 64.63 | 71.87 | | bookcase | 44.57 | 64.58 | | blind | 35.59 | 39.85 | | coffee table | 61.38 | 86.95 | | toilet | 92.11 | 95.47 | | flower | 47.86 | 62.69 | | book | 55.22 | 75.68 | | hill | 6.44 | 11.63 | | bench | 66.55 | 74.56 | | countertop | 66.51 | 80.73 | | stove | 83.75 | 89.17 | | palm | 56.31 | 78.95 | | kitchen island | 48.86 | 68.78 | | computer | 77.88 | 88.74 | | swivel chair | 44.25 | 62.16 | | boat | 73.35 | 89.42 | | bar | 76.85 | 88.8 | | arcade machine | 84.69 | 88.47 | | hovel | 14.1 | 15.4 | | bus | 92.58 | 96.03 | | towel | 77.4 | 86.28 | | light | 58.34 | 65.19 | | truck | 50.16 | 60.08 | | tower | 29.69 | 46.12 | | chandelier | 72.57 | 80.99 | | awning | 41.38 | 49.21 | | streetlight | 33.4 | 39.83 | | booth | 44.92 | 52.83 | | television receiver | 85.22 | 89.39 | | airplane | 76.18 | 83.49 | | dirt track | 13.25 | 23.98 | | apparel | 58.06 | 74.67 | | pole | 25.1 | 35.41 | | land | 4.58 | 6.84 | | bannister | 11.41 | 15.08 | | escalator | 62.21 | 86.79 | | ottoman | 56.16 | 68.16 | | bottle | 42.31 | 73.0 | | buffet | 59.54 | 66.3 | | poster | 23.48 | 28.13 | | stage | 32.85 | 65.64 | | van | 49.17 | 64.4 | | ship | 72.2 | 80.87 | | fountain | 50.55 | 51.98 | | conveyer belt | 82.01 | 97.57 | | canopy | 51.2 | 70.85 | | washer | 88.01 | 92.91 | | plaything | 35.45 | 50.01 | | swimming pool | 61.51 | 91.78 | | stool | 50.11 | 65.22 | | barrel | 65.15 | 70.98 | | basket | 45.85 | 56.0 | | waterfall | 51.29 | 58.71 | | tent | 94.76 | 98.41 | | bag | 29.06 | 32.56 | | minibike | 75.62 | 88.72 | | cradle | 83.76 | 97.59 | | oven | 63.58 | 76.74 | | ball | 60.18 | 66.66 | | food | 58.73 | 65.33 | | step | 11.56 | 12.07 | | tank | 62.67 | 70.26 | | trade name | 19.35 | 20.76 | | microwave | 88.58 | 94.95 | | pot | 57.21 | 65.1 | | animal | 66.43 | 68.32 | | bicycle | 57.41 | 71.94 | | lake | 61.31 | 65.04 | | dishwasher | 72.46 | 76.61 | | screen | 51.39 | 67.03 | | blanket | 22.06 | 25.57 | | sculpture | 69.72 | 85.26 | | hood | 59.75 | 70.02 | | sconce | 55.75 | 66.1 | | vase | 45.1 | 58.42 | | traffic light | 35.83 | 51.33 | | tray | 21.61 | 29.35 | | ashcan | 49.55 | 59.33 | | fan | 68.44 | 79.44 | | pier | 42.99 | 47.1 | | crt screen | 4.53 | 7.07 | | plate | 55.92 | 79.42 | | monitor | 67.24 | 82.21 | | bulletin board | 58.3 | 70.25 | | shower | 17.31 | 19.74 | | radiator | 64.63 | 70.37 | | glass | 21.46 | 23.36 | | clock | 50.97 | 60.34 | | flag | 66.73 | 74.19 | +---------------------+-------+-------+ 2024-01-18 23:13:23,574 - mmseg - INFO - Summary: 2024-01-18 23:13:23,575 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.04 | 57.82 | 68.93 | +-------+-------+-------+ 2024-01-18 23:13:23,575 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 23:13:23,576 - mmseg - INFO - Iter(val) [250] aAcc: 0.8604, mIoU: 0.5782, mAcc: 0.6893, IoU.wall: 0.8130, IoU.building: 0.8541, IoU.sky: 0.9490, IoU.floor: 0.8345, IoU.tree: 0.7673, IoU.ceiling: 0.8615, IoU.road: 0.8711, IoU.bed : 0.9199, IoU.windowpane: 0.6579, IoU.grass: 0.6796, IoU.cabinet: 0.6565, IoU.sidewalk: 0.7203, IoU.person: 0.8455, IoU.earth: 0.4075, IoU.door: 0.5608, IoU.table: 0.6850, IoU.mountain: 0.6269, IoU.plant: 0.5630, IoU.curtain: 0.7913, IoU.chair: 0.6620, IoU.car: 0.8699, IoU.water: 0.6447, IoU.painting: 0.7541, IoU.sofa: 0.8083, IoU.shelf: 0.4557, IoU.house: 0.5011, IoU.sea: 0.7422, IoU.mirror: 0.7581, IoU.rug: 0.5910, IoU.field: 0.3424, IoU.armchair: 0.5920, IoU.seat: 0.7066, IoU.fence: 0.4583, IoU.desk: 0.6045, IoU.rock: 0.5304, IoU.wardrobe: 0.5462, IoU.lamp: 0.7519, IoU.bathtub: 0.8398, IoU.railing: 0.3892, IoU.cushion: 0.6859, IoU.base: 0.4129, IoU.box: 0.3956, IoU.column: 0.5652, IoU.signboard: 0.3871, IoU.chest of drawers: 0.4902, IoU.counter: 0.5736, IoU.sand: 0.5764, IoU.sink: 0.8230, IoU.skyscraper: 0.5452, IoU.fireplace: 0.7742, IoU.refrigerator: 0.8284, IoU.grandstand: 0.5823, IoU.path: 0.2888, IoU.stairs: 0.4372, IoU.runway: 0.7381, IoU.case: 0.6362, IoU.pool table: 0.9472, IoU.pillow: 0.6302, IoU.screen door: 0.7730, IoU.stairway: 0.4279, IoU.river: 0.1388, IoU.bridge: 0.6463, IoU.bookcase: 0.4457, IoU.blind: 0.3559, IoU.coffee table: 0.6138, IoU.toilet: 0.9211, IoU.flower: 0.4786, IoU.book: 0.5522, IoU.hill: 0.0644, IoU.bench: 0.6655, IoU.countertop: 0.6651, IoU.stove: 0.8375, IoU.palm: 0.5631, IoU.kitchen island: 0.4886, IoU.computer: 0.7788, IoU.swivel chair: 0.4425, IoU.boat: 0.7335, IoU.bar: 0.7685, IoU.arcade machine: 0.8469, IoU.hovel: 0.1410, IoU.bus: 0.9258, IoU.towel: 0.7740, IoU.light: 0.5834, IoU.truck: 0.5016, IoU.tower: 0.2969, IoU.chandelier: 0.7257, IoU.awning: 0.4138, IoU.streetlight: 0.3340, IoU.booth: 0.4492, IoU.television receiver: 0.8522, IoU.airplane: 0.7618, IoU.dirt track: 0.1325, IoU.apparel: 0.5806, IoU.pole: 0.2510, IoU.land: 0.0458, IoU.bannister: 0.1141, IoU.escalator: 0.6221, IoU.ottoman: 0.5616, IoU.bottle: 0.4231, IoU.buffet: 0.5954, IoU.poster: 0.2348, IoU.stage: 0.3285, IoU.van: 0.4917, IoU.ship: 0.7220, IoU.fountain: 0.5055, IoU.conveyer belt: 0.8201, IoU.canopy: 0.5120, IoU.washer: 0.8801, IoU.plaything: 0.3545, IoU.swimming pool: 0.6151, IoU.stool: 0.5011, IoU.barrel: 0.6515, IoU.basket: 0.4585, IoU.waterfall: 0.5129, IoU.tent: 0.9476, IoU.bag: 0.2906, IoU.minibike: 0.7562, IoU.cradle: 0.8376, IoU.oven: 0.6358, IoU.ball: 0.6018, IoU.food: 0.5873, IoU.step: 0.1156, IoU.tank: 0.6267, IoU.trade name: 0.1935, IoU.microwave: 0.8858, IoU.pot: 0.5721, IoU.animal: 0.6643, IoU.bicycle: 0.5741, IoU.lake: 0.6131, IoU.dishwasher: 0.7246, IoU.screen: 0.5139, IoU.blanket: 0.2206, IoU.sculpture: 0.6972, IoU.hood: 0.5975, IoU.sconce: 0.5575, IoU.vase: 0.4510, IoU.traffic light: 0.3583, IoU.tray: 0.2161, IoU.ashcan: 0.4955, IoU.fan: 0.6844, IoU.pier: 0.4299, IoU.crt screen: 0.0453, IoU.plate: 0.5592, IoU.monitor: 0.6724, IoU.bulletin board: 0.5830, IoU.shower: 0.1731, IoU.radiator: 0.6463, IoU.glass: 0.2146, IoU.clock: 0.5097, IoU.flag: 0.6673, Acc.wall: 0.9070, Acc.building: 0.9412, Acc.sky: 0.9759, Acc.floor: 0.9239, Acc.tree: 0.8951, Acc.ceiling: 0.9376, Acc.road: 0.9190, Acc.bed : 0.9730, Acc.windowpane: 0.8255, Acc.grass: 0.7869, Acc.cabinet: 0.7480, Acc.sidewalk: 0.8594, Acc.person: 0.9469, Acc.earth: 0.5689, Acc.door: 0.6826, Acc.table: 0.8006, Acc.mountain: 0.7373, Acc.plant: 0.6826, Acc.curtain: 0.8831, Acc.chair: 0.7749, Acc.car: 0.9396, Acc.water: 0.8125, Acc.painting: 0.8771, Acc.sofa: 0.8932, Acc.shelf: 0.6357, Acc.house: 0.6324, Acc.sea: 0.8357, Acc.mirror: 0.8374, Acc.rug: 0.6817, Acc.field: 0.4894, Acc.armchair: 0.7578, Acc.seat: 0.8799, Acc.fence: 0.5665, Acc.desk: 0.8009, Acc.rock: 0.7944, Acc.wardrobe: 0.7039, Acc.lamp: 0.8613, Acc.bathtub: 0.8731, Acc.railing: 0.5109, Acc.cushion: 0.8089, Acc.base: 0.5408, Acc.box: 0.4753, Acc.column: 0.6524, Acc.signboard: 0.5001, Acc.chest of drawers: 0.7372, Acc.counter: 0.6398, Acc.sand: 0.8422, Acc.sink: 0.9011, Acc.skyscraper: 0.6518, Acc.fireplace: 0.9144, Acc.refrigerator: 0.9082, Acc.grandstand: 0.8378, Acc.path: 0.4003, Acc.stairs: 0.5184, Acc.runway: 0.9597, Acc.case: 0.8149, Acc.pool table: 0.9782, Acc.pillow: 0.7154, Acc.screen door: 0.8382, Acc.stairway: 0.5791, Acc.river: 0.2768, Acc.bridge: 0.7187, Acc.bookcase: 0.6458, Acc.blind: 0.3985, Acc.coffee table: 0.8695, Acc.toilet: 0.9547, Acc.flower: 0.6269, Acc.book: 0.7568, Acc.hill: 0.1163, Acc.bench: 0.7456, Acc.countertop: 0.8073, Acc.stove: 0.8917, Acc.palm: 0.7895, Acc.kitchen island: 0.6878, Acc.computer: 0.8874, Acc.swivel chair: 0.6216, Acc.boat: 0.8942, Acc.bar: 0.8880, Acc.arcade machine: 0.8847, Acc.hovel: 0.1540, Acc.bus: 0.9603, Acc.towel: 0.8628, Acc.light: 0.6519, Acc.truck: 0.6008, Acc.tower: 0.4612, Acc.chandelier: 0.8099, Acc.awning: 0.4921, Acc.streetlight: 0.3983, Acc.booth: 0.5283, Acc.television receiver: 0.8939, Acc.airplane: 0.8349, Acc.dirt track: 0.2398, Acc.apparel: 0.7467, Acc.pole: 0.3541, Acc.land: 0.0684, Acc.bannister: 0.1508, Acc.escalator: 0.8679, Acc.ottoman: 0.6816, Acc.bottle: 0.7300, Acc.buffet: 0.6630, Acc.poster: 0.2813, Acc.stage: 0.6564, Acc.van: 0.6440, Acc.ship: 0.8087, Acc.fountain: 0.5198, Acc.conveyer belt: 0.9757, Acc.canopy: 0.7085, Acc.washer: 0.9291, Acc.plaything: 0.5001, Acc.swimming pool: 0.9178, Acc.stool: 0.6522, Acc.barrel: 0.7098, Acc.basket: 0.5600, Acc.waterfall: 0.5871, Acc.tent: 0.9841, Acc.bag: 0.3256, Acc.minibike: 0.8872, Acc.cradle: 0.9759, Acc.oven: 0.7674, Acc.ball: 0.6666, Acc.food: 0.6533, Acc.step: 0.1207, Acc.tank: 0.7026, Acc.trade name: 0.2076, Acc.microwave: 0.9495, Acc.pot: 0.6510, Acc.animal: 0.6832, Acc.bicycle: 0.7194, Acc.lake: 0.6504, Acc.dishwasher: 0.7661, Acc.screen: 0.6703, Acc.blanket: 0.2557, Acc.sculpture: 0.8526, Acc.hood: 0.7002, Acc.sconce: 0.6610, Acc.vase: 0.5842, Acc.traffic light: 0.5133, Acc.tray: 0.2935, Acc.ashcan: 0.5933, Acc.fan: 0.7944, Acc.pier: 0.4710, Acc.crt screen: 0.0707, Acc.plate: 0.7942, Acc.monitor: 0.8221, Acc.bulletin board: 0.7025, Acc.shower: 0.1974, Acc.radiator: 0.7037, Acc.glass: 0.2336, Acc.clock: 0.6034, Acc.flag: 0.7419 2024-01-18 23:14:24,236 - mmseg - INFO - Iter [68050/80000] lr: 5.976e-06, eta: 4:42:06, time: 4.375, data_time: 3.178, memory: 59004, decode.loss_ce: 0.1134, decode.acc_seg: 94.9383, aux.loss_ce: 0.0619, aux.acc_seg: 93.2978, loss: 0.1753 2024-01-18 23:15:24,437 - mmseg - INFO - Iter [68100/80000] lr: 5.951e-06, eta: 4:40:53, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1044, decode.acc_seg: 95.1385, aux.loss_ce: 0.0573, aux.acc_seg: 93.5921, loss: 0.1617 2024-01-18 23:16:24,975 - mmseg - INFO - Iter [68150/80000] lr: 5.926e-06, eta: 4:39:40, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1024, decode.acc_seg: 95.3462, aux.loss_ce: 0.0573, aux.acc_seg: 93.8169, loss: 0.1597 2024-01-18 23:17:25,478 - mmseg - INFO - Iter [68200/80000] lr: 5.901e-06, eta: 4:38:28, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1031, decode.acc_seg: 95.2791, aux.loss_ce: 0.0567, aux.acc_seg: 93.7787, loss: 0.1598 2024-01-18 23:18:27,944 - mmseg - INFO - Iter [68250/80000] lr: 5.875e-06, eta: 4:37:15, time: 1.249, data_time: 0.051, memory: 59004, decode.loss_ce: 0.0973, decode.acc_seg: 95.5628, aux.loss_ce: 0.0536, aux.acc_seg: 94.1232, loss: 0.1509 2024-01-18 23:19:28,065 - mmseg - INFO - Iter [68300/80000] lr: 5.850e-06, eta: 4:36:03, time: 1.202, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0978, decode.acc_seg: 95.5555, aux.loss_ce: 0.0545, aux.acc_seg: 94.0558, loss: 0.1523 2024-01-18 23:20:28,263 - mmseg - INFO - Iter [68350/80000] lr: 5.825e-06, eta: 4:34:50, time: 1.204, data_time: 0.007, memory: 59004, decode.loss_ce: 0.1012, decode.acc_seg: 95.1805, aux.loss_ce: 0.0556, aux.acc_seg: 93.6578, loss: 0.1568 2024-01-18 23:21:28,445 - mmseg - INFO - Iter [68400/80000] lr: 5.800e-06, eta: 4:33:38, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1030, decode.acc_seg: 95.1697, aux.loss_ce: 0.0566, aux.acc_seg: 93.6770, loss: 0.1596 2024-01-18 23:22:28,706 - mmseg - INFO - Iter [68450/80000] lr: 5.776e-06, eta: 4:32:25, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1019, decode.acc_seg: 95.2858, aux.loss_ce: 0.0557, aux.acc_seg: 93.8330, loss: 0.1576 2024-01-18 23:23:29,117 - mmseg - INFO - Iter [68500/80000] lr: 5.751e-06, eta: 4:31:13, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0990, decode.acc_seg: 95.3957, aux.loss_ce: 0.0550, aux.acc_seg: 93.8627, loss: 0.1541 2024-01-18 23:24:29,287 - mmseg - INFO - Iter [68550/80000] lr: 5.726e-06, eta: 4:30:00, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1062, decode.acc_seg: 95.0754, aux.loss_ce: 0.0575, aux.acc_seg: 93.5689, loss: 0.1637 2024-01-18 23:25:29,553 - mmseg - INFO - Iter [68600/80000] lr: 5.701e-06, eta: 4:28:48, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1063, decode.acc_seg: 95.1955, aux.loss_ce: 0.0591, aux.acc_seg: 93.6126, loss: 0.1655 2024-01-18 23:26:29,905 - mmseg - INFO - Iter [68650/80000] lr: 5.676e-06, eta: 4:27:35, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1075, decode.acc_seg: 95.2425, aux.loss_ce: 0.0585, aux.acc_seg: 93.7794, loss: 0.1661 2024-01-18 23:27:30,450 - mmseg - INFO - Iter [68700/80000] lr: 5.650e-06, eta: 4:26:23, time: 1.211, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1012, decode.acc_seg: 95.4008, aux.loss_ce: 0.0566, aux.acc_seg: 93.8036, loss: 0.1578 2024-01-18 23:28:30,782 - mmseg - INFO - Iter [68750/80000] lr: 5.625e-06, eta: 4:25:10, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1091, decode.acc_seg: 95.2277, aux.loss_ce: 0.0563, aux.acc_seg: 93.8192, loss: 0.1654 2024-01-18 23:29:31,106 - mmseg - INFO - Iter [68800/80000] lr: 5.600e-06, eta: 4:23:58, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1065, decode.acc_seg: 95.1430, aux.loss_ce: 0.0579, aux.acc_seg: 93.6811, loss: 0.1644 2024-01-18 23:30:31,341 - mmseg - INFO - Iter [68850/80000] lr: 5.576e-06, eta: 4:22:46, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0977, decode.acc_seg: 95.5871, aux.loss_ce: 0.0547, aux.acc_seg: 94.0928, loss: 0.1524 2024-01-18 23:31:31,574 - mmseg - INFO - Iter [68900/80000] lr: 5.551e-06, eta: 4:21:33, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1037, decode.acc_seg: 95.1459, aux.loss_ce: 0.0581, aux.acc_seg: 93.4807, loss: 0.1618 2024-01-18 23:32:31,935 - mmseg - INFO - Iter [68950/80000] lr: 5.526e-06, eta: 4:20:21, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1041, decode.acc_seg: 95.1416, aux.loss_ce: 0.0575, aux.acc_seg: 93.6532, loss: 0.1616 2024-01-18 23:33:32,110 - mmseg - INFO - Saving checkpoint at 69000 iterations 2024-01-18 23:34:21,731 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 23:34:21,731 - mmseg - INFO - Iter [69000/80000] lr: 5.501e-06, eta: 4:19:16, time: 2.196, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0994, decode.acc_seg: 95.4020, aux.loss_ce: 0.0555, aux.acc_seg: 93.7768, loss: 0.1549 2024-01-18 23:37:00,723 - mmseg - INFO - per class results: 2024-01-18 23:37:00,735 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.53 | 90.57 | | building | 85.33 | 93.67 | | sky | 94.86 | 97.65 | | floor | 83.15 | 92.37 | | tree | 76.75 | 89.89 | | ceiling | 86.04 | 93.83 | | road | 86.97 | 92.91 | | bed | 92.27 | 97.3 | | windowpane | 65.78 | 81.23 | | grass | 67.68 | 82.29 | | cabinet | 65.26 | 75.47 | | sidewalk | 71.22 | 83.85 | | person | 84.84 | 94.61 | | earth | 39.56 | 52.0 | | door | 57.04 | 67.5 | | table | 69.5 | 79.57 | | mountain | 62.8 | 72.9 | | plant | 55.8 | 66.82 | | curtain | 79.1 | 88.48 | | chair | 65.91 | 77.84 | | car | 87.2 | 93.66 | | water | 64.53 | 80.31 | | painting | 74.95 | 88.94 | | sofa | 81.45 | 90.75 | | shelf | 46.19 | 64.27 | | house | 51.0 | 65.27 | | sea | 74.23 | 83.4 | | mirror | 76.46 | 85.74 | | rug | 56.48 | 64.81 | | field | 31.35 | 51.03 | | armchair | 58.93 | 75.69 | | seat | 69.13 | 88.8 | | fence | 46.51 | 59.51 | | desk | 60.98 | 80.33 | | rock | 53.48 | 79.82 | | wardrobe | 54.56 | 72.53 | | lamp | 74.82 | 85.42 | | bathtub | 83.73 | 87.13 | | railing | 38.74 | 51.07 | | cushion | 68.32 | 81.26 | | base | 42.41 | 53.0 | | box | 40.29 | 49.87 | | column | 54.35 | 60.73 | | signboard | 38.5 | 49.6 | | chest of drawers | 47.86 | 68.32 | | counter | 56.89 | 63.22 | | sand | 56.95 | 82.87 | | sink | 80.56 | 86.92 | | skyscraper | 52.86 | 63.73 | | fireplace | 77.56 | 91.77 | | refrigerator | 84.1 | 92.71 | | grandstand | 57.35 | 85.89 | | path | 28.21 | 36.68 | | stairs | 47.66 | 56.37 | | runway | 72.96 | 96.21 | | case | 63.77 | 81.53 | | pool table | 94.79 | 97.57 | | pillow | 64.41 | 74.32 | | screen door | 77.95 | 85.33 | | stairway | 45.71 | 59.47 | | river | 13.72 | 28.5 | | bridge | 63.48 | 70.17 | | bookcase | 44.71 | 60.29 | | blind | 37.13 | 41.41 | | coffee table | 61.02 | 87.63 | | toilet | 92.25 | 96.11 | | flower | 47.71 | 65.37 | | book | 56.08 | 79.25 | | hill | 5.93 | 10.61 | | bench | 65.78 | 72.99 | | countertop | 67.85 | 85.2 | | stove | 84.73 | 89.53 | | palm | 55.62 | 80.54 | | kitchen island | 47.01 | 71.76 | | computer | 77.55 | 90.16 | | swivel chair | 44.6 | 60.81 | | boat | 70.31 | 91.23 | | bar | 76.83 | 89.26 | | arcade machine | 81.67 | 85.38 | | hovel | 21.11 | 23.04 | | bus | 92.65 | 96.0 | | towel | 77.92 | 87.63 | | light | 57.23 | 64.24 | | truck | 49.58 | 60.2 | | tower | 28.16 | 43.92 | | chandelier | 73.12 | 84.17 | | awning | 39.53 | 47.84 | | streetlight | 33.64 | 42.2 | | booth | 51.56 | 68.07 | | television receiver | 85.54 | 89.56 | | airplane | 76.24 | 84.07 | | dirt track | 11.47 | 20.3 | | apparel | 59.97 | 75.43 | | pole | 23.67 | 34.27 | | land | 4.52 | 6.44 | | bannister | 11.7 | 15.15 | | escalator | 62.03 | 86.67 | | ottoman | 56.35 | 69.07 | | bottle | 42.19 | 71.32 | | buffet | 58.52 | 65.15 | | poster | 24.85 | 30.32 | | stage | 31.37 | 59.46 | | van | 50.96 | 64.65 | | ship | 72.12 | 82.72 | | fountain | 48.95 | 50.32 | | conveyer belt | 83.53 | 97.06 | | canopy | 53.38 | 73.31 | | washer | 88.17 | 94.17 | | plaything | 37.43 | 54.1 | | swimming pool | 61.3 | 90.46 | | stool | 50.24 | 67.5 | | barrel | 63.84 | 70.79 | | basket | 44.96 | 56.24 | | waterfall | 51.48 | 58.2 | | tent | 95.45 | 98.16 | | bag | 28.61 | 33.27 | | minibike | 75.75 | 89.73 | | cradle | 84.61 | 97.94 | | oven | 62.43 | 72.47 | | ball | 58.68 | 64.31 | | food | 58.2 | 65.38 | | step | 10.83 | 11.2 | | tank | 73.43 | 82.59 | | trade name | 21.71 | 23.97 | | microwave | 87.58 | 95.24 | | pot | 57.3 | 64.52 | | animal | 66.97 | 68.78 | | bicycle | 56.86 | 71.92 | | lake | 58.43 | 69.12 | | dishwasher | 75.43 | 80.95 | | screen | 50.96 | 66.25 | | blanket | 27.56 | 33.77 | | sculpture | 64.13 | 85.53 | | hood | 61.72 | 72.69 | | sconce | 56.27 | 66.49 | | vase | 45.86 | 59.18 | | traffic light | 35.77 | 51.45 | | tray | 18.45 | 23.05 | | ashcan | 50.9 | 61.76 | | fan | 69.15 | 81.9 | | pier | 46.75 | 50.92 | | crt screen | 2.66 | 3.93 | | plate | 57.54 | 79.77 | | monitor | 67.68 | 83.14 | | bulletin board | 62.02 | 73.88 | | shower | 17.22 | 19.79 | | radiator | 65.35 | 72.9 | | glass | 21.62 | 23.73 | | clock | 51.89 | 59.14 | | flag | 66.55 | 73.57 | +---------------------+-------+-------+ 2024-01-18 23:37:00,736 - mmseg - INFO - Summary: 2024-01-18 23:37:00,736 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.03 | 57.97 | 69.39 | +-------+-------+-------+ 2024-01-18 23:37:00,738 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 23:37:00,739 - mmseg - INFO - Iter(val) [250] aAcc: 0.8603, mIoU: 0.5797, mAcc: 0.6939, IoU.wall: 0.8153, IoU.building: 0.8533, IoU.sky: 0.9486, IoU.floor: 0.8315, IoU.tree: 0.7675, IoU.ceiling: 0.8604, IoU.road: 0.8697, IoU.bed : 0.9227, IoU.windowpane: 0.6578, IoU.grass: 0.6768, IoU.cabinet: 0.6526, IoU.sidewalk: 0.7122, IoU.person: 0.8484, IoU.earth: 0.3956, IoU.door: 0.5704, IoU.table: 0.6950, IoU.mountain: 0.6280, IoU.plant: 0.5580, IoU.curtain: 0.7910, IoU.chair: 0.6591, IoU.car: 0.8720, IoU.water: 0.6453, IoU.painting: 0.7495, IoU.sofa: 0.8145, IoU.shelf: 0.4619, IoU.house: 0.5100, IoU.sea: 0.7423, IoU.mirror: 0.7646, IoU.rug: 0.5648, IoU.field: 0.3135, IoU.armchair: 0.5893, IoU.seat: 0.6913, IoU.fence: 0.4651, IoU.desk: 0.6098, IoU.rock: 0.5348, IoU.wardrobe: 0.5456, IoU.lamp: 0.7482, IoU.bathtub: 0.8373, IoU.railing: 0.3874, IoU.cushion: 0.6832, IoU.base: 0.4241, IoU.box: 0.4029, IoU.column: 0.5435, IoU.signboard: 0.3850, IoU.chest of drawers: 0.4786, IoU.counter: 0.5689, IoU.sand: 0.5695, IoU.sink: 0.8056, IoU.skyscraper: 0.5286, IoU.fireplace: 0.7756, IoU.refrigerator: 0.8410, IoU.grandstand: 0.5735, IoU.path: 0.2821, IoU.stairs: 0.4766, IoU.runway: 0.7296, IoU.case: 0.6377, IoU.pool table: 0.9479, IoU.pillow: 0.6441, IoU.screen door: 0.7795, IoU.stairway: 0.4571, IoU.river: 0.1372, IoU.bridge: 0.6348, IoU.bookcase: 0.4471, IoU.blind: 0.3713, IoU.coffee table: 0.6102, IoU.toilet: 0.9225, IoU.flower: 0.4771, IoU.book: 0.5608, IoU.hill: 0.0593, IoU.bench: 0.6578, IoU.countertop: 0.6785, IoU.stove: 0.8473, IoU.palm: 0.5562, IoU.kitchen island: 0.4701, IoU.computer: 0.7755, IoU.swivel chair: 0.4460, IoU.boat: 0.7031, IoU.bar: 0.7683, IoU.arcade machine: 0.8167, IoU.hovel: 0.2111, IoU.bus: 0.9265, IoU.towel: 0.7792, IoU.light: 0.5723, IoU.truck: 0.4958, IoU.tower: 0.2816, IoU.chandelier: 0.7312, IoU.awning: 0.3953, IoU.streetlight: 0.3364, IoU.booth: 0.5156, IoU.television receiver: 0.8554, IoU.airplane: 0.7624, IoU.dirt track: 0.1147, IoU.apparel: 0.5997, IoU.pole: 0.2367, IoU.land: 0.0452, IoU.bannister: 0.1170, IoU.escalator: 0.6203, IoU.ottoman: 0.5635, IoU.bottle: 0.4219, IoU.buffet: 0.5852, IoU.poster: 0.2485, IoU.stage: 0.3137, IoU.van: 0.5096, IoU.ship: 0.7212, IoU.fountain: 0.4895, IoU.conveyer belt: 0.8353, IoU.canopy: 0.5338, IoU.washer: 0.8817, IoU.plaything: 0.3743, IoU.swimming pool: 0.6130, IoU.stool: 0.5024, IoU.barrel: 0.6384, IoU.basket: 0.4496, IoU.waterfall: 0.5148, IoU.tent: 0.9545, IoU.bag: 0.2861, IoU.minibike: 0.7575, IoU.cradle: 0.8461, IoU.oven: 0.6243, IoU.ball: 0.5868, IoU.food: 0.5820, IoU.step: 0.1083, IoU.tank: 0.7343, IoU.trade name: 0.2171, IoU.microwave: 0.8758, IoU.pot: 0.5730, IoU.animal: 0.6697, IoU.bicycle: 0.5686, IoU.lake: 0.5843, IoU.dishwasher: 0.7543, IoU.screen: 0.5096, IoU.blanket: 0.2756, IoU.sculpture: 0.6413, IoU.hood: 0.6172, IoU.sconce: 0.5627, IoU.vase: 0.4586, IoU.traffic light: 0.3577, IoU.tray: 0.1845, IoU.ashcan: 0.5090, IoU.fan: 0.6915, IoU.pier: 0.4675, IoU.crt screen: 0.0266, IoU.plate: 0.5754, IoU.monitor: 0.6768, IoU.bulletin board: 0.6202, IoU.shower: 0.1722, IoU.radiator: 0.6535, IoU.glass: 0.2162, IoU.clock: 0.5189, IoU.flag: 0.6655, Acc.wall: 0.9057, Acc.building: 0.9367, Acc.sky: 0.9765, Acc.floor: 0.9237, Acc.tree: 0.8989, Acc.ceiling: 0.9383, Acc.road: 0.9291, Acc.bed : 0.9730, Acc.windowpane: 0.8123, Acc.grass: 0.8229, Acc.cabinet: 0.7547, Acc.sidewalk: 0.8385, Acc.person: 0.9461, Acc.earth: 0.5200, Acc.door: 0.6750, Acc.table: 0.7957, Acc.mountain: 0.7290, Acc.plant: 0.6682, Acc.curtain: 0.8848, Acc.chair: 0.7784, Acc.car: 0.9366, Acc.water: 0.8031, Acc.painting: 0.8894, Acc.sofa: 0.9075, Acc.shelf: 0.6427, Acc.house: 0.6527, Acc.sea: 0.8340, Acc.mirror: 0.8574, Acc.rug: 0.6481, Acc.field: 0.5103, Acc.armchair: 0.7569, Acc.seat: 0.8880, Acc.fence: 0.5951, Acc.desk: 0.8033, Acc.rock: 0.7982, Acc.wardrobe: 0.7253, Acc.lamp: 0.8542, Acc.bathtub: 0.8713, Acc.railing: 0.5107, Acc.cushion: 0.8126, Acc.base: 0.5300, Acc.box: 0.4987, Acc.column: 0.6073, Acc.signboard: 0.4960, Acc.chest of drawers: 0.6832, Acc.counter: 0.6322, Acc.sand: 0.8287, Acc.sink: 0.8692, Acc.skyscraper: 0.6373, Acc.fireplace: 0.9177, Acc.refrigerator: 0.9271, Acc.grandstand: 0.8589, Acc.path: 0.3668, Acc.stairs: 0.5637, Acc.runway: 0.9621, Acc.case: 0.8153, Acc.pool table: 0.9757, Acc.pillow: 0.7432, Acc.screen door: 0.8533, Acc.stairway: 0.5947, Acc.river: 0.2850, Acc.bridge: 0.7017, Acc.bookcase: 0.6029, Acc.blind: 0.4141, Acc.coffee table: 0.8763, Acc.toilet: 0.9611, Acc.flower: 0.6537, Acc.book: 0.7925, Acc.hill: 0.1061, Acc.bench: 0.7299, Acc.countertop: 0.8520, Acc.stove: 0.8953, Acc.palm: 0.8054, Acc.kitchen island: 0.7176, Acc.computer: 0.9016, Acc.swivel chair: 0.6081, Acc.boat: 0.9123, Acc.bar: 0.8926, Acc.arcade machine: 0.8538, Acc.hovel: 0.2304, Acc.bus: 0.9600, Acc.towel: 0.8763, Acc.light: 0.6424, Acc.truck: 0.6020, Acc.tower: 0.4392, Acc.chandelier: 0.8417, Acc.awning: 0.4784, Acc.streetlight: 0.4220, Acc.booth: 0.6807, Acc.television receiver: 0.8956, Acc.airplane: 0.8407, Acc.dirt track: 0.2030, Acc.apparel: 0.7543, Acc.pole: 0.3427, Acc.land: 0.0644, Acc.bannister: 0.1515, Acc.escalator: 0.8667, Acc.ottoman: 0.6907, Acc.bottle: 0.7132, Acc.buffet: 0.6515, Acc.poster: 0.3032, Acc.stage: 0.5946, Acc.van: 0.6465, Acc.ship: 0.8272, Acc.fountain: 0.5032, Acc.conveyer belt: 0.9706, Acc.canopy: 0.7331, Acc.washer: 0.9417, Acc.plaything: 0.5410, Acc.swimming pool: 0.9046, Acc.stool: 0.6750, Acc.barrel: 0.7079, Acc.basket: 0.5624, Acc.waterfall: 0.5820, Acc.tent: 0.9816, Acc.bag: 0.3327, Acc.minibike: 0.8973, Acc.cradle: 0.9794, Acc.oven: 0.7247, Acc.ball: 0.6431, Acc.food: 0.6538, Acc.step: 0.1120, Acc.tank: 0.8259, Acc.trade name: 0.2397, Acc.microwave: 0.9524, Acc.pot: 0.6452, Acc.animal: 0.6878, Acc.bicycle: 0.7192, Acc.lake: 0.6912, Acc.dishwasher: 0.8095, Acc.screen: 0.6625, Acc.blanket: 0.3377, Acc.sculpture: 0.8553, Acc.hood: 0.7269, Acc.sconce: 0.6649, Acc.vase: 0.5918, Acc.traffic light: 0.5145, Acc.tray: 0.2305, Acc.ashcan: 0.6176, Acc.fan: 0.8190, Acc.pier: 0.5092, Acc.crt screen: 0.0393, Acc.plate: 0.7977, Acc.monitor: 0.8314, Acc.bulletin board: 0.7388, Acc.shower: 0.1979, Acc.radiator: 0.7290, Acc.glass: 0.2373, Acc.clock: 0.5914, Acc.flag: 0.7357 2024-01-18 23:38:01,375 - mmseg - INFO - Iter [69050/80000] lr: 5.476e-06, eta: 4:18:29, time: 4.393, data_time: 3.196, memory: 59004, decode.loss_ce: 0.1037, decode.acc_seg: 95.2171, aux.loss_ce: 0.0572, aux.acc_seg: 93.6949, loss: 0.1609 2024-01-18 23:39:01,575 - mmseg - INFO - Iter [69100/80000] lr: 5.450e-06, eta: 4:17:17, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1049, decode.acc_seg: 95.1646, aux.loss_ce: 0.0581, aux.acc_seg: 93.6231, loss: 0.1630 2024-01-18 23:40:01,954 - mmseg - INFO - Iter [69150/80000] lr: 5.425e-06, eta: 4:16:04, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0992, decode.acc_seg: 95.4617, aux.loss_ce: 0.0551, aux.acc_seg: 93.9756, loss: 0.1543 2024-01-18 23:41:02,481 - mmseg - INFO - Iter [69200/80000] lr: 5.400e-06, eta: 4:14:52, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1046, decode.acc_seg: 95.1282, aux.loss_ce: 0.0575, aux.acc_seg: 93.6082, loss: 0.1621 2024-01-18 23:42:02,676 - mmseg - INFO - Iter [69250/80000] lr: 5.376e-06, eta: 4:13:39, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1035, decode.acc_seg: 95.2507, aux.loss_ce: 0.0572, aux.acc_seg: 93.7242, loss: 0.1606 2024-01-18 23:43:02,912 - mmseg - INFO - Iter [69300/80000] lr: 5.351e-06, eta: 4:12:27, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1029, decode.acc_seg: 95.2926, aux.loss_ce: 0.0566, aux.acc_seg: 93.7747, loss: 0.1595 2024-01-18 23:44:03,081 - mmseg - INFO - Iter [69350/80000] lr: 5.326e-06, eta: 4:11:15, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1024, decode.acc_seg: 95.2249, aux.loss_ce: 0.0570, aux.acc_seg: 93.6499, loss: 0.1594 2024-01-18 23:45:03,255 - mmseg - INFO - Iter [69400/80000] lr: 5.301e-06, eta: 4:10:02, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1061, decode.acc_seg: 95.1474, aux.loss_ce: 0.0585, aux.acc_seg: 93.6416, loss: 0.1647 2024-01-18 23:46:03,568 - mmseg - INFO - Iter [69450/80000] lr: 5.276e-06, eta: 4:08:50, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1049, decode.acc_seg: 95.2602, aux.loss_ce: 0.0596, aux.acc_seg: 93.5776, loss: 0.1644 2024-01-18 23:47:06,065 - mmseg - INFO - Iter [69500/80000] lr: 5.250e-06, eta: 4:07:38, time: 1.250, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1028, decode.acc_seg: 95.2884, aux.loss_ce: 0.0571, aux.acc_seg: 93.7469, loss: 0.1599 2024-01-18 23:48:06,435 - mmseg - INFO - Iter [69550/80000] lr: 5.225e-06, eta: 4:06:26, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0975, decode.acc_seg: 95.5827, aux.loss_ce: 0.0540, aux.acc_seg: 94.1490, loss: 0.1514 2024-01-18 23:49:06,553 - mmseg - INFO - Iter [69600/80000] lr: 5.200e-06, eta: 4:05:13, time: 1.202, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1039, decode.acc_seg: 95.3348, aux.loss_ce: 0.0576, aux.acc_seg: 93.8057, loss: 0.1615 2024-01-18 23:50:06,712 - mmseg - INFO - Iter [69650/80000] lr: 5.175e-06, eta: 4:04:01, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1019, decode.acc_seg: 95.3077, aux.loss_ce: 0.0570, aux.acc_seg: 93.7530, loss: 0.1588 2024-01-18 23:51:07,209 - mmseg - INFO - Iter [69700/80000] lr: 5.151e-06, eta: 4:02:49, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1043, decode.acc_seg: 95.1797, aux.loss_ce: 0.0580, aux.acc_seg: 93.6206, loss: 0.1623 2024-01-18 23:52:07,642 - mmseg - INFO - Iter [69750/80000] lr: 5.126e-06, eta: 4:01:36, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0983, decode.acc_seg: 95.5078, aux.loss_ce: 0.0543, aux.acc_seg: 93.9556, loss: 0.1526 2024-01-18 23:53:07,951 - mmseg - INFO - Iter [69800/80000] lr: 5.101e-06, eta: 4:00:24, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1033, decode.acc_seg: 95.2809, aux.loss_ce: 0.0574, aux.acc_seg: 93.7768, loss: 0.1607 2024-01-18 23:54:08,314 - mmseg - INFO - Iter [69850/80000] lr: 5.076e-06, eta: 3:59:12, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1027, decode.acc_seg: 95.3178, aux.loss_ce: 0.0562, aux.acc_seg: 93.7804, loss: 0.1589 2024-01-18 23:55:08,613 - mmseg - INFO - Iter [69900/80000] lr: 5.051e-06, eta: 3:58:00, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1016, decode.acc_seg: 95.3634, aux.loss_ce: 0.0568, aux.acc_seg: 93.7796, loss: 0.1584 2024-01-18 23:56:09,013 - mmseg - INFO - Iter [69950/80000] lr: 5.025e-06, eta: 3:56:48, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1045, decode.acc_seg: 95.3088, aux.loss_ce: 0.0578, aux.acc_seg: 93.6971, loss: 0.1623 2024-01-18 23:57:09,422 - mmseg - INFO - Saving checkpoint at 70000 iterations 2024-01-18 23:57:56,650 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-18 23:57:56,650 - mmseg - INFO - Iter [70000/80000] lr: 5.000e-06, eta: 3:55:42, time: 2.153, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0981, decode.acc_seg: 95.4467, aux.loss_ce: 0.0551, aux.acc_seg: 94.0194, loss: 0.1531 2024-01-19 00:00:36,386 - mmseg - INFO - per class results: 2024-01-19 00:00:36,392 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.55 | 91.15 | | building | 85.03 | 94.27 | | sky | 94.85 | 97.85 | | floor | 83.69 | 92.24 | | tree | 76.38 | 88.44 | | ceiling | 86.18 | 92.73 | | road | 86.77 | 91.87 | | bed | 91.92 | 97.63 | | windowpane | 66.4 | 82.51 | | grass | 67.41 | 82.93 | | cabinet | 65.03 | 75.03 | | sidewalk | 71.9 | 87.04 | | person | 84.57 | 94.93 | | earth | 38.42 | 49.16 | | door | 57.59 | 66.75 | | table | 69.22 | 80.17 | | mountain | 62.62 | 73.45 | | plant | 55.57 | 66.94 | | curtain | 79.3 | 87.79 | | chair | 65.79 | 77.4 | | car | 87.19 | 94.13 | | water | 64.48 | 80.51 | | painting | 74.7 | 89.09 | | sofa | 80.54 | 88.76 | | shelf | 45.66 | 61.9 | | house | 49.85 | 63.02 | | sea | 74.12 | 83.71 | | mirror | 76.23 | 84.72 | | rug | 61.66 | 71.21 | | field | 28.44 | 45.03 | | armchair | 58.93 | 78.92 | | seat | 69.25 | 87.75 | | fence | 45.11 | 56.22 | | desk | 59.88 | 81.48 | | rock | 53.09 | 79.96 | | wardrobe | 54.43 | 71.9 | | lamp | 74.88 | 84.76 | | bathtub | 83.92 | 87.48 | | railing | 38.8 | 50.5 | | cushion | 67.56 | 79.02 | | base | 41.55 | 54.83 | | box | 39.56 | 48.37 | | column | 54.6 | 63.98 | | signboard | 39.31 | 51.44 | | chest of drawers | 47.17 | 66.47 | | counter | 57.63 | 64.85 | | sand | 57.4 | 84.62 | | sink | 81.49 | 88.86 | | skyscraper | 53.33 | 62.64 | | fireplace | 77.45 | 92.11 | | refrigerator | 83.71 | 91.92 | | grandstand | 58.6 | 85.21 | | path | 28.33 | 37.05 | | stairs | 40.72 | 46.91 | | runway | 72.87 | 96.02 | | case | 62.91 | 80.53 | | pool table | 94.87 | 97.68 | | pillow | 62.49 | 70.56 | | screen door | 80.28 | 88.34 | | stairway | 38.23 | 54.67 | | river | 14.14 | 29.19 | | bridge | 63.63 | 70.62 | | bookcase | 44.13 | 60.84 | | blind | 36.29 | 39.53 | | coffee table | 62.78 | 85.38 | | toilet | 92.21 | 96.41 | | flower | 46.84 | 61.54 | | book | 55.75 | 78.86 | | hill | 6.12 | 10.8 | | bench | 66.61 | 74.24 | | countertop | 66.06 | 81.8 | | stove | 84.26 | 89.84 | | palm | 56.13 | 79.45 | | kitchen island | 46.16 | 72.18 | | computer | 77.32 | 89.64 | | swivel chair | 44.85 | 63.23 | | boat | 72.08 | 90.37 | | bar | 76.24 | 89.93 | | arcade machine | 82.39 | 86.83 | | hovel | 15.13 | 16.45 | | bus | 92.56 | 95.99 | | towel | 76.54 | 86.42 | | light | 55.53 | 60.88 | | truck | 49.67 | 59.13 | | tower | 27.61 | 42.92 | | chandelier | 73.14 | 83.36 | | awning | 39.65 | 48.59 | | streetlight | 32.37 | 37.28 | | booth | 49.79 | 58.11 | | television receiver | 85.72 | 90.44 | | airplane | 69.54 | 76.94 | | dirt track | 14.79 | 27.85 | | apparel | 62.54 | 80.0 | | pole | 27.04 | 39.45 | | land | 4.61 | 7.14 | | bannister | 11.88 | 15.66 | | escalator | 62.61 | 86.57 | | ottoman | 56.93 | 72.16 | | bottle | 43.04 | 72.15 | | buffet | 58.43 | 64.95 | | poster | 24.88 | 31.13 | | stage | 31.45 | 64.78 | | van | 49.7 | 64.12 | | ship | 71.37 | 79.76 | | fountain | 49.31 | 50.42 | | conveyer belt | 83.4 | 96.9 | | canopy | 53.97 | 73.94 | | washer | 88.21 | 93.97 | | plaything | 35.07 | 45.84 | | swimming pool | 60.34 | 88.93 | | stool | 51.53 | 64.45 | | barrel | 64.99 | 72.25 | | basket | 45.08 | 55.6 | | waterfall | 49.11 | 54.53 | | tent | 92.39 | 98.69 | | bag | 29.72 | 33.96 | | minibike | 75.92 | 87.98 | | cradle | 83.43 | 98.1 | | oven | 63.33 | 72.52 | | ball | 58.45 | 63.89 | | food | 58.62 | 66.05 | | step | 9.06 | 9.37 | | tank | 64.58 | 72.82 | | trade name | 21.91 | 24.35 | | microwave | 88.11 | 94.83 | | pot | 56.72 | 64.42 | | animal | 66.87 | 68.78 | | bicycle | 56.89 | 73.89 | | lake | 62.15 | 67.8 | | dishwasher | 72.75 | 77.41 | | screen | 51.3 | 66.79 | | blanket | 23.19 | 27.65 | | sculpture | 62.65 | 85.42 | | hood | 60.2 | 69.38 | | sconce | 55.82 | 66.72 | | vase | 46.21 | 61.28 | | traffic light | 35.15 | 51.21 | | tray | 20.17 | 25.89 | | ashcan | 49.81 | 59.78 | | fan | 68.53 | 80.91 | | pier | 44.07 | 48.57 | | crt screen | 2.59 | 3.86 | | plate | 58.8 | 77.99 | | monitor | 68.14 | 85.39 | | bulletin board | 62.04 | 73.51 | | shower | 17.87 | 20.85 | | radiator | 64.72 | 71.76 | | glass | 21.64 | 23.68 | | clock | 52.99 | 59.94 | | flag | 67.2 | 73.26 | +---------------------+-------+-------+ 2024-01-19 00:00:36,392 - mmseg - INFO - Summary: 2024-01-19 00:00:36,392 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.99 | 57.65 | 68.91 | +-------+-------+-------+ 2024-01-19 00:00:36,393 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 00:00:36,393 - mmseg - INFO - Iter(val) [250] aAcc: 0.8599, mIoU: 0.5765, mAcc: 0.6891, IoU.wall: 0.8155, IoU.building: 0.8503, IoU.sky: 0.9485, IoU.floor: 0.8369, IoU.tree: 0.7638, IoU.ceiling: 0.8618, IoU.road: 0.8677, IoU.bed : 0.9192, IoU.windowpane: 0.6640, IoU.grass: 0.6741, IoU.cabinet: 0.6503, IoU.sidewalk: 0.7190, IoU.person: 0.8457, IoU.earth: 0.3842, IoU.door: 0.5759, IoU.table: 0.6922, IoU.mountain: 0.6262, IoU.plant: 0.5557, IoU.curtain: 0.7930, IoU.chair: 0.6579, IoU.car: 0.8719, IoU.water: 0.6448, IoU.painting: 0.7470, IoU.sofa: 0.8054, IoU.shelf: 0.4566, IoU.house: 0.4985, IoU.sea: 0.7412, IoU.mirror: 0.7623, IoU.rug: 0.6166, IoU.field: 0.2844, IoU.armchair: 0.5893, IoU.seat: 0.6925, IoU.fence: 0.4511, IoU.desk: 0.5988, IoU.rock: 0.5309, IoU.wardrobe: 0.5443, IoU.lamp: 0.7488, IoU.bathtub: 0.8392, IoU.railing: 0.3880, IoU.cushion: 0.6756, IoU.base: 0.4155, IoU.box: 0.3956, IoU.column: 0.5460, IoU.signboard: 0.3931, IoU.chest of drawers: 0.4717, IoU.counter: 0.5763, IoU.sand: 0.5740, IoU.sink: 0.8149, IoU.skyscraper: 0.5333, IoU.fireplace: 0.7745, IoU.refrigerator: 0.8371, IoU.grandstand: 0.5860, IoU.path: 0.2833, IoU.stairs: 0.4072, IoU.runway: 0.7287, IoU.case: 0.6291, IoU.pool table: 0.9487, IoU.pillow: 0.6249, IoU.screen door: 0.8028, IoU.stairway: 0.3823, IoU.river: 0.1414, IoU.bridge: 0.6363, IoU.bookcase: 0.4413, IoU.blind: 0.3629, IoU.coffee table: 0.6278, IoU.toilet: 0.9221, IoU.flower: 0.4684, IoU.book: 0.5575, IoU.hill: 0.0612, IoU.bench: 0.6661, IoU.countertop: 0.6606, IoU.stove: 0.8426, IoU.palm: 0.5613, IoU.kitchen island: 0.4616, IoU.computer: 0.7732, IoU.swivel chair: 0.4485, IoU.boat: 0.7208, IoU.bar: 0.7624, IoU.arcade machine: 0.8239, IoU.hovel: 0.1513, IoU.bus: 0.9256, IoU.towel: 0.7654, IoU.light: 0.5553, IoU.truck: 0.4967, IoU.tower: 0.2761, IoU.chandelier: 0.7314, IoU.awning: 0.3965, IoU.streetlight: 0.3237, IoU.booth: 0.4979, IoU.television receiver: 0.8572, IoU.airplane: 0.6954, IoU.dirt track: 0.1479, IoU.apparel: 0.6254, IoU.pole: 0.2704, IoU.land: 0.0461, IoU.bannister: 0.1188, IoU.escalator: 0.6261, IoU.ottoman: 0.5693, IoU.bottle: 0.4304, IoU.buffet: 0.5843, IoU.poster: 0.2488, IoU.stage: 0.3145, IoU.van: 0.4970, IoU.ship: 0.7137, IoU.fountain: 0.4931, IoU.conveyer belt: 0.8340, IoU.canopy: 0.5397, IoU.washer: 0.8821, IoU.plaything: 0.3507, IoU.swimming pool: 0.6034, IoU.stool: 0.5153, IoU.barrel: 0.6499, IoU.basket: 0.4508, IoU.waterfall: 0.4911, IoU.tent: 0.9239, IoU.bag: 0.2972, IoU.minibike: 0.7592, IoU.cradle: 0.8343, IoU.oven: 0.6333, IoU.ball: 0.5845, IoU.food: 0.5862, IoU.step: 0.0906, IoU.tank: 0.6458, IoU.trade name: 0.2191, IoU.microwave: 0.8811, IoU.pot: 0.5672, IoU.animal: 0.6687, IoU.bicycle: 0.5689, IoU.lake: 0.6215, IoU.dishwasher: 0.7275, IoU.screen: 0.5130, IoU.blanket: 0.2319, IoU.sculpture: 0.6265, IoU.hood: 0.6020, IoU.sconce: 0.5582, IoU.vase: 0.4621, IoU.traffic light: 0.3515, IoU.tray: 0.2017, IoU.ashcan: 0.4981, IoU.fan: 0.6853, IoU.pier: 0.4407, IoU.crt screen: 0.0259, IoU.plate: 0.5880, IoU.monitor: 0.6814, IoU.bulletin board: 0.6204, IoU.shower: 0.1787, IoU.radiator: 0.6472, IoU.glass: 0.2164, IoU.clock: 0.5299, IoU.flag: 0.6720, Acc.wall: 0.9115, Acc.building: 0.9427, Acc.sky: 0.9785, Acc.floor: 0.9224, Acc.tree: 0.8844, Acc.ceiling: 0.9273, Acc.road: 0.9187, Acc.bed : 0.9763, Acc.windowpane: 0.8251, Acc.grass: 0.8293, Acc.cabinet: 0.7503, Acc.sidewalk: 0.8704, Acc.person: 0.9493, Acc.earth: 0.4916, Acc.door: 0.6675, Acc.table: 0.8017, Acc.mountain: 0.7345, Acc.plant: 0.6694, Acc.curtain: 0.8779, Acc.chair: 0.7740, Acc.car: 0.9413, Acc.water: 0.8051, Acc.painting: 0.8909, Acc.sofa: 0.8876, Acc.shelf: 0.6190, Acc.house: 0.6302, Acc.sea: 0.8371, Acc.mirror: 0.8472, Acc.rug: 0.7121, Acc.field: 0.4503, Acc.armchair: 0.7892, Acc.seat: 0.8775, Acc.fence: 0.5622, Acc.desk: 0.8148, Acc.rock: 0.7996, Acc.wardrobe: 0.7190, Acc.lamp: 0.8476, Acc.bathtub: 0.8748, Acc.railing: 0.5050, Acc.cushion: 0.7902, Acc.base: 0.5483, Acc.box: 0.4837, Acc.column: 0.6398, Acc.signboard: 0.5144, Acc.chest of drawers: 0.6647, Acc.counter: 0.6485, Acc.sand: 0.8462, Acc.sink: 0.8886, Acc.skyscraper: 0.6264, Acc.fireplace: 0.9211, Acc.refrigerator: 0.9192, Acc.grandstand: 0.8521, Acc.path: 0.3705, Acc.stairs: 0.4691, Acc.runway: 0.9602, Acc.case: 0.8053, Acc.pool table: 0.9768, Acc.pillow: 0.7056, Acc.screen door: 0.8834, Acc.stairway: 0.5467, Acc.river: 0.2919, Acc.bridge: 0.7062, Acc.bookcase: 0.6084, Acc.blind: 0.3953, Acc.coffee table: 0.8538, Acc.toilet: 0.9641, Acc.flower: 0.6154, Acc.book: 0.7886, Acc.hill: 0.1080, Acc.bench: 0.7424, Acc.countertop: 0.8180, Acc.stove: 0.8984, Acc.palm: 0.7945, Acc.kitchen island: 0.7218, Acc.computer: 0.8964, Acc.swivel chair: 0.6323, Acc.boat: 0.9037, Acc.bar: 0.8993, Acc.arcade machine: 0.8683, Acc.hovel: 0.1645, Acc.bus: 0.9599, Acc.towel: 0.8642, Acc.light: 0.6088, Acc.truck: 0.5913, Acc.tower: 0.4292, Acc.chandelier: 0.8336, Acc.awning: 0.4859, Acc.streetlight: 0.3728, Acc.booth: 0.5811, Acc.television receiver: 0.9044, Acc.airplane: 0.7694, Acc.dirt track: 0.2785, Acc.apparel: 0.8000, Acc.pole: 0.3945, Acc.land: 0.0714, Acc.bannister: 0.1566, Acc.escalator: 0.8657, Acc.ottoman: 0.7216, Acc.bottle: 0.7215, Acc.buffet: 0.6495, Acc.poster: 0.3113, Acc.stage: 0.6478, Acc.van: 0.6412, Acc.ship: 0.7976, Acc.fountain: 0.5042, Acc.conveyer belt: 0.9690, Acc.canopy: 0.7394, Acc.washer: 0.9397, Acc.plaything: 0.4584, Acc.swimming pool: 0.8893, Acc.stool: 0.6445, Acc.barrel: 0.7225, Acc.basket: 0.5560, Acc.waterfall: 0.5453, Acc.tent: 0.9869, Acc.bag: 0.3396, Acc.minibike: 0.8798, Acc.cradle: 0.9810, Acc.oven: 0.7252, Acc.ball: 0.6389, Acc.food: 0.6605, Acc.step: 0.0937, Acc.tank: 0.7282, Acc.trade name: 0.2435, Acc.microwave: 0.9483, Acc.pot: 0.6442, Acc.animal: 0.6878, Acc.bicycle: 0.7389, Acc.lake: 0.6780, Acc.dishwasher: 0.7741, Acc.screen: 0.6679, Acc.blanket: 0.2765, Acc.sculpture: 0.8542, Acc.hood: 0.6938, Acc.sconce: 0.6672, Acc.vase: 0.6128, Acc.traffic light: 0.5121, Acc.tray: 0.2589, Acc.ashcan: 0.5978, Acc.fan: 0.8091, Acc.pier: 0.4857, Acc.crt screen: 0.0386, Acc.plate: 0.7799, Acc.monitor: 0.8539, Acc.bulletin board: 0.7351, Acc.shower: 0.2085, Acc.radiator: 0.7176, Acc.glass: 0.2368, Acc.clock: 0.5994, Acc.flag: 0.7326 2024-01-19 00:01:37,222 - mmseg - INFO - Iter [70050/80000] lr: 4.976e-06, eta: 3:54:53, time: 4.411, data_time: 3.211, memory: 59004, decode.loss_ce: 0.1029, decode.acc_seg: 95.3097, aux.loss_ce: 0.0580, aux.acc_seg: 93.6319, loss: 0.1609 2024-01-19 00:02:37,473 - mmseg - INFO - Iter [70100/80000] lr: 4.951e-06, eta: 3:53:40, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0995, decode.acc_seg: 95.4114, aux.loss_ce: 0.0560, aux.acc_seg: 93.8425, loss: 0.1555 2024-01-19 00:03:37,858 - mmseg - INFO - Iter [70150/80000] lr: 4.926e-06, eta: 3:52:28, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1029, decode.acc_seg: 95.2995, aux.loss_ce: 0.0572, aux.acc_seg: 93.7411, loss: 0.1601 2024-01-19 00:04:38,165 - mmseg - INFO - Iter [70200/80000] lr: 4.901e-06, eta: 3:51:16, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0982, decode.acc_seg: 95.5278, aux.loss_ce: 0.0542, aux.acc_seg: 94.0938, loss: 0.1525 2024-01-19 00:05:38,752 - mmseg - INFO - Iter [70250/80000] lr: 4.876e-06, eta: 3:50:04, time: 1.212, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1049, decode.acc_seg: 95.2503, aux.loss_ce: 0.0581, aux.acc_seg: 93.7579, loss: 0.1630 2024-01-19 00:06:39,101 - mmseg - INFO - Iter [70300/80000] lr: 4.851e-06, eta: 3:48:51, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1063, decode.acc_seg: 95.0213, aux.loss_ce: 0.0587, aux.acc_seg: 93.4838, loss: 0.1651 2024-01-19 00:07:39,410 - mmseg - INFO - Iter [70350/80000] lr: 4.825e-06, eta: 3:47:39, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.3646, aux.loss_ce: 0.0577, aux.acc_seg: 93.7571, loss: 0.1596 2024-01-19 00:08:39,714 - mmseg - INFO - Iter [70400/80000] lr: 4.800e-06, eta: 3:46:27, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1038, decode.acc_seg: 95.2206, aux.loss_ce: 0.0573, aux.acc_seg: 93.6330, loss: 0.1611 2024-01-19 00:09:40,068 - mmseg - INFO - Iter [70450/80000] lr: 4.775e-06, eta: 3:45:15, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1018, decode.acc_seg: 95.2720, aux.loss_ce: 0.0574, aux.acc_seg: 93.7193, loss: 0.1592 2024-01-19 00:10:40,446 - mmseg - INFO - Iter [70500/80000] lr: 4.751e-06, eta: 3:44:03, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1011, decode.acc_seg: 95.3550, aux.loss_ce: 0.0566, aux.acc_seg: 93.7623, loss: 0.1577 2024-01-19 00:11:40,770 - mmseg - INFO - Iter [70550/80000] lr: 4.726e-06, eta: 3:42:51, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1067, decode.acc_seg: 95.0839, aux.loss_ce: 0.0595, aux.acc_seg: 93.4210, loss: 0.1662 2024-01-19 00:12:41,232 - mmseg - INFO - Iter [70600/80000] lr: 4.701e-06, eta: 3:41:38, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1002, decode.acc_seg: 95.3914, aux.loss_ce: 0.0560, aux.acc_seg: 93.8200, loss: 0.1563 2024-01-19 00:13:41,543 - mmseg - INFO - Iter [70650/80000] lr: 4.676e-06, eta: 3:40:26, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1030, decode.acc_seg: 95.3601, aux.loss_ce: 0.0568, aux.acc_seg: 93.7778, loss: 0.1599 2024-01-19 00:14:42,002 - mmseg - INFO - Iter [70700/80000] lr: 4.651e-06, eta: 3:39:14, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0976, decode.acc_seg: 95.5179, aux.loss_ce: 0.0540, aux.acc_seg: 94.0890, loss: 0.1515 2024-01-19 00:15:44,616 - mmseg - INFO - Iter [70750/80000] lr: 4.625e-06, eta: 3:38:02, time: 1.252, data_time: 0.051, memory: 59004, decode.loss_ce: 0.0985, decode.acc_seg: 95.3279, aux.loss_ce: 0.0545, aux.acc_seg: 93.8762, loss: 0.1530 2024-01-19 00:16:45,026 - mmseg - INFO - Iter [70800/80000] lr: 4.600e-06, eta: 3:36:50, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0987, decode.acc_seg: 95.4622, aux.loss_ce: 0.0558, aux.acc_seg: 93.9108, loss: 0.1545 2024-01-19 00:17:45,322 - mmseg - INFO - Iter [70850/80000] lr: 4.575e-06, eta: 3:35:38, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1008, decode.acc_seg: 95.4106, aux.loss_ce: 0.0572, aux.acc_seg: 93.7715, loss: 0.1581 2024-01-19 00:18:45,568 - mmseg - INFO - Iter [70900/80000] lr: 4.550e-06, eta: 3:34:26, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1031, decode.acc_seg: 95.2543, aux.loss_ce: 0.0574, aux.acc_seg: 93.6256, loss: 0.1605 2024-01-19 00:19:45,885 - mmseg - INFO - Iter [70950/80000] lr: 4.526e-06, eta: 3:33:14, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0929, decode.acc_seg: 95.7461, aux.loss_ce: 0.0522, aux.acc_seg: 94.3198, loss: 0.1451 2024-01-19 00:20:46,152 - mmseg - INFO - Saving checkpoint at 71000 iterations 2024-01-19 00:21:35,321 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 00:21:35,321 - mmseg - INFO - Iter [71000/80000] lr: 4.501e-06, eta: 3:32:08, time: 2.189, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0961, decode.acc_seg: 95.4579, aux.loss_ce: 0.0533, aux.acc_seg: 93.9567, loss: 0.1494 2024-01-19 00:24:13,469 - mmseg - INFO - per class results: 2024-01-19 00:24:13,475 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.49 | 91.39 | | building | 85.42 | 94.09 | | sky | 94.88 | 97.64 | | floor | 83.37 | 92.38 | | tree | 76.8 | 89.74 | | ceiling | 86.12 | 92.86 | | road | 86.69 | 92.24 | | bed | 91.82 | 97.59 | | windowpane | 66.52 | 82.91 | | grass | 68.39 | 80.13 | | cabinet | 65.32 | 75.21 | | sidewalk | 70.97 | 83.95 | | person | 85.01 | 93.74 | | earth | 39.92 | 53.3 | | door | 57.44 | 67.2 | | table | 68.97 | 78.92 | | mountain | 62.93 | 73.41 | | plant | 55.6 | 66.8 | | curtain | 79.17 | 88.06 | | chair | 66.11 | 78.31 | | car | 86.94 | 94.29 | | water | 64.37 | 80.51 | | painting | 75.09 | 88.42 | | sofa | 80.8 | 89.33 | | shelf | 46.08 | 60.72 | | house | 49.68 | 62.5 | | sea | 73.91 | 83.74 | | mirror | 75.86 | 83.96 | | rug | 62.2 | 72.25 | | field | 30.45 | 52.2 | | armchair | 59.07 | 77.25 | | seat | 69.78 | 88.78 | | fence | 45.54 | 55.74 | | desk | 59.83 | 80.24 | | rock | 54.96 | 78.54 | | wardrobe | 54.05 | 70.75 | | lamp | 75.11 | 84.9 | | bathtub | 83.69 | 86.32 | | railing | 39.09 | 51.73 | | cushion | 66.99 | 77.27 | | base | 39.44 | 50.07 | | box | 40.42 | 49.63 | | column | 55.61 | 63.81 | | signboard | 39.37 | 50.71 | | chest of drawers | 48.28 | 70.94 | | counter | 57.35 | 65.39 | | sand | 57.35 | 84.75 | | sink | 81.7 | 88.1 | | skyscraper | 54.25 | 64.35 | | fireplace | 78.31 | 92.7 | | refrigerator | 83.72 | 91.42 | | grandstand | 58.14 | 85.86 | | path | 27.91 | 36.68 | | stairs | 38.29 | 43.12 | | runway | 72.65 | 95.04 | | case | 62.73 | 79.87 | | pool table | 94.71 | 97.59 | | pillow | 61.45 | 71.78 | | screen door | 78.83 | 84.83 | | stairway | 39.84 | 61.74 | | river | 13.56 | 27.98 | | bridge | 62.89 | 72.07 | | bookcase | 42.76 | 59.09 | | blind | 37.0 | 40.27 | | coffee table | 62.72 | 86.6 | | toilet | 92.02 | 95.55 | | flower | 47.94 | 63.49 | | book | 56.18 | 80.2 | | hill | 6.4 | 11.48 | | bench | 67.1 | 75.31 | | countertop | 66.54 | 81.81 | | stove | 84.29 | 89.7 | | palm | 57.41 | 77.99 | | kitchen island | 51.27 | 71.41 | | computer | 78.36 | 89.65 | | swivel chair | 44.65 | 62.0 | | boat | 74.23 | 90.43 | | bar | 77.39 | 89.51 | | arcade machine | 82.52 | 86.47 | | hovel | 13.88 | 14.94 | | bus | 92.37 | 96.43 | | towel | 76.53 | 85.49 | | light | 56.37 | 62.0 | | truck | 50.15 | 60.58 | | tower | 27.12 | 42.76 | | chandelier | 72.81 | 83.23 | | awning | 42.52 | 52.88 | | streetlight | 32.65 | 39.5 | | booth | 47.37 | 55.22 | | television receiver | 85.2 | 90.29 | | airplane | 71.19 | 78.68 | | dirt track | 14.89 | 25.72 | | apparel | 60.13 | 77.46 | | pole | 24.47 | 35.83 | | land | 7.16 | 10.34 | | bannister | 12.18 | 15.71 | | escalator | 64.35 | 86.39 | | ottoman | 58.07 | 70.51 | | bottle | 43.07 | 72.21 | | buffet | 59.01 | 65.65 | | poster | 25.02 | 31.08 | | stage | 31.59 | 62.44 | | van | 51.27 | 65.05 | | ship | 70.62 | 78.73 | | fountain | 47.68 | 48.91 | | conveyer belt | 83.09 | 96.79 | | canopy | 53.66 | 72.68 | | washer | 85.61 | 90.15 | | plaything | 33.96 | 47.3 | | swimming pool | 59.68 | 87.96 | | stool | 52.32 | 65.57 | | barrel | 64.52 | 71.83 | | basket | 45.69 | 56.77 | | waterfall | 50.98 | 58.3 | | tent | 95.79 | 98.31 | | bag | 27.96 | 31.3 | | minibike | 76.0 | 88.88 | | cradle | 83.36 | 98.02 | | oven | 61.21 | 70.56 | | ball | 64.59 | 73.72 | | food | 59.32 | 67.52 | | step | 8.74 | 9.06 | | tank | 70.48 | 79.78 | | trade name | 25.17 | 28.47 | | microwave | 87.36 | 95.29 | | pot | 56.34 | 63.0 | | animal | 67.52 | 69.53 | | bicycle | 57.7 | 76.53 | | lake | 62.18 | 65.46 | | dishwasher | 73.17 | 77.65 | | screen | 51.28 | 66.99 | | blanket | 22.77 | 26.65 | | sculpture | 62.17 | 85.83 | | hood | 61.57 | 72.53 | | sconce | 52.57 | 58.94 | | vase | 45.39 | 59.06 | | traffic light | 36.21 | 56.9 | | tray | 19.03 | 25.23 | | ashcan | 50.44 | 60.28 | | fan | 68.14 | 78.61 | | pier | 45.01 | 49.45 | | crt screen | 2.63 | 4.06 | | plate | 57.67 | 81.11 | | monitor | 68.42 | 85.4 | | bulletin board | 57.17 | 69.08 | | shower | 15.62 | 17.66 | | radiator | 64.82 | 73.73 | | glass | 21.54 | 23.52 | | clock | 53.2 | 60.15 | | flag | 66.77 | 74.35 | +---------------------+-------+-------+ 2024-01-19 00:24:13,475 - mmseg - INFO - Summary: 2024-01-19 00:24:13,475 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.05 | 57.79 | 68.98 | +-------+-------+-------+ 2024-01-19 00:24:13,476 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 00:24:13,476 - mmseg - INFO - Iter(val) [250] aAcc: 0.8605, mIoU: 0.5779, mAcc: 0.6898, IoU.wall: 0.8149, IoU.building: 0.8542, IoU.sky: 0.9488, IoU.floor: 0.8337, IoU.tree: 0.7680, IoU.ceiling: 0.8612, IoU.road: 0.8669, IoU.bed : 0.9182, IoU.windowpane: 0.6652, IoU.grass: 0.6839, IoU.cabinet: 0.6532, IoU.sidewalk: 0.7097, IoU.person: 0.8501, IoU.earth: 0.3992, IoU.door: 0.5744, IoU.table: 0.6897, IoU.mountain: 0.6293, IoU.plant: 0.5560, IoU.curtain: 0.7917, IoU.chair: 0.6611, IoU.car: 0.8694, IoU.water: 0.6437, IoU.painting: 0.7509, IoU.sofa: 0.8080, IoU.shelf: 0.4608, IoU.house: 0.4968, IoU.sea: 0.7391, IoU.mirror: 0.7586, IoU.rug: 0.6220, IoU.field: 0.3045, IoU.armchair: 0.5907, IoU.seat: 0.6978, IoU.fence: 0.4554, IoU.desk: 0.5983, IoU.rock: 0.5496, IoU.wardrobe: 0.5405, IoU.lamp: 0.7511, IoU.bathtub: 0.8369, IoU.railing: 0.3909, IoU.cushion: 0.6699, IoU.base: 0.3944, IoU.box: 0.4042, IoU.column: 0.5561, IoU.signboard: 0.3937, IoU.chest of drawers: 0.4828, IoU.counter: 0.5735, IoU.sand: 0.5735, IoU.sink: 0.8170, IoU.skyscraper: 0.5425, IoU.fireplace: 0.7831, IoU.refrigerator: 0.8372, IoU.grandstand: 0.5814, IoU.path: 0.2791, IoU.stairs: 0.3829, IoU.runway: 0.7265, IoU.case: 0.6273, IoU.pool table: 0.9471, IoU.pillow: 0.6145, IoU.screen door: 0.7883, IoU.stairway: 0.3984, IoU.river: 0.1356, IoU.bridge: 0.6289, IoU.bookcase: 0.4276, IoU.blind: 0.3700, IoU.coffee table: 0.6272, IoU.toilet: 0.9202, IoU.flower: 0.4794, IoU.book: 0.5618, IoU.hill: 0.0640, IoU.bench: 0.6710, IoU.countertop: 0.6654, IoU.stove: 0.8429, IoU.palm: 0.5741, IoU.kitchen island: 0.5127, IoU.computer: 0.7836, IoU.swivel chair: 0.4465, IoU.boat: 0.7423, IoU.bar: 0.7739, IoU.arcade machine: 0.8252, IoU.hovel: 0.1388, IoU.bus: 0.9237, IoU.towel: 0.7653, IoU.light: 0.5637, IoU.truck: 0.5015, IoU.tower: 0.2712, IoU.chandelier: 0.7281, IoU.awning: 0.4252, IoU.streetlight: 0.3265, IoU.booth: 0.4737, IoU.television receiver: 0.8520, IoU.airplane: 0.7119, IoU.dirt track: 0.1489, IoU.apparel: 0.6013, IoU.pole: 0.2447, IoU.land: 0.0716, IoU.bannister: 0.1218, IoU.escalator: 0.6435, IoU.ottoman: 0.5807, IoU.bottle: 0.4307, IoU.buffet: 0.5901, IoU.poster: 0.2502, IoU.stage: 0.3159, IoU.van: 0.5127, IoU.ship: 0.7062, IoU.fountain: 0.4768, IoU.conveyer belt: 0.8309, IoU.canopy: 0.5366, IoU.washer: 0.8561, IoU.plaything: 0.3396, IoU.swimming pool: 0.5968, IoU.stool: 0.5232, IoU.barrel: 0.6452, IoU.basket: 0.4569, IoU.waterfall: 0.5098, IoU.tent: 0.9579, IoU.bag: 0.2796, IoU.minibike: 0.7600, IoU.cradle: 0.8336, IoU.oven: 0.6121, IoU.ball: 0.6459, IoU.food: 0.5932, IoU.step: 0.0874, IoU.tank: 0.7048, IoU.trade name: 0.2517, IoU.microwave: 0.8736, IoU.pot: 0.5634, IoU.animal: 0.6752, IoU.bicycle: 0.5770, IoU.lake: 0.6218, IoU.dishwasher: 0.7317, IoU.screen: 0.5128, IoU.blanket: 0.2277, IoU.sculpture: 0.6217, IoU.hood: 0.6157, IoU.sconce: 0.5257, IoU.vase: 0.4539, IoU.traffic light: 0.3621, IoU.tray: 0.1903, IoU.ashcan: 0.5044, IoU.fan: 0.6814, IoU.pier: 0.4501, IoU.crt screen: 0.0263, IoU.plate: 0.5767, IoU.monitor: 0.6842, IoU.bulletin board: 0.5717, IoU.shower: 0.1562, IoU.radiator: 0.6482, IoU.glass: 0.2154, IoU.clock: 0.5320, IoU.flag: 0.6677, Acc.wall: 0.9139, Acc.building: 0.9409, Acc.sky: 0.9764, Acc.floor: 0.9238, Acc.tree: 0.8974, Acc.ceiling: 0.9286, Acc.road: 0.9224, Acc.bed : 0.9759, Acc.windowpane: 0.8291, Acc.grass: 0.8013, Acc.cabinet: 0.7521, Acc.sidewalk: 0.8395, Acc.person: 0.9374, Acc.earth: 0.5330, Acc.door: 0.6720, Acc.table: 0.7892, Acc.mountain: 0.7341, Acc.plant: 0.6680, Acc.curtain: 0.8806, Acc.chair: 0.7831, Acc.car: 0.9429, Acc.water: 0.8051, Acc.painting: 0.8842, Acc.sofa: 0.8933, Acc.shelf: 0.6072, Acc.house: 0.6250, Acc.sea: 0.8374, Acc.mirror: 0.8396, Acc.rug: 0.7225, Acc.field: 0.5220, Acc.armchair: 0.7725, Acc.seat: 0.8878, Acc.fence: 0.5574, Acc.desk: 0.8024, Acc.rock: 0.7854, Acc.wardrobe: 0.7075, Acc.lamp: 0.8490, Acc.bathtub: 0.8632, Acc.railing: 0.5173, Acc.cushion: 0.7727, Acc.base: 0.5007, Acc.box: 0.4963, Acc.column: 0.6381, Acc.signboard: 0.5071, Acc.chest of drawers: 0.7094, Acc.counter: 0.6539, Acc.sand: 0.8475, Acc.sink: 0.8810, Acc.skyscraper: 0.6435, Acc.fireplace: 0.9270, Acc.refrigerator: 0.9142, Acc.grandstand: 0.8586, Acc.path: 0.3668, Acc.stairs: 0.4312, Acc.runway: 0.9504, Acc.case: 0.7987, Acc.pool table: 0.9759, Acc.pillow: 0.7178, Acc.screen door: 0.8483, Acc.stairway: 0.6174, Acc.river: 0.2798, Acc.bridge: 0.7207, Acc.bookcase: 0.5909, Acc.blind: 0.4027, Acc.coffee table: 0.8660, Acc.toilet: 0.9555, Acc.flower: 0.6349, Acc.book: 0.8020, Acc.hill: 0.1148, Acc.bench: 0.7531, Acc.countertop: 0.8181, Acc.stove: 0.8970, Acc.palm: 0.7799, Acc.kitchen island: 0.7141, Acc.computer: 0.8965, Acc.swivel chair: 0.6200, Acc.boat: 0.9043, Acc.bar: 0.8951, Acc.arcade machine: 0.8647, Acc.hovel: 0.1494, Acc.bus: 0.9643, Acc.towel: 0.8549, Acc.light: 0.6200, Acc.truck: 0.6058, Acc.tower: 0.4276, Acc.chandelier: 0.8323, Acc.awning: 0.5288, Acc.streetlight: 0.3950, Acc.booth: 0.5522, Acc.television receiver: 0.9029, Acc.airplane: 0.7868, Acc.dirt track: 0.2572, Acc.apparel: 0.7746, Acc.pole: 0.3583, Acc.land: 0.1034, Acc.bannister: 0.1571, Acc.escalator: 0.8639, Acc.ottoman: 0.7051, Acc.bottle: 0.7221, Acc.buffet: 0.6565, Acc.poster: 0.3108, Acc.stage: 0.6244, Acc.van: 0.6505, Acc.ship: 0.7873, Acc.fountain: 0.4891, Acc.conveyer belt: 0.9679, Acc.canopy: 0.7268, Acc.washer: 0.9015, Acc.plaything: 0.4730, Acc.swimming pool: 0.8796, Acc.stool: 0.6557, Acc.barrel: 0.7183, Acc.basket: 0.5677, Acc.waterfall: 0.5830, Acc.tent: 0.9831, Acc.bag: 0.3130, Acc.minibike: 0.8888, Acc.cradle: 0.9802, Acc.oven: 0.7056, Acc.ball: 0.7372, Acc.food: 0.6752, Acc.step: 0.0906, Acc.tank: 0.7978, Acc.trade name: 0.2847, Acc.microwave: 0.9529, Acc.pot: 0.6300, Acc.animal: 0.6953, Acc.bicycle: 0.7653, Acc.lake: 0.6546, Acc.dishwasher: 0.7765, Acc.screen: 0.6699, Acc.blanket: 0.2665, Acc.sculpture: 0.8583, Acc.hood: 0.7253, Acc.sconce: 0.5894, Acc.vase: 0.5906, Acc.traffic light: 0.5690, Acc.tray: 0.2523, Acc.ashcan: 0.6028, Acc.fan: 0.7861, Acc.pier: 0.4945, Acc.crt screen: 0.0406, Acc.plate: 0.8111, Acc.monitor: 0.8540, Acc.bulletin board: 0.6908, Acc.shower: 0.1766, Acc.radiator: 0.7373, Acc.glass: 0.2352, Acc.clock: 0.6015, Acc.flag: 0.7435 2024-01-19 00:25:14,165 - mmseg - INFO - Iter [71050/80000] lr: 4.476e-06, eta: 3:31:16, time: 4.377, data_time: 3.181, memory: 59004, decode.loss_ce: 0.1034, decode.acc_seg: 95.2558, aux.loss_ce: 0.0582, aux.acc_seg: 93.6659, loss: 0.1617 2024-01-19 00:26:14,440 - mmseg - INFO - Iter [71100/80000] lr: 4.451e-06, eta: 3:30:04, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0966, decode.acc_seg: 95.6221, aux.loss_ce: 0.0527, aux.acc_seg: 94.2521, loss: 0.1493 2024-01-19 00:27:14,715 - mmseg - INFO - Iter [71150/80000] lr: 4.426e-06, eta: 3:28:52, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0936, decode.acc_seg: 95.6833, aux.loss_ce: 0.0525, aux.acc_seg: 94.2001, loss: 0.1461 2024-01-19 00:28:15,125 - mmseg - INFO - Iter [71200/80000] lr: 4.400e-06, eta: 3:27:40, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1037, decode.acc_seg: 95.2596, aux.loss_ce: 0.0569, aux.acc_seg: 93.7594, loss: 0.1606 2024-01-19 00:29:15,582 - mmseg - INFO - Iter [71250/80000] lr: 4.375e-06, eta: 3:26:28, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0985, decode.acc_seg: 95.4067, aux.loss_ce: 0.0557, aux.acc_seg: 93.7667, loss: 0.1542 2024-01-19 00:30:15,977 - mmseg - INFO - Iter [71300/80000] lr: 4.351e-06, eta: 3:25:16, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1028, decode.acc_seg: 95.3587, aux.loss_ce: 0.0569, aux.acc_seg: 93.8545, loss: 0.1597 2024-01-19 00:31:16,227 - mmseg - INFO - Iter [71350/80000] lr: 4.326e-06, eta: 3:24:04, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1042, decode.acc_seg: 95.2993, aux.loss_ce: 0.0578, aux.acc_seg: 93.7336, loss: 0.1620 2024-01-19 00:32:16,435 - mmseg - INFO - Iter [71400/80000] lr: 4.301e-06, eta: 3:22:52, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1034, decode.acc_seg: 95.4120, aux.loss_ce: 0.0571, aux.acc_seg: 93.8620, loss: 0.1604 2024-01-19 00:33:16,742 - mmseg - INFO - Iter [71450/80000] lr: 4.276e-06, eta: 3:21:40, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1078, decode.acc_seg: 95.0502, aux.loss_ce: 0.0606, aux.acc_seg: 93.3958, loss: 0.1684 2024-01-19 00:34:17,019 - mmseg - INFO - Iter [71500/80000] lr: 4.251e-06, eta: 3:20:28, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1035, decode.acc_seg: 95.2816, aux.loss_ce: 0.0582, aux.acc_seg: 93.7079, loss: 0.1616 2024-01-19 00:35:17,278 - mmseg - INFO - Iter [71550/80000] lr: 4.226e-06, eta: 3:19:16, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0971, decode.acc_seg: 95.5491, aux.loss_ce: 0.0551, aux.acc_seg: 93.9861, loss: 0.1523 2024-01-19 00:36:17,634 - mmseg - INFO - Iter [71600/80000] lr: 4.200e-06, eta: 3:18:04, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0972, decode.acc_seg: 95.4551, aux.loss_ce: 0.0546, aux.acc_seg: 93.9001, loss: 0.1517 2024-01-19 00:37:17,869 - mmseg - INFO - Iter [71650/80000] lr: 4.175e-06, eta: 3:16:52, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0995, decode.acc_seg: 95.4491, aux.loss_ce: 0.0554, aux.acc_seg: 93.9744, loss: 0.1549 2024-01-19 00:38:18,148 - mmseg - INFO - Iter [71700/80000] lr: 4.150e-06, eta: 3:15:40, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1028, decode.acc_seg: 95.2826, aux.loss_ce: 0.0570, aux.acc_seg: 93.6991, loss: 0.1598 2024-01-19 00:39:18,758 - mmseg - INFO - Iter [71750/80000] lr: 4.125e-06, eta: 3:14:28, time: 1.212, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1013, decode.acc_seg: 95.3626, aux.loss_ce: 0.0557, aux.acc_seg: 93.9118, loss: 0.1570 2024-01-19 00:40:19,151 - mmseg - INFO - Iter [71800/80000] lr: 4.101e-06, eta: 3:13:16, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1057, decode.acc_seg: 95.1807, aux.loss_ce: 0.0589, aux.acc_seg: 93.6148, loss: 0.1647 2024-01-19 00:41:19,487 - mmseg - INFO - Iter [71850/80000] lr: 4.076e-06, eta: 3:12:04, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0990, decode.acc_seg: 95.3746, aux.loss_ce: 0.0553, aux.acc_seg: 93.8404, loss: 0.1543 2024-01-19 00:42:19,790 - mmseg - INFO - Iter [71900/80000] lr: 4.051e-06, eta: 3:10:52, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0964, decode.acc_seg: 95.5254, aux.loss_ce: 0.0526, aux.acc_seg: 94.0107, loss: 0.1490 2024-01-19 00:43:20,256 - mmseg - INFO - Iter [71950/80000] lr: 4.026e-06, eta: 3:09:41, time: 1.209, data_time: 0.010, memory: 59004, decode.loss_ce: 0.0962, decode.acc_seg: 95.5529, aux.loss_ce: 0.0532, aux.acc_seg: 94.1369, loss: 0.1494 2024-01-19 00:44:22,721 - mmseg - INFO - Saving checkpoint at 72000 iterations 2024-01-19 00:45:10,420 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 00:45:10,421 - mmseg - INFO - Iter [72000/80000] lr: 4.000e-06, eta: 3:08:34, time: 2.203, data_time: 0.051, memory: 59004, decode.loss_ce: 0.1005, decode.acc_seg: 95.3801, aux.loss_ce: 0.0568, aux.acc_seg: 93.7102, loss: 0.1572 2024-01-19 00:47:48,551 - mmseg - INFO - per class results: 2024-01-19 00:47:48,558 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.54 | 90.71 | | building | 85.36 | 94.02 | | sky | 94.91 | 97.62 | | floor | 83.45 | 92.06 | | tree | 76.92 | 90.3 | | ceiling | 86.33 | 93.68 | | road | 86.8 | 92.28 | | bed | 92.14 | 97.38 | | windowpane | 66.64 | 82.5 | | grass | 66.88 | 81.36 | | cabinet | 65.66 | 76.08 | | sidewalk | 71.72 | 84.99 | | person | 84.69 | 94.76 | | earth | 38.43 | 49.38 | | door | 58.28 | 72.24 | | table | 69.1 | 78.8 | | mountain | 62.7 | 73.54 | | plant | 56.11 | 67.14 | | curtain | 79.1 | 87.77 | | chair | 66.52 | 79.6 | | car | 86.99 | 93.89 | | water | 64.06 | 79.56 | | painting | 75.5 | 88.21 | | sofa | 80.77 | 91.22 | | shelf | 46.06 | 62.85 | | house | 49.42 | 62.92 | | sea | 73.29 | 83.91 | | mirror | 76.28 | 85.31 | | rug | 57.86 | 66.83 | | field | 30.48 | 55.06 | | armchair | 57.81 | 73.51 | | seat | 70.0 | 87.69 | | fence | 45.68 | 56.73 | | desk | 61.17 | 79.79 | | rock | 54.34 | 80.09 | | wardrobe | 55.78 | 73.34 | | lamp | 75.04 | 85.5 | | bathtub | 83.6 | 86.71 | | railing | 38.11 | 49.69 | | cushion | 68.08 | 78.7 | | base | 38.85 | 50.39 | | box | 40.92 | 50.47 | | column | 55.9 | 63.61 | | signboard | 39.37 | 53.65 | | chest of drawers | 48.86 | 69.74 | | counter | 57.65 | 64.03 | | sand | 57.86 | 85.04 | | sink | 81.82 | 88.85 | | skyscraper | 53.83 | 62.29 | | fireplace | 76.9 | 93.58 | | refrigerator | 84.47 | 92.81 | | grandstand | 59.13 | 85.06 | | path | 28.97 | 37.94 | | stairs | 44.72 | 51.38 | | runway | 73.9 | 95.23 | | case | 63.06 | 81.04 | | pool table | 94.68 | 97.6 | | pillow | 62.93 | 72.63 | | screen door | 67.55 | 69.87 | | stairway | 41.28 | 56.1 | | river | 14.34 | 29.79 | | bridge | 56.09 | 64.09 | | bookcase | 42.96 | 57.77 | | blind | 36.96 | 40.02 | | coffee table | 62.06 | 86.94 | | toilet | 92.12 | 95.84 | | flower | 48.18 | 64.12 | | book | 55.88 | 80.67 | | hill | 6.41 | 10.13 | | bench | 66.9 | 74.48 | | countertop | 66.54 | 81.8 | | stove | 84.44 | 89.79 | | palm | 58.06 | 76.75 | | kitchen island | 48.14 | 72.04 | | computer | 78.31 | 90.27 | | swivel chair | 45.18 | 61.84 | | boat | 73.57 | 90.3 | | bar | 77.57 | 89.83 | | arcade machine | 81.63 | 84.79 | | hovel | 13.78 | 14.8 | | bus | 92.62 | 96.2 | | towel | 78.11 | 86.38 | | light | 56.97 | 64.01 | | truck | 49.93 | 62.24 | | tower | 28.55 | 44.82 | | chandelier | 72.99 | 83.17 | | awning | 41.37 | 50.02 | | streetlight | 33.75 | 40.91 | | booth | 47.9 | 56.41 | | television receiver | 85.19 | 90.32 | | airplane | 73.44 | 81.87 | | dirt track | 13.11 | 22.9 | | apparel | 60.76 | 77.49 | | pole | 28.27 | 41.49 | | land | 5.78 | 8.19 | | bannister | 12.2 | 16.2 | | escalator | 62.0 | 86.96 | | ottoman | 58.1 | 69.88 | | bottle | 42.35 | 71.6 | | buffet | 56.93 | 62.72 | | poster | 25.8 | 31.88 | | stage | 31.49 | 63.81 | | van | 50.16 | 64.91 | | ship | 70.1 | 77.58 | | fountain | 48.7 | 50.07 | | conveyer belt | 83.38 | 97.25 | | canopy | 53.46 | 73.73 | | washer | 87.67 | 92.56 | | plaything | 37.59 | 51.59 | | swimming pool | 57.42 | 84.14 | | stool | 51.75 | 64.18 | | barrel | 63.5 | 71.6 | | basket | 44.64 | 54.95 | | waterfall | 50.69 | 57.41 | | tent | 95.45 | 98.32 | | bag | 29.54 | 33.82 | | minibike | 75.67 | 90.06 | | cradle | 83.0 | 97.74 | | oven | 64.19 | 74.85 | | ball | 63.0 | 70.73 | | food | 58.97 | 66.91 | | step | 9.56 | 9.78 | | tank | 67.49 | 76.25 | | trade name | 22.87 | 25.58 | | microwave | 88.24 | 95.44 | | pot | 57.16 | 64.46 | | animal | 68.57 | 70.74 | | bicycle | 58.45 | 76.77 | | lake | 64.05 | 67.45 | | dishwasher | 72.98 | 77.31 | | screen | 50.69 | 66.06 | | blanket | 21.24 | 24.72 | | sculpture | 67.56 | 85.68 | | hood | 61.33 | 72.44 | | sconce | 55.91 | 65.05 | | vase | 46.03 | 59.97 | | traffic light | 34.32 | 47.59 | | tray | 20.17 | 26.51 | | ashcan | 50.91 | 60.81 | | fan | 68.82 | 81.54 | | pier | 42.86 | 46.57 | | crt screen | 2.64 | 4.03 | | plate | 58.16 | 80.78 | | monitor | 67.78 | 82.96 | | bulletin board | 59.61 | 73.36 | | shower | 15.28 | 17.88 | | radiator | 64.77 | 73.43 | | glass | 21.97 | 24.27 | | clock | 52.2 | 60.66 | | flag | 67.5 | 74.16 | +---------------------+-------+-------+ 2024-01-19 00:47:48,558 - mmseg - INFO - Summary: 2024-01-19 00:47:48,558 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.04 | 57.81 | 68.99 | +-------+-------+-------+ 2024-01-19 00:47:48,559 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 00:47:48,559 - mmseg - INFO - Iter(val) [250] aAcc: 0.8604, mIoU: 0.5781, mAcc: 0.6899, IoU.wall: 0.8154, IoU.building: 0.8536, IoU.sky: 0.9491, IoU.floor: 0.8345, IoU.tree: 0.7692, IoU.ceiling: 0.8633, IoU.road: 0.8680, IoU.bed : 0.9214, IoU.windowpane: 0.6664, IoU.grass: 0.6688, IoU.cabinet: 0.6566, IoU.sidewalk: 0.7172, IoU.person: 0.8469, IoU.earth: 0.3843, IoU.door: 0.5828, IoU.table: 0.6910, IoU.mountain: 0.6270, IoU.plant: 0.5611, IoU.curtain: 0.7910, IoU.chair: 0.6652, IoU.car: 0.8699, IoU.water: 0.6406, IoU.painting: 0.7550, IoU.sofa: 0.8077, IoU.shelf: 0.4606, IoU.house: 0.4942, IoU.sea: 0.7329, IoU.mirror: 0.7628, IoU.rug: 0.5786, IoU.field: 0.3048, IoU.armchair: 0.5781, IoU.seat: 0.7000, IoU.fence: 0.4568, IoU.desk: 0.6117, IoU.rock: 0.5434, IoU.wardrobe: 0.5578, IoU.lamp: 0.7504, IoU.bathtub: 0.8360, IoU.railing: 0.3811, IoU.cushion: 0.6808, IoU.base: 0.3885, IoU.box: 0.4092, IoU.column: 0.5590, IoU.signboard: 0.3937, IoU.chest of drawers: 0.4886, IoU.counter: 0.5765, IoU.sand: 0.5786, IoU.sink: 0.8182, IoU.skyscraper: 0.5383, IoU.fireplace: 0.7690, IoU.refrigerator: 0.8447, IoU.grandstand: 0.5913, IoU.path: 0.2897, IoU.stairs: 0.4472, IoU.runway: 0.7390, IoU.case: 0.6306, IoU.pool table: 0.9468, IoU.pillow: 0.6293, IoU.screen door: 0.6755, IoU.stairway: 0.4128, IoU.river: 0.1434, IoU.bridge: 0.5609, IoU.bookcase: 0.4296, IoU.blind: 0.3696, IoU.coffee table: 0.6206, IoU.toilet: 0.9212, IoU.flower: 0.4818, IoU.book: 0.5588, IoU.hill: 0.0641, IoU.bench: 0.6690, IoU.countertop: 0.6654, IoU.stove: 0.8444, IoU.palm: 0.5806, IoU.kitchen island: 0.4814, IoU.computer: 0.7831, IoU.swivel chair: 0.4518, IoU.boat: 0.7357, IoU.bar: 0.7757, IoU.arcade machine: 0.8163, IoU.hovel: 0.1378, IoU.bus: 0.9262, IoU.towel: 0.7811, IoU.light: 0.5697, IoU.truck: 0.4993, IoU.tower: 0.2855, IoU.chandelier: 0.7299, IoU.awning: 0.4137, IoU.streetlight: 0.3375, IoU.booth: 0.4790, IoU.television receiver: 0.8519, IoU.airplane: 0.7344, IoU.dirt track: 0.1311, IoU.apparel: 0.6076, IoU.pole: 0.2827, IoU.land: 0.0578, IoU.bannister: 0.1220, IoU.escalator: 0.6200, IoU.ottoman: 0.5810, IoU.bottle: 0.4235, IoU.buffet: 0.5693, IoU.poster: 0.2580, IoU.stage: 0.3149, IoU.van: 0.5016, IoU.ship: 0.7010, IoU.fountain: 0.4870, IoU.conveyer belt: 0.8338, IoU.canopy: 0.5346, IoU.washer: 0.8767, IoU.plaything: 0.3759, IoU.swimming pool: 0.5742, IoU.stool: 0.5175, IoU.barrel: 0.6350, IoU.basket: 0.4464, IoU.waterfall: 0.5069, IoU.tent: 0.9545, IoU.bag: 0.2954, IoU.minibike: 0.7567, IoU.cradle: 0.8300, IoU.oven: 0.6419, IoU.ball: 0.6300, IoU.food: 0.5897, IoU.step: 0.0956, IoU.tank: 0.6749, IoU.trade name: 0.2287, IoU.microwave: 0.8824, IoU.pot: 0.5716, IoU.animal: 0.6857, IoU.bicycle: 0.5845, IoU.lake: 0.6405, IoU.dishwasher: 0.7298, IoU.screen: 0.5069, IoU.blanket: 0.2124, IoU.sculpture: 0.6756, IoU.hood: 0.6133, IoU.sconce: 0.5591, IoU.vase: 0.4603, IoU.traffic light: 0.3432, IoU.tray: 0.2017, IoU.ashcan: 0.5091, IoU.fan: 0.6882, IoU.pier: 0.4286, IoU.crt screen: 0.0264, IoU.plate: 0.5816, IoU.monitor: 0.6778, IoU.bulletin board: 0.5961, IoU.shower: 0.1528, IoU.radiator: 0.6477, IoU.glass: 0.2197, IoU.clock: 0.5220, IoU.flag: 0.6750, Acc.wall: 0.9071, Acc.building: 0.9402, Acc.sky: 0.9762, Acc.floor: 0.9206, Acc.tree: 0.9030, Acc.ceiling: 0.9368, Acc.road: 0.9228, Acc.bed : 0.9738, Acc.windowpane: 0.8250, Acc.grass: 0.8136, Acc.cabinet: 0.7608, Acc.sidewalk: 0.8499, Acc.person: 0.9476, Acc.earth: 0.4938, Acc.door: 0.7224, Acc.table: 0.7880, Acc.mountain: 0.7354, Acc.plant: 0.6714, Acc.curtain: 0.8777, Acc.chair: 0.7960, Acc.car: 0.9389, Acc.water: 0.7956, Acc.painting: 0.8821, Acc.sofa: 0.9122, Acc.shelf: 0.6285, Acc.house: 0.6292, Acc.sea: 0.8391, Acc.mirror: 0.8531, Acc.rug: 0.6683, Acc.field: 0.5506, Acc.armchair: 0.7351, Acc.seat: 0.8769, Acc.fence: 0.5673, Acc.desk: 0.7979, Acc.rock: 0.8009, Acc.wardrobe: 0.7334, Acc.lamp: 0.8550, Acc.bathtub: 0.8671, Acc.railing: 0.4969, Acc.cushion: 0.7870, Acc.base: 0.5039, Acc.box: 0.5047, Acc.column: 0.6361, Acc.signboard: 0.5365, Acc.chest of drawers: 0.6974, Acc.counter: 0.6403, Acc.sand: 0.8504, Acc.sink: 0.8885, Acc.skyscraper: 0.6229, Acc.fireplace: 0.9358, Acc.refrigerator: 0.9281, Acc.grandstand: 0.8506, Acc.path: 0.3794, Acc.stairs: 0.5138, Acc.runway: 0.9523, Acc.case: 0.8104, Acc.pool table: 0.9760, Acc.pillow: 0.7263, Acc.screen door: 0.6987, Acc.stairway: 0.5610, Acc.river: 0.2979, Acc.bridge: 0.6409, Acc.bookcase: 0.5777, Acc.blind: 0.4002, Acc.coffee table: 0.8694, Acc.toilet: 0.9584, Acc.flower: 0.6412, Acc.book: 0.8067, Acc.hill: 0.1013, Acc.bench: 0.7448, Acc.countertop: 0.8180, Acc.stove: 0.8979, Acc.palm: 0.7675, Acc.kitchen island: 0.7204, Acc.computer: 0.9027, Acc.swivel chair: 0.6184, Acc.boat: 0.9030, Acc.bar: 0.8983, Acc.arcade machine: 0.8479, Acc.hovel: 0.1480, Acc.bus: 0.9620, Acc.towel: 0.8638, Acc.light: 0.6401, Acc.truck: 0.6224, Acc.tower: 0.4482, Acc.chandelier: 0.8317, Acc.awning: 0.5002, Acc.streetlight: 0.4091, Acc.booth: 0.5641, Acc.television receiver: 0.9032, Acc.airplane: 0.8187, Acc.dirt track: 0.2290, Acc.apparel: 0.7749, Acc.pole: 0.4149, Acc.land: 0.0819, Acc.bannister: 0.1620, Acc.escalator: 0.8696, Acc.ottoman: 0.6988, Acc.bottle: 0.7160, Acc.buffet: 0.6272, Acc.poster: 0.3188, Acc.stage: 0.6381, Acc.van: 0.6491, Acc.ship: 0.7758, Acc.fountain: 0.5007, Acc.conveyer belt: 0.9725, Acc.canopy: 0.7373, Acc.washer: 0.9256, Acc.plaything: 0.5159, Acc.swimming pool: 0.8414, Acc.stool: 0.6418, Acc.barrel: 0.7160, Acc.basket: 0.5495, Acc.waterfall: 0.5741, Acc.tent: 0.9832, Acc.bag: 0.3382, Acc.minibike: 0.9006, Acc.cradle: 0.9774, Acc.oven: 0.7485, Acc.ball: 0.7073, Acc.food: 0.6691, Acc.step: 0.0978, Acc.tank: 0.7625, Acc.trade name: 0.2558, Acc.microwave: 0.9544, Acc.pot: 0.6446, Acc.animal: 0.7074, Acc.bicycle: 0.7677, Acc.lake: 0.6745, Acc.dishwasher: 0.7731, Acc.screen: 0.6606, Acc.blanket: 0.2472, Acc.sculpture: 0.8568, Acc.hood: 0.7244, Acc.sconce: 0.6505, Acc.vase: 0.5997, Acc.traffic light: 0.4759, Acc.tray: 0.2651, Acc.ashcan: 0.6081, Acc.fan: 0.8154, Acc.pier: 0.4657, Acc.crt screen: 0.0403, Acc.plate: 0.8078, Acc.monitor: 0.8296, Acc.bulletin board: 0.7336, Acc.shower: 0.1788, Acc.radiator: 0.7343, Acc.glass: 0.2427, Acc.clock: 0.6066, Acc.flag: 0.7416 2024-01-19 00:48:49,474 - mmseg - INFO - Iter [72050/80000] lr: 3.975e-06, eta: 3:07:40, time: 4.381, data_time: 3.180, memory: 59004, decode.loss_ce: 0.0992, decode.acc_seg: 95.3925, aux.loss_ce: 0.0559, aux.acc_seg: 93.8259, loss: 0.1552 2024-01-19 00:49:49,875 - mmseg - INFO - Iter [72100/80000] lr: 3.950e-06, eta: 3:06:28, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0971, decode.acc_seg: 95.5675, aux.loss_ce: 0.0544, aux.acc_seg: 94.0364, loss: 0.1514 2024-01-19 00:50:50,362 - mmseg - INFO - Iter [72150/80000] lr: 3.925e-06, eta: 3:05:16, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0919, decode.acc_seg: 95.7477, aux.loss_ce: 0.0517, aux.acc_seg: 94.2706, loss: 0.1436 2024-01-19 00:51:50,743 - mmseg - INFO - Iter [72200/80000] lr: 3.901e-06, eta: 3:04:04, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0969, decode.acc_seg: 95.5701, aux.loss_ce: 0.0542, aux.acc_seg: 94.1112, loss: 0.1510 2024-01-19 00:52:51,460 - mmseg - INFO - Iter [72250/80000] lr: 3.876e-06, eta: 3:02:52, time: 1.214, data_time: 0.010, memory: 59004, decode.loss_ce: 0.0990, decode.acc_seg: 95.4027, aux.loss_ce: 0.0557, aux.acc_seg: 93.7926, loss: 0.1546 2024-01-19 00:53:51,867 - mmseg - INFO - Iter [72300/80000] lr: 3.851e-06, eta: 3:01:40, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1026, decode.acc_seg: 95.3797, aux.loss_ce: 0.0581, aux.acc_seg: 93.6882, loss: 0.1608 2024-01-19 00:54:52,306 - mmseg - INFO - Iter [72350/80000] lr: 3.826e-06, eta: 3:00:28, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0970, decode.acc_seg: 95.4913, aux.loss_ce: 0.0539, aux.acc_seg: 94.0245, loss: 0.1509 2024-01-19 00:55:52,658 - mmseg - INFO - Iter [72400/80000] lr: 3.801e-06, eta: 2:59:17, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0961, decode.acc_seg: 95.6601, aux.loss_ce: 0.0546, aux.acc_seg: 94.1008, loss: 0.1506 2024-01-19 00:56:53,076 - mmseg - INFO - Iter [72450/80000] lr: 3.775e-06, eta: 2:58:05, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1005, decode.acc_seg: 95.4798, aux.loss_ce: 0.0556, aux.acc_seg: 94.0374, loss: 0.1560 2024-01-19 00:57:53,418 - mmseg - INFO - Iter [72500/80000] lr: 3.750e-06, eta: 2:56:53, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1023, decode.acc_seg: 95.2063, aux.loss_ce: 0.0577, aux.acc_seg: 93.6181, loss: 0.1601 2024-01-19 00:58:53,712 - mmseg - INFO - Iter [72550/80000] lr: 3.725e-06, eta: 2:55:41, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0979, decode.acc_seg: 95.4738, aux.loss_ce: 0.0556, aux.acc_seg: 93.8110, loss: 0.1536 2024-01-19 00:59:54,112 - mmseg - INFO - Iter [72600/80000] lr: 3.701e-06, eta: 2:54:29, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0921, decode.acc_seg: 95.7460, aux.loss_ce: 0.0527, aux.acc_seg: 94.1365, loss: 0.1448 2024-01-19 01:00:54,528 - mmseg - INFO - Iter [72650/80000] lr: 3.676e-06, eta: 2:53:17, time: 1.208, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1022, decode.acc_seg: 95.3670, aux.loss_ce: 0.0561, aux.acc_seg: 93.9017, loss: 0.1583 2024-01-19 01:01:54,792 - mmseg - INFO - Iter [72700/80000] lr: 3.651e-06, eta: 2:52:06, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0961, decode.acc_seg: 95.6757, aux.loss_ce: 0.0545, aux.acc_seg: 93.9732, loss: 0.1506 2024-01-19 01:02:55,175 - mmseg - INFO - Iter [72750/80000] lr: 3.626e-06, eta: 2:50:54, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0948, decode.acc_seg: 95.6969, aux.loss_ce: 0.0544, aux.acc_seg: 94.0695, loss: 0.1491 2024-01-19 01:03:55,624 - mmseg - INFO - Iter [72800/80000] lr: 3.601e-06, eta: 2:49:42, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0947, decode.acc_seg: 95.6926, aux.loss_ce: 0.0533, aux.acc_seg: 94.2098, loss: 0.1480 2024-01-19 01:04:56,068 - mmseg - INFO - Iter [72850/80000] lr: 3.575e-06, eta: 2:48:30, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1010, decode.acc_seg: 95.2975, aux.loss_ce: 0.0562, aux.acc_seg: 93.7796, loss: 0.1572 2024-01-19 01:05:56,385 - mmseg - INFO - Iter [72900/80000] lr: 3.550e-06, eta: 2:47:19, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0978, decode.acc_seg: 95.4928, aux.loss_ce: 0.0561, aux.acc_seg: 93.7757, loss: 0.1538 2024-01-19 01:06:56,728 - mmseg - INFO - Iter [72950/80000] lr: 3.525e-06, eta: 2:46:07, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1041, decode.acc_seg: 95.1999, aux.loss_ce: 0.0578, aux.acc_seg: 93.6607, loss: 0.1619 2024-01-19 01:07:57,120 - mmseg - INFO - Saving checkpoint at 73000 iterations 2024-01-19 01:08:45,405 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 01:08:45,406 - mmseg - INFO - Iter [73000/80000] lr: 3.501e-06, eta: 2:45:00, time: 2.174, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1017, decode.acc_seg: 95.3655, aux.loss_ce: 0.0565, aux.acc_seg: 93.8527, loss: 0.1582 2024-01-19 01:11:23,077 - mmseg - INFO - per class results: 2024-01-19 01:11:23,083 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.6 | 91.08 | | building | 85.28 | 93.89 | | sky | 94.87 | 97.68 | | floor | 83.43 | 92.18 | | tree | 76.66 | 89.57 | | ceiling | 86.27 | 93.55 | | road | 86.51 | 91.78 | | bed | 91.87 | 97.57 | | windowpane | 66.08 | 81.77 | | grass | 67.37 | 82.31 | | cabinet | 66.0 | 75.39 | | sidewalk | 71.6 | 86.84 | | person | 84.64 | 94.53 | | earth | 38.91 | 49.62 | | door | 58.86 | 70.01 | | table | 68.95 | 79.89 | | mountain | 62.5 | 73.91 | | plant | 55.36 | 65.38 | | curtain | 78.66 | 88.51 | | chair | 65.46 | 76.21 | | car | 87.16 | 93.72 | | water | 64.29 | 80.2 | | painting | 75.69 | 88.27 | | sofa | 80.56 | 89.27 | | shelf | 45.7 | 60.94 | | house | 48.9 | 62.7 | | sea | 73.47 | 83.86 | | mirror | 76.75 | 85.48 | | rug | 59.56 | 69.22 | | field | 30.82 | 50.73 | | armchair | 58.35 | 76.17 | | seat | 69.06 | 88.9 | | fence | 45.05 | 56.56 | | desk | 59.96 | 78.34 | | rock | 52.86 | 81.35 | | wardrobe | 56.26 | 72.95 | | lamp | 75.04 | 84.92 | | bathtub | 83.65 | 87.09 | | railing | 38.88 | 51.34 | | cushion | 67.07 | 78.73 | | base | 39.41 | 51.05 | | box | 40.42 | 49.45 | | column | 55.97 | 64.33 | | signboard | 39.09 | 49.53 | | chest of drawers | 50.02 | 70.46 | | counter | 57.03 | 66.94 | | sand | 58.16 | 85.37 | | sink | 81.22 | 88.61 | | skyscraper | 53.11 | 63.91 | | fireplace | 77.01 | 93.2 | | refrigerator | 84.24 | 92.32 | | grandstand | 58.4 | 84.59 | | path | 29.13 | 37.68 | | stairs | 46.54 | 53.57 | | runway | 73.19 | 95.74 | | case | 62.71 | 80.92 | | pool table | 94.76 | 97.58 | | pillow | 61.64 | 71.35 | | screen door | 79.58 | 86.02 | | stairway | 42.99 | 57.97 | | river | 14.26 | 28.94 | | bridge | 62.48 | 70.93 | | bookcase | 44.95 | 66.14 | | blind | 36.91 | 40.86 | | coffee table | 62.88 | 85.69 | | toilet | 92.17 | 95.98 | | flower | 47.52 | 64.83 | | book | 54.89 | 76.93 | | hill | 6.14 | 10.12 | | bench | 66.59 | 74.63 | | countertop | 66.94 | 82.43 | | stove | 83.93 | 89.83 | | palm | 57.66 | 77.28 | | kitchen island | 48.67 | 71.59 | | computer | 77.84 | 90.22 | | swivel chair | 43.98 | 61.34 | | boat | 72.01 | 90.38 | | bar | 76.27 | 85.29 | | arcade machine | 82.57 | 86.1 | | hovel | 14.64 | 15.95 | | bus | 92.52 | 96.17 | | towel | 77.72 | 85.82 | | light | 55.98 | 61.4 | | truck | 49.3 | 59.37 | | tower | 29.19 | 45.87 | | chandelier | 73.0 | 82.86 | | awning | 39.76 | 48.31 | | streetlight | 33.95 | 40.03 | | booth | 51.04 | 60.86 | | television receiver | 85.39 | 90.32 | | airplane | 66.67 | 73.69 | | dirt track | 12.44 | 21.8 | | apparel | 60.13 | 78.15 | | pole | 27.6 | 39.08 | | land | 8.94 | 13.61 | | bannister | 13.34 | 18.62 | | escalator | 63.61 | 86.28 | | ottoman | 57.56 | 70.76 | | bottle | 42.96 | 74.62 | | buffet | 58.17 | 64.55 | | poster | 24.74 | 31.04 | | stage | 30.78 | 70.02 | | van | 50.84 | 66.21 | | ship | 69.85 | 78.17 | | fountain | 52.03 | 53.7 | | conveyer belt | 82.65 | 97.28 | | canopy | 53.28 | 73.64 | | washer | 88.13 | 93.44 | | plaything | 33.34 | 47.0 | | swimming pool | 59.54 | 87.72 | | stool | 49.23 | 64.47 | | barrel | 63.89 | 72.27 | | basket | 45.08 | 57.31 | | waterfall | 51.29 | 58.03 | | tent | 94.87 | 98.42 | | bag | 30.22 | 34.91 | | minibike | 75.91 | 88.88 | | cradle | 82.97 | 97.86 | | oven | 62.9 | 72.95 | | ball | 62.77 | 70.77 | | food | 58.26 | 67.33 | | step | 14.16 | 14.63 | | tank | 65.04 | 73.11 | | trade name | 24.1 | 26.92 | | microwave | 87.56 | 94.99 | | pot | 57.73 | 65.63 | | animal | 67.12 | 69.09 | | bicycle | 59.28 | 77.58 | | lake | 63.78 | 67.57 | | dishwasher | 72.85 | 78.03 | | screen | 52.31 | 67.95 | | blanket | 21.45 | 24.99 | | sculpture | 67.34 | 85.71 | | hood | 61.85 | 72.83 | | sconce | 56.0 | 65.96 | | vase | 45.75 | 60.96 | | traffic light | 36.34 | 53.47 | | tray | 19.01 | 23.91 | | ashcan | 51.43 | 62.55 | | fan | 68.63 | 80.51 | | pier | 46.87 | 52.89 | | crt screen | 2.57 | 3.7 | | plate | 58.57 | 79.74 | | monitor | 67.89 | 82.45 | | bulletin board | 55.58 | 67.49 | | shower | 16.02 | 19.3 | | radiator | 64.37 | 73.09 | | glass | 21.1 | 22.75 | | clock | 51.46 | 61.8 | | flag | 66.72 | 73.73 | +---------------------+-------+-------+ 2024-01-19 01:11:23,083 - mmseg - INFO - Summary: 2024-01-19 01:11:23,083 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 86.05 | 57.88 | 69.3 | +-------+-------+------+ 2024-01-19 01:11:23,084 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 01:11:23,085 - mmseg - INFO - Iter(val) [250] aAcc: 0.8605, mIoU: 0.5788, mAcc: 0.6930, IoU.wall: 0.8160, IoU.building: 0.8528, IoU.sky: 0.9487, IoU.floor: 0.8343, IoU.tree: 0.7666, IoU.ceiling: 0.8627, IoU.road: 0.8651, IoU.bed : 0.9187, IoU.windowpane: 0.6608, IoU.grass: 0.6737, IoU.cabinet: 0.6600, IoU.sidewalk: 0.7160, IoU.person: 0.8464, IoU.earth: 0.3891, IoU.door: 0.5886, IoU.table: 0.6895, IoU.mountain: 0.6250, IoU.plant: 0.5536, IoU.curtain: 0.7866, IoU.chair: 0.6546, IoU.car: 0.8716, IoU.water: 0.6429, IoU.painting: 0.7569, IoU.sofa: 0.8056, IoU.shelf: 0.4570, IoU.house: 0.4890, IoU.sea: 0.7347, IoU.mirror: 0.7675, IoU.rug: 0.5956, IoU.field: 0.3082, IoU.armchair: 0.5835, IoU.seat: 0.6906, IoU.fence: 0.4505, IoU.desk: 0.5996, IoU.rock: 0.5286, IoU.wardrobe: 0.5626, IoU.lamp: 0.7504, IoU.bathtub: 0.8365, IoU.railing: 0.3888, IoU.cushion: 0.6707, IoU.base: 0.3941, IoU.box: 0.4042, IoU.column: 0.5597, IoU.signboard: 0.3909, IoU.chest of drawers: 0.5002, IoU.counter: 0.5703, IoU.sand: 0.5816, IoU.sink: 0.8122, IoU.skyscraper: 0.5311, IoU.fireplace: 0.7701, IoU.refrigerator: 0.8424, IoU.grandstand: 0.5840, IoU.path: 0.2913, IoU.stairs: 0.4654, IoU.runway: 0.7319, IoU.case: 0.6271, IoU.pool table: 0.9476, IoU.pillow: 0.6164, IoU.screen door: 0.7958, IoU.stairway: 0.4299, IoU.river: 0.1426, IoU.bridge: 0.6248, IoU.bookcase: 0.4495, IoU.blind: 0.3691, IoU.coffee table: 0.6288, IoU.toilet: 0.9217, IoU.flower: 0.4752, IoU.book: 0.5489, IoU.hill: 0.0614, IoU.bench: 0.6659, IoU.countertop: 0.6694, IoU.stove: 0.8393, IoU.palm: 0.5766, IoU.kitchen island: 0.4867, IoU.computer: 0.7784, IoU.swivel chair: 0.4398, IoU.boat: 0.7201, IoU.bar: 0.7627, IoU.arcade machine: 0.8257, IoU.hovel: 0.1464, IoU.bus: 0.9252, IoU.towel: 0.7772, IoU.light: 0.5598, IoU.truck: 0.4930, IoU.tower: 0.2919, IoU.chandelier: 0.7300, IoU.awning: 0.3976, IoU.streetlight: 0.3395, IoU.booth: 0.5104, IoU.television receiver: 0.8539, IoU.airplane: 0.6667, IoU.dirt track: 0.1244, IoU.apparel: 0.6013, IoU.pole: 0.2760, IoU.land: 0.0894, IoU.bannister: 0.1334, IoU.escalator: 0.6361, IoU.ottoman: 0.5756, IoU.bottle: 0.4296, IoU.buffet: 0.5817, IoU.poster: 0.2474, IoU.stage: 0.3078, IoU.van: 0.5084, IoU.ship: 0.6985, IoU.fountain: 0.5203, IoU.conveyer belt: 0.8265, IoU.canopy: 0.5328, IoU.washer: 0.8813, IoU.plaything: 0.3334, IoU.swimming pool: 0.5954, IoU.stool: 0.4923, IoU.barrel: 0.6389, IoU.basket: 0.4508, IoU.waterfall: 0.5129, IoU.tent: 0.9487, IoU.bag: 0.3022, IoU.minibike: 0.7591, IoU.cradle: 0.8297, IoU.oven: 0.6290, IoU.ball: 0.6277, IoU.food: 0.5826, IoU.step: 0.1416, IoU.tank: 0.6504, IoU.trade name: 0.2410, IoU.microwave: 0.8756, IoU.pot: 0.5773, IoU.animal: 0.6712, IoU.bicycle: 0.5928, IoU.lake: 0.6378, IoU.dishwasher: 0.7285, IoU.screen: 0.5231, IoU.blanket: 0.2145, IoU.sculpture: 0.6734, IoU.hood: 0.6185, IoU.sconce: 0.5600, IoU.vase: 0.4575, IoU.traffic light: 0.3634, IoU.tray: 0.1901, IoU.ashcan: 0.5143, IoU.fan: 0.6863, IoU.pier: 0.4687, IoU.crt screen: 0.0257, IoU.plate: 0.5857, IoU.monitor: 0.6789, IoU.bulletin board: 0.5558, IoU.shower: 0.1602, IoU.radiator: 0.6437, IoU.glass: 0.2110, IoU.clock: 0.5146, IoU.flag: 0.6672, Acc.wall: 0.9108, Acc.building: 0.9389, Acc.sky: 0.9768, Acc.floor: 0.9218, Acc.tree: 0.8957, Acc.ceiling: 0.9355, Acc.road: 0.9178, Acc.bed : 0.9757, Acc.windowpane: 0.8177, Acc.grass: 0.8231, Acc.cabinet: 0.7539, Acc.sidewalk: 0.8684, Acc.person: 0.9453, Acc.earth: 0.4962, Acc.door: 0.7001, Acc.table: 0.7989, Acc.mountain: 0.7391, Acc.plant: 0.6538, Acc.curtain: 0.8851, Acc.chair: 0.7621, Acc.car: 0.9372, Acc.water: 0.8020, Acc.painting: 0.8827, Acc.sofa: 0.8927, Acc.shelf: 0.6094, Acc.house: 0.6270, Acc.sea: 0.8386, Acc.mirror: 0.8548, Acc.rug: 0.6922, Acc.field: 0.5073, Acc.armchair: 0.7617, Acc.seat: 0.8890, Acc.fence: 0.5656, Acc.desk: 0.7834, Acc.rock: 0.8135, Acc.wardrobe: 0.7295, Acc.lamp: 0.8492, Acc.bathtub: 0.8709, Acc.railing: 0.5134, Acc.cushion: 0.7873, Acc.base: 0.5105, Acc.box: 0.4945, Acc.column: 0.6433, Acc.signboard: 0.4953, Acc.chest of drawers: 0.7046, Acc.counter: 0.6694, Acc.sand: 0.8537, Acc.sink: 0.8861, Acc.skyscraper: 0.6391, Acc.fireplace: 0.9320, Acc.refrigerator: 0.9232, Acc.grandstand: 0.8459, Acc.path: 0.3768, Acc.stairs: 0.5357, Acc.runway: 0.9574, Acc.case: 0.8092, Acc.pool table: 0.9758, Acc.pillow: 0.7135, Acc.screen door: 0.8602, Acc.stairway: 0.5797, Acc.river: 0.2894, Acc.bridge: 0.7093, Acc.bookcase: 0.6614, Acc.blind: 0.4086, Acc.coffee table: 0.8569, Acc.toilet: 0.9598, Acc.flower: 0.6483, Acc.book: 0.7693, Acc.hill: 0.1012, Acc.bench: 0.7463, Acc.countertop: 0.8243, Acc.stove: 0.8983, Acc.palm: 0.7728, Acc.kitchen island: 0.7159, Acc.computer: 0.9022, Acc.swivel chair: 0.6134, Acc.boat: 0.9038, Acc.bar: 0.8529, Acc.arcade machine: 0.8610, Acc.hovel: 0.1595, Acc.bus: 0.9617, Acc.towel: 0.8582, Acc.light: 0.6140, Acc.truck: 0.5937, Acc.tower: 0.4587, Acc.chandelier: 0.8286, Acc.awning: 0.4831, Acc.streetlight: 0.4003, Acc.booth: 0.6086, Acc.television receiver: 0.9032, Acc.airplane: 0.7369, Acc.dirt track: 0.2180, Acc.apparel: 0.7815, Acc.pole: 0.3908, Acc.land: 0.1361, Acc.bannister: 0.1862, Acc.escalator: 0.8628, Acc.ottoman: 0.7076, Acc.bottle: 0.7462, Acc.buffet: 0.6455, Acc.poster: 0.3104, Acc.stage: 0.7002, Acc.van: 0.6621, Acc.ship: 0.7817, Acc.fountain: 0.5370, Acc.conveyer belt: 0.9728, Acc.canopy: 0.7364, Acc.washer: 0.9344, Acc.plaything: 0.4700, Acc.swimming pool: 0.8772, Acc.stool: 0.6447, Acc.barrel: 0.7227, Acc.basket: 0.5731, Acc.waterfall: 0.5803, Acc.tent: 0.9842, Acc.bag: 0.3491, Acc.minibike: 0.8888, Acc.cradle: 0.9786, Acc.oven: 0.7295, Acc.ball: 0.7077, Acc.food: 0.6733, Acc.step: 0.1463, Acc.tank: 0.7311, Acc.trade name: 0.2692, Acc.microwave: 0.9499, Acc.pot: 0.6563, Acc.animal: 0.6909, Acc.bicycle: 0.7758, Acc.lake: 0.6757, Acc.dishwasher: 0.7803, Acc.screen: 0.6795, Acc.blanket: 0.2499, Acc.sculpture: 0.8571, Acc.hood: 0.7283, Acc.sconce: 0.6596, Acc.vase: 0.6096, Acc.traffic light: 0.5347, Acc.tray: 0.2391, Acc.ashcan: 0.6255, Acc.fan: 0.8051, Acc.pier: 0.5289, Acc.crt screen: 0.0370, Acc.plate: 0.7974, Acc.monitor: 0.8245, Acc.bulletin board: 0.6749, Acc.shower: 0.1930, Acc.radiator: 0.7309, Acc.glass: 0.2275, Acc.clock: 0.6180, Acc.flag: 0.7373 2024-01-19 01:12:23,780 - mmseg - INFO - Iter [73050/80000] lr: 3.476e-06, eta: 2:44:03, time: 4.368, data_time: 3.170, memory: 59004, decode.loss_ce: 0.1034, decode.acc_seg: 95.1840, aux.loss_ce: 0.0581, aux.acc_seg: 93.6711, loss: 0.1615 2024-01-19 01:13:24,002 - mmseg - INFO - Iter [73100/80000] lr: 3.451e-06, eta: 2:42:51, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1002, decode.acc_seg: 95.3288, aux.loss_ce: 0.0562, aux.acc_seg: 93.7518, loss: 0.1564 2024-01-19 01:14:24,342 - mmseg - INFO - Iter [73150/80000] lr: 3.426e-06, eta: 2:41:40, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1025, decode.acc_seg: 95.4171, aux.loss_ce: 0.0569, aux.acc_seg: 93.8681, loss: 0.1594 2024-01-19 01:15:24,606 - mmseg - INFO - Iter [73200/80000] lr: 3.401e-06, eta: 2:40:28, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0998, decode.acc_seg: 95.5294, aux.loss_ce: 0.0553, aux.acc_seg: 94.0369, loss: 0.1550 2024-01-19 01:16:25,033 - mmseg - INFO - Iter [73250/80000] lr: 3.375e-06, eta: 2:39:16, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0989, decode.acc_seg: 95.4896, aux.loss_ce: 0.0553, aux.acc_seg: 94.0014, loss: 0.1542 2024-01-19 01:17:27,736 - mmseg - INFO - Iter [73300/80000] lr: 3.350e-06, eta: 2:38:05, time: 1.254, data_time: 0.051, memory: 59004, decode.loss_ce: 0.0955, decode.acc_seg: 95.7114, aux.loss_ce: 0.0544, aux.acc_seg: 94.1613, loss: 0.1498 2024-01-19 01:18:28,207 - mmseg - INFO - Iter [73350/80000] lr: 3.325e-06, eta: 2:36:53, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0949, decode.acc_seg: 95.6475, aux.loss_ce: 0.0533, aux.acc_seg: 94.1730, loss: 0.1482 2024-01-19 01:19:28,578 - mmseg - INFO - Iter [73400/80000] lr: 3.300e-06, eta: 2:35:41, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1004, decode.acc_seg: 95.4466, aux.loss_ce: 0.0561, aux.acc_seg: 93.9726, loss: 0.1565 2024-01-19 01:20:29,076 - mmseg - INFO - Iter [73450/80000] lr: 3.276e-06, eta: 2:34:29, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0980, decode.acc_seg: 95.4366, aux.loss_ce: 0.0544, aux.acc_seg: 94.0257, loss: 0.1524 2024-01-19 01:21:29,442 - mmseg - INFO - Iter [73500/80000] lr: 3.251e-06, eta: 2:33:18, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1009, decode.acc_seg: 95.2818, aux.loss_ce: 0.0557, aux.acc_seg: 93.8061, loss: 0.1566 2024-01-19 01:22:29,697 - mmseg - INFO - Iter [73550/80000] lr: 3.226e-06, eta: 2:32:06, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0991, decode.acc_seg: 95.4677, aux.loss_ce: 0.0551, aux.acc_seg: 93.9655, loss: 0.1542 2024-01-19 01:23:30,057 - mmseg - INFO - Iter [73600/80000] lr: 3.201e-06, eta: 2:30:54, time: 1.207, data_time: 0.010, memory: 59004, decode.loss_ce: 0.1012, decode.acc_seg: 95.2722, aux.loss_ce: 0.0562, aux.acc_seg: 93.6733, loss: 0.1574 2024-01-19 01:24:30,367 - mmseg - INFO - Iter [73650/80000] lr: 3.176e-06, eta: 2:29:43, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0973, decode.acc_seg: 95.5865, aux.loss_ce: 0.0546, aux.acc_seg: 94.0529, loss: 0.1518 2024-01-19 01:25:30,766 - mmseg - INFO - Iter [73700/80000] lr: 3.150e-06, eta: 2:28:31, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.5241, aux.loss_ce: 0.0581, aux.acc_seg: 93.9185, loss: 0.1601 2024-01-19 01:26:31,045 - mmseg - INFO - Iter [73750/80000] lr: 3.125e-06, eta: 2:27:20, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0955, decode.acc_seg: 95.5902, aux.loss_ce: 0.0547, aux.acc_seg: 94.0266, loss: 0.1502 2024-01-19 01:27:31,616 - mmseg - INFO - Iter [73800/80000] lr: 3.100e-06, eta: 2:26:08, time: 1.211, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0944, decode.acc_seg: 95.4811, aux.loss_ce: 0.0528, aux.acc_seg: 94.0109, loss: 0.1472 2024-01-19 01:28:31,935 - mmseg - INFO - Iter [73850/80000] lr: 3.076e-06, eta: 2:24:56, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0970, decode.acc_seg: 95.5927, aux.loss_ce: 0.0551, aux.acc_seg: 94.0208, loss: 0.1521 2024-01-19 01:29:32,251 - mmseg - INFO - Iter [73900/80000] lr: 3.051e-06, eta: 2:23:45, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.4138, aux.loss_ce: 0.0562, aux.acc_seg: 93.9302, loss: 0.1582 2024-01-19 01:30:32,540 - mmseg - INFO - Iter [73950/80000] lr: 3.026e-06, eta: 2:22:33, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0990, decode.acc_seg: 95.3212, aux.loss_ce: 0.0541, aux.acc_seg: 93.8421, loss: 0.1530 2024-01-19 01:31:32,982 - mmseg - INFO - Saving checkpoint at 74000 iterations 2024-01-19 01:32:19,204 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 01:32:19,204 - mmseg - INFO - Iter [74000/80000] lr: 3.001e-06, eta: 2:21:26, time: 2.133, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1027, decode.acc_seg: 95.2935, aux.loss_ce: 0.0574, aux.acc_seg: 93.7240, loss: 0.1601 2024-01-19 01:34:57,709 - mmseg - INFO - per class results: 2024-01-19 01:34:57,716 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.75 | 90.85 | | building | 85.41 | 93.57 | | sky | 94.9 | 97.56 | | floor | 83.41 | 92.12 | | tree | 76.94 | 90.1 | | ceiling | 86.22 | 93.61 | | road | 86.92 | 91.74 | | bed | 91.87 | 97.56 | | windowpane | 66.35 | 82.49 | | grass | 67.89 | 81.87 | | cabinet | 65.61 | 75.52 | | sidewalk | 71.94 | 86.97 | | person | 84.79 | 94.37 | | earth | 39.1 | 49.99 | | door | 58.92 | 69.86 | | table | 68.38 | 79.41 | | mountain | 62.32 | 74.61 | | plant | 55.87 | 66.81 | | curtain | 78.71 | 88.36 | | chair | 66.18 | 78.02 | | car | 87.02 | 94.31 | | water | 64.39 | 79.57 | | painting | 75.31 | 89.21 | | sofa | 80.33 | 92.1 | | shelf | 45.21 | 61.0 | | house | 50.57 | 65.67 | | sea | 72.98 | 83.82 | | mirror | 76.31 | 85.01 | | rug | 57.75 | 66.95 | | field | 30.72 | 52.21 | | armchair | 58.19 | 73.5 | | seat | 69.4 | 89.46 | | fence | 45.4 | 56.71 | | desk | 58.34 | 82.64 | | rock | 53.31 | 79.88 | | wardrobe | 56.78 | 75.02 | | lamp | 75.21 | 84.76 | | bathtub | 83.24 | 86.73 | | railing | 39.46 | 53.37 | | cushion | 66.4 | 75.8 | | base | 40.41 | 50.03 | | box | 40.3 | 49.04 | | column | 55.53 | 64.08 | | signboard | 40.64 | 53.35 | | chest of drawers | 48.05 | 68.52 | | counter | 57.25 | 65.1 | | sand | 57.97 | 85.41 | | sink | 81.92 | 88.82 | | skyscraper | 52.92 | 65.37 | | fireplace | 75.86 | 93.42 | | refrigerator | 83.91 | 91.23 | | grandstand | 58.27 | 84.3 | | path | 28.76 | 37.09 | | stairs | 47.73 | 56.03 | | runway | 73.71 | 95.65 | | case | 63.06 | 81.85 | | pool table | 94.68 | 97.78 | | pillow | 61.71 | 72.5 | | screen door | 78.44 | 85.69 | | stairway | 45.41 | 62.22 | | river | 14.41 | 29.05 | | bridge | 67.91 | 75.23 | | bookcase | 43.67 | 63.9 | | blind | 37.44 | 40.85 | | coffee table | 61.55 | 87.36 | | toilet | 91.96 | 95.88 | | flower | 48.66 | 65.05 | | book | 55.28 | 78.51 | | hill | 6.46 | 10.7 | | bench | 66.88 | 74.17 | | countertop | 66.17 | 81.73 | | stove | 84.0 | 89.16 | | palm | 56.6 | 78.63 | | kitchen island | 47.58 | 71.43 | | computer | 77.8 | 89.38 | | swivel chair | 44.95 | 63.57 | | boat | 72.67 | 90.48 | | bar | 77.32 | 87.63 | | arcade machine | 81.09 | 83.29 | | hovel | 15.18 | 16.56 | | bus | 92.67 | 96.03 | | towel | 78.34 | 85.15 | | light | 56.22 | 61.64 | | truck | 50.34 | 60.5 | | tower | 30.3 | 47.43 | | chandelier | 73.12 | 84.48 | | awning | 42.79 | 53.12 | | streetlight | 33.3 | 38.74 | | booth | 52.21 | 61.85 | | television receiver | 85.52 | 90.09 | | airplane | 66.27 | 73.19 | | dirt track | 10.06 | 17.06 | | apparel | 60.02 | 76.71 | | pole | 27.89 | 41.0 | | land | 9.1 | 13.73 | | bannister | 13.95 | 19.37 | | escalator | 62.67 | 86.99 | | ottoman | 57.89 | 71.12 | | bottle | 42.61 | 70.3 | | buffet | 57.12 | 63.19 | | poster | 23.96 | 30.66 | | stage | 30.35 | 68.11 | | van | 50.11 | 63.23 | | ship | 67.75 | 74.18 | | fountain | 55.21 | 56.92 | | conveyer belt | 83.34 | 97.12 | | canopy | 52.64 | 71.94 | | washer | 88.41 | 93.54 | | plaything | 35.32 | 49.0 | | swimming pool | 59.37 | 90.45 | | stool | 50.33 | 65.61 | | barrel | 63.71 | 72.48 | | basket | 45.09 | 55.32 | | waterfall | 50.9 | 56.4 | | tent | 95.65 | 98.26 | | bag | 29.0 | 32.53 | | minibike | 75.79 | 89.21 | | cradle | 82.1 | 98.29 | | oven | 63.33 | 72.19 | | ball | 61.48 | 68.89 | | food | 59.04 | 67.79 | | step | 13.49 | 13.94 | | tank | 67.52 | 76.43 | | trade name | 24.15 | 27.22 | | microwave | 88.13 | 94.64 | | pot | 57.82 | 65.47 | | animal | 67.67 | 69.63 | | bicycle | 58.51 | 75.56 | | lake | 63.43 | 69.04 | | dishwasher | 72.88 | 76.43 | | screen | 51.03 | 66.85 | | blanket | 18.1 | 20.78 | | sculpture | 67.73 | 86.3 | | hood | 61.04 | 71.36 | | sconce | 56.39 | 66.03 | | vase | 46.27 | 60.85 | | traffic light | 35.74 | 51.5 | | tray | 19.27 | 24.89 | | ashcan | 51.17 | 61.0 | | fan | 68.34 | 79.73 | | pier | 46.34 | 51.01 | | crt screen | 3.07 | 4.74 | | plate | 58.97 | 79.02 | | monitor | 67.32 | 82.55 | | bulletin board | 58.15 | 70.0 | | shower | 17.21 | 21.0 | | radiator | 65.03 | 74.72 | | glass | 20.98 | 22.63 | | clock | 52.87 | 60.78 | | flag | 66.49 | 72.83 | +---------------------+-------+-------+ 2024-01-19 01:34:57,716 - mmseg - INFO - Summary: 2024-01-19 01:34:57,716 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.09 | 57.96 | 69.36 | +-------+-------+-------+ 2024-01-19 01:34:57,718 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 01:34:57,718 - mmseg - INFO - Iter(val) [250] aAcc: 0.8609, mIoU: 0.5796, mAcc: 0.6936, IoU.wall: 0.8175, IoU.building: 0.8541, IoU.sky: 0.9490, IoU.floor: 0.8341, IoU.tree: 0.7694, IoU.ceiling: 0.8622, IoU.road: 0.8692, IoU.bed : 0.9187, IoU.windowpane: 0.6635, IoU.grass: 0.6789, IoU.cabinet: 0.6561, IoU.sidewalk: 0.7194, IoU.person: 0.8479, IoU.earth: 0.3910, IoU.door: 0.5892, IoU.table: 0.6838, IoU.mountain: 0.6232, IoU.plant: 0.5587, IoU.curtain: 0.7871, IoU.chair: 0.6618, IoU.car: 0.8702, IoU.water: 0.6439, IoU.painting: 0.7531, IoU.sofa: 0.8033, IoU.shelf: 0.4521, IoU.house: 0.5057, IoU.sea: 0.7298, IoU.mirror: 0.7631, IoU.rug: 0.5775, IoU.field: 0.3072, IoU.armchair: 0.5819, IoU.seat: 0.6940, IoU.fence: 0.4540, IoU.desk: 0.5834, IoU.rock: 0.5331, IoU.wardrobe: 0.5678, IoU.lamp: 0.7521, IoU.bathtub: 0.8324, IoU.railing: 0.3946, IoU.cushion: 0.6640, IoU.base: 0.4041, IoU.box: 0.4030, IoU.column: 0.5553, IoU.signboard: 0.4064, IoU.chest of drawers: 0.4805, IoU.counter: 0.5725, IoU.sand: 0.5797, IoU.sink: 0.8192, IoU.skyscraper: 0.5292, IoU.fireplace: 0.7586, IoU.refrigerator: 0.8391, IoU.grandstand: 0.5827, IoU.path: 0.2876, IoU.stairs: 0.4773, IoU.runway: 0.7371, IoU.case: 0.6306, IoU.pool table: 0.9468, IoU.pillow: 0.6171, IoU.screen door: 0.7844, IoU.stairway: 0.4541, IoU.river: 0.1441, IoU.bridge: 0.6791, IoU.bookcase: 0.4367, IoU.blind: 0.3744, IoU.coffee table: 0.6155, IoU.toilet: 0.9196, IoU.flower: 0.4866, IoU.book: 0.5528, IoU.hill: 0.0646, IoU.bench: 0.6688, IoU.countertop: 0.6617, IoU.stove: 0.8400, IoU.palm: 0.5660, IoU.kitchen island: 0.4758, IoU.computer: 0.7780, IoU.swivel chair: 0.4495, IoU.boat: 0.7267, IoU.bar: 0.7732, IoU.arcade machine: 0.8109, IoU.hovel: 0.1518, IoU.bus: 0.9267, IoU.towel: 0.7834, IoU.light: 0.5622, IoU.truck: 0.5034, IoU.tower: 0.3030, IoU.chandelier: 0.7312, IoU.awning: 0.4279, IoU.streetlight: 0.3330, IoU.booth: 0.5221, IoU.television receiver: 0.8552, IoU.airplane: 0.6627, IoU.dirt track: 0.1006, IoU.apparel: 0.6002, IoU.pole: 0.2789, IoU.land: 0.0910, IoU.bannister: 0.1395, IoU.escalator: 0.6267, IoU.ottoman: 0.5789, IoU.bottle: 0.4261, IoU.buffet: 0.5712, IoU.poster: 0.2396, IoU.stage: 0.3035, IoU.van: 0.5011, IoU.ship: 0.6775, IoU.fountain: 0.5521, IoU.conveyer belt: 0.8334, IoU.canopy: 0.5264, IoU.washer: 0.8841, IoU.plaything: 0.3532, IoU.swimming pool: 0.5937, IoU.stool: 0.5033, IoU.barrel: 0.6371, IoU.basket: 0.4509, IoU.waterfall: 0.5090, IoU.tent: 0.9565, IoU.bag: 0.2900, IoU.minibike: 0.7579, IoU.cradle: 0.8210, IoU.oven: 0.6333, IoU.ball: 0.6148, IoU.food: 0.5904, IoU.step: 0.1349, IoU.tank: 0.6752, IoU.trade name: 0.2415, IoU.microwave: 0.8813, IoU.pot: 0.5782, IoU.animal: 0.6767, IoU.bicycle: 0.5851, IoU.lake: 0.6343, IoU.dishwasher: 0.7288, IoU.screen: 0.5103, IoU.blanket: 0.1810, IoU.sculpture: 0.6773, IoU.hood: 0.6104, IoU.sconce: 0.5639, IoU.vase: 0.4627, IoU.traffic light: 0.3574, IoU.tray: 0.1927, IoU.ashcan: 0.5117, IoU.fan: 0.6834, IoU.pier: 0.4634, IoU.crt screen: 0.0307, IoU.plate: 0.5897, IoU.monitor: 0.6732, IoU.bulletin board: 0.5815, IoU.shower: 0.1721, IoU.radiator: 0.6503, IoU.glass: 0.2098, IoU.clock: 0.5287, IoU.flag: 0.6649, Acc.wall: 0.9085, Acc.building: 0.9357, Acc.sky: 0.9756, Acc.floor: 0.9212, Acc.tree: 0.9010, Acc.ceiling: 0.9361, Acc.road: 0.9174, Acc.bed : 0.9756, Acc.windowpane: 0.8249, Acc.grass: 0.8187, Acc.cabinet: 0.7552, Acc.sidewalk: 0.8697, Acc.person: 0.9437, Acc.earth: 0.4999, Acc.door: 0.6986, Acc.table: 0.7941, Acc.mountain: 0.7461, Acc.plant: 0.6681, Acc.curtain: 0.8836, Acc.chair: 0.7802, Acc.car: 0.9431, Acc.water: 0.7957, Acc.painting: 0.8921, Acc.sofa: 0.9210, Acc.shelf: 0.6100, Acc.house: 0.6567, Acc.sea: 0.8382, Acc.mirror: 0.8501, Acc.rug: 0.6695, Acc.field: 0.5221, Acc.armchair: 0.7350, Acc.seat: 0.8946, Acc.fence: 0.5671, Acc.desk: 0.8264, Acc.rock: 0.7988, Acc.wardrobe: 0.7502, Acc.lamp: 0.8476, Acc.bathtub: 0.8673, Acc.railing: 0.5337, Acc.cushion: 0.7580, Acc.base: 0.5003, Acc.box: 0.4904, Acc.column: 0.6408, Acc.signboard: 0.5335, Acc.chest of drawers: 0.6852, Acc.counter: 0.6510, Acc.sand: 0.8541, Acc.sink: 0.8882, Acc.skyscraper: 0.6537, Acc.fireplace: 0.9342, Acc.refrigerator: 0.9123, Acc.grandstand: 0.8430, Acc.path: 0.3709, Acc.stairs: 0.5603, Acc.runway: 0.9565, Acc.case: 0.8185, Acc.pool table: 0.9778, Acc.pillow: 0.7250, Acc.screen door: 0.8569, Acc.stairway: 0.6222, Acc.river: 0.2905, Acc.bridge: 0.7523, Acc.bookcase: 0.6390, Acc.blind: 0.4085, Acc.coffee table: 0.8736, Acc.toilet: 0.9588, Acc.flower: 0.6505, Acc.book: 0.7851, Acc.hill: 0.1070, Acc.bench: 0.7417, Acc.countertop: 0.8173, Acc.stove: 0.8916, Acc.palm: 0.7863, Acc.kitchen island: 0.7143, Acc.computer: 0.8938, Acc.swivel chair: 0.6357, Acc.boat: 0.9048, Acc.bar: 0.8763, Acc.arcade machine: 0.8329, Acc.hovel: 0.1656, Acc.bus: 0.9603, Acc.towel: 0.8515, Acc.light: 0.6164, Acc.truck: 0.6050, Acc.tower: 0.4743, Acc.chandelier: 0.8448, Acc.awning: 0.5312, Acc.streetlight: 0.3874, Acc.booth: 0.6185, Acc.television receiver: 0.9009, Acc.airplane: 0.7319, Acc.dirt track: 0.1706, Acc.apparel: 0.7671, Acc.pole: 0.4100, Acc.land: 0.1373, Acc.bannister: 0.1937, Acc.escalator: 0.8699, Acc.ottoman: 0.7112, Acc.bottle: 0.7030, Acc.buffet: 0.6319, Acc.poster: 0.3066, Acc.stage: 0.6811, Acc.van: 0.6323, Acc.ship: 0.7418, Acc.fountain: 0.5692, Acc.conveyer belt: 0.9712, Acc.canopy: 0.7194, Acc.washer: 0.9354, Acc.plaything: 0.4900, Acc.swimming pool: 0.9045, Acc.stool: 0.6561, Acc.barrel: 0.7248, Acc.basket: 0.5532, Acc.waterfall: 0.5640, Acc.tent: 0.9826, Acc.bag: 0.3253, Acc.minibike: 0.8921, Acc.cradle: 0.9829, Acc.oven: 0.7219, Acc.ball: 0.6889, Acc.food: 0.6779, Acc.step: 0.1394, Acc.tank: 0.7643, Acc.trade name: 0.2722, Acc.microwave: 0.9464, Acc.pot: 0.6547, Acc.animal: 0.6963, Acc.bicycle: 0.7556, Acc.lake: 0.6904, Acc.dishwasher: 0.7643, Acc.screen: 0.6685, Acc.blanket: 0.2078, Acc.sculpture: 0.8630, Acc.hood: 0.7136, Acc.sconce: 0.6603, Acc.vase: 0.6085, Acc.traffic light: 0.5150, Acc.tray: 0.2489, Acc.ashcan: 0.6100, Acc.fan: 0.7973, Acc.pier: 0.5101, Acc.crt screen: 0.0474, Acc.plate: 0.7902, Acc.monitor: 0.8255, Acc.bulletin board: 0.7000, Acc.shower: 0.2100, Acc.radiator: 0.7472, Acc.glass: 0.2263, Acc.clock: 0.6078, Acc.flag: 0.7283 2024-01-19 01:35:58,744 - mmseg - INFO - Iter [74050/80000] lr: 2.976e-06, eta: 2:20:27, time: 4.391, data_time: 3.193, memory: 59004, decode.loss_ce: 0.1002, decode.acc_seg: 95.3360, aux.loss_ce: 0.0547, aux.acc_seg: 93.9003, loss: 0.1549 2024-01-19 01:36:58,941 - mmseg - INFO - Iter [74100/80000] lr: 2.950e-06, eta: 2:19:15, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0986, decode.acc_seg: 95.4329, aux.loss_ce: 0.0558, aux.acc_seg: 93.7491, loss: 0.1544 2024-01-19 01:37:59,084 - mmseg - INFO - Iter [74150/80000] lr: 2.925e-06, eta: 2:18:03, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0970, decode.acc_seg: 95.5577, aux.loss_ce: 0.0548, aux.acc_seg: 93.9851, loss: 0.1519 2024-01-19 01:38:59,330 - mmseg - INFO - Iter [74200/80000] lr: 2.900e-06, eta: 2:16:52, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0983, decode.acc_seg: 95.3843, aux.loss_ce: 0.0560, aux.acc_seg: 93.7348, loss: 0.1543 2024-01-19 01:39:59,593 - mmseg - INFO - Iter [74250/80000] lr: 2.875e-06, eta: 2:15:40, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0967, decode.acc_seg: 95.4299, aux.loss_ce: 0.0547, aux.acc_seg: 93.8660, loss: 0.1514 2024-01-19 01:40:59,905 - mmseg - INFO - Iter [74300/80000] lr: 2.851e-06, eta: 2:14:29, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0964, decode.acc_seg: 95.6062, aux.loss_ce: 0.0544, aux.acc_seg: 94.0425, loss: 0.1509 2024-01-19 01:42:00,226 - mmseg - INFO - Iter [74350/80000] lr: 2.826e-06, eta: 2:13:17, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1000, decode.acc_seg: 95.3748, aux.loss_ce: 0.0571, aux.acc_seg: 93.7807, loss: 0.1571 2024-01-19 01:43:00,493 - mmseg - INFO - Iter [74400/80000] lr: 2.801e-06, eta: 2:12:05, time: 1.205, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0969, decode.acc_seg: 95.4614, aux.loss_ce: 0.0538, aux.acc_seg: 94.0146, loss: 0.1506 2024-01-19 01:44:00,719 - mmseg - INFO - Iter [74450/80000] lr: 2.776e-06, eta: 2:10:54, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1035, decode.acc_seg: 95.3318, aux.loss_ce: 0.0572, aux.acc_seg: 93.8408, loss: 0.1607 2024-01-19 01:45:00,971 - mmseg - INFO - Iter [74500/80000] lr: 2.750e-06, eta: 2:09:42, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0936, decode.acc_seg: 95.6731, aux.loss_ce: 0.0519, aux.acc_seg: 94.2368, loss: 0.1455 2024-01-19 01:46:03,347 - mmseg - INFO - Iter [74550/80000] lr: 2.725e-06, eta: 2:08:31, time: 1.248, data_time: 0.051, memory: 59004, decode.loss_ce: 0.0979, decode.acc_seg: 95.4154, aux.loss_ce: 0.0548, aux.acc_seg: 93.8434, loss: 0.1526 2024-01-19 01:47:03,511 - mmseg - INFO - Iter [74600/80000] lr: 2.700e-06, eta: 2:07:20, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0992, decode.acc_seg: 95.3270, aux.loss_ce: 0.0548, aux.acc_seg: 93.8549, loss: 0.1540 2024-01-19 01:48:03,705 - mmseg - INFO - Iter [74650/80000] lr: 2.675e-06, eta: 2:06:08, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0984, decode.acc_seg: 95.4058, aux.loss_ce: 0.0556, aux.acc_seg: 93.8023, loss: 0.1541 2024-01-19 01:49:04,074 - mmseg - INFO - Iter [74700/80000] lr: 2.651e-06, eta: 2:04:57, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1008, decode.acc_seg: 95.3459, aux.loss_ce: 0.0565, aux.acc_seg: 93.8273, loss: 0.1573 2024-01-19 01:50:04,320 - mmseg - INFO - Iter [74750/80000] lr: 2.626e-06, eta: 2:03:45, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0961, decode.acc_seg: 95.5751, aux.loss_ce: 0.0542, aux.acc_seg: 94.0191, loss: 0.1503 2024-01-19 01:51:04,702 - mmseg - INFO - Iter [74800/80000] lr: 2.601e-06, eta: 2:02:34, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1030, decode.acc_seg: 95.2734, aux.loss_ce: 0.0575, aux.acc_seg: 93.6813, loss: 0.1604 2024-01-19 01:52:05,012 - mmseg - INFO - Iter [74850/80000] lr: 2.576e-06, eta: 2:01:22, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0924, decode.acc_seg: 95.8428, aux.loss_ce: 0.0517, aux.acc_seg: 94.3644, loss: 0.1442 2024-01-19 01:53:05,309 - mmseg - INFO - Iter [74900/80000] lr: 2.551e-06, eta: 2:00:11, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0961, decode.acc_seg: 95.5206, aux.loss_ce: 0.0538, aux.acc_seg: 94.0127, loss: 0.1499 2024-01-19 01:54:05,502 - mmseg - INFO - Iter [74950/80000] lr: 2.525e-06, eta: 1:58:59, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.2982, aux.loss_ce: 0.0564, aux.acc_seg: 93.7748, loss: 0.1584 2024-01-19 01:55:05,773 - mmseg - INFO - Saving checkpoint at 75000 iterations 2024-01-19 01:55:50,337 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 01:55:50,337 - mmseg - INFO - Iter [75000/80000] lr: 2.500e-06, eta: 1:57:51, time: 2.097, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0898, decode.acc_seg: 95.8552, aux.loss_ce: 0.0508, aux.acc_seg: 94.3798, loss: 0.1406 2024-01-19 01:58:29,570 - mmseg - INFO - per class results: 2024-01-19 01:58:29,583 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.57 | 90.47 | | building | 85.22 | 93.83 | | sky | 94.87 | 97.74 | | floor | 83.47 | 92.3 | | tree | 76.97 | 90.23 | | ceiling | 86.18 | 93.92 | | road | 86.96 | 92.3 | | bed | 91.66 | 97.65 | | windowpane | 66.33 | 81.48 | | grass | 68.3 | 82.75 | | cabinet | 65.77 | 76.1 | | sidewalk | 71.7 | 85.09 | | person | 84.74 | 94.74 | | earth | 39.61 | 50.92 | | door | 58.94 | 70.86 | | table | 68.94 | 79.67 | | mountain | 62.67 | 74.31 | | plant | 56.47 | 67.78 | | curtain | 78.93 | 88.31 | | chair | 66.65 | 79.01 | | car | 87.12 | 93.74 | | water | 64.2 | 78.74 | | painting | 75.1 | 89.28 | | sofa | 80.66 | 90.1 | | shelf | 46.23 | 62.09 | | house | 49.25 | 62.14 | | sea | 73.11 | 83.82 | | mirror | 76.07 | 84.49 | | rug | 59.38 | 68.65 | | field | 31.01 | 49.81 | | armchair | 58.75 | 76.29 | | seat | 71.78 | 88.87 | | fence | 45.24 | 57.07 | | desk | 59.68 | 79.85 | | rock | 53.79 | 79.53 | | wardrobe | 55.52 | 70.19 | | lamp | 75.28 | 85.95 | | bathtub | 83.86 | 87.31 | | railing | 38.96 | 51.7 | | cushion | 67.46 | 79.38 | | base | 40.65 | 50.32 | | box | 40.08 | 47.69 | | column | 55.32 | 64.6 | | signboard | 39.45 | 51.76 | | chest of drawers | 46.61 | 67.05 | | counter | 57.04 | 64.72 | | sand | 58.15 | 85.21 | | sink | 81.59 | 90.08 | | skyscraper | 53.05 | 64.1 | | fireplace | 74.34 | 93.11 | | refrigerator | 83.89 | 92.76 | | grandstand | 58.43 | 85.22 | | path | 28.71 | 38.33 | | stairs | 47.27 | 55.58 | | runway | 73.42 | 95.57 | | case | 62.97 | 80.2 | | pool table | 94.68 | 97.98 | | pillow | 58.47 | 66.33 | | screen door | 79.36 | 86.12 | | stairway | 43.66 | 59.07 | | river | 15.82 | 33.83 | | bridge | 63.26 | 71.99 | | bookcase | 44.59 | 59.46 | | blind | 37.11 | 42.28 | | coffee table | 63.02 | 85.91 | | toilet | 92.14 | 95.58 | | flower | 48.65 | 63.4 | | book | 56.13 | 80.33 | | hill | 6.4 | 10.28 | | bench | 67.24 | 75.26 | | countertop | 66.13 | 81.33 | | stove | 84.24 | 89.47 | | palm | 56.28 | 77.48 | | kitchen island | 47.72 | 71.07 | | computer | 77.68 | 91.04 | | swivel chair | 44.24 | 63.94 | | boat | 72.37 | 90.3 | | bar | 77.18 | 89.76 | | arcade machine | 83.55 | 88.34 | | hovel | 15.67 | 17.17 | | bus | 92.41 | 96.45 | | towel | 78.32 | 86.31 | | light | 55.94 | 61.05 | | truck | 49.41 | 58.97 | | tower | 27.01 | 42.27 | | chandelier | 73.16 | 83.36 | | awning | 43.83 | 55.9 | | streetlight | 33.8 | 41.16 | | booth | 52.41 | 61.96 | | television receiver | 85.68 | 90.75 | | airplane | 64.43 | 71.87 | | dirt track | 12.19 | 21.23 | | apparel | 58.66 | 75.54 | | pole | 27.76 | 42.06 | | land | 7.22 | 10.3 | | bannister | 13.5 | 18.31 | | escalator | 62.61 | 86.92 | | ottoman | 57.84 | 70.75 | | bottle | 42.05 | 71.81 | | buffet | 58.75 | 65.5 | | poster | 25.24 | 31.39 | | stage | 29.69 | 67.69 | | van | 49.64 | 65.53 | | ship | 67.3 | 74.23 | | fountain | 54.41 | 56.18 | | conveyer belt | 83.57 | 97.11 | | canopy | 54.01 | 73.89 | | washer | 89.04 | 94.72 | | plaything | 34.15 | 47.75 | | swimming pool | 59.99 | 89.09 | | stool | 51.19 | 64.67 | | barrel | 64.67 | 72.99 | | basket | 45.36 | 56.62 | | waterfall | 50.29 | 58.33 | | tent | 94.99 | 98.41 | | bag | 29.87 | 34.06 | | minibike | 75.56 | 89.76 | | cradle | 83.31 | 97.98 | | oven | 63.03 | 72.56 | | ball | 62.33 | 69.98 | | food | 58.51 | 67.7 | | step | 10.31 | 10.54 | | tank | 67.76 | 75.92 | | trade name | 21.57 | 23.96 | | microwave | 87.61 | 95.13 | | pot | 57.76 | 66.22 | | animal | 67.34 | 69.43 | | bicycle | 58.99 | 78.46 | | lake | 60.54 | 69.87 | | dishwasher | 74.29 | 79.9 | | screen | 50.57 | 65.69 | | blanket | 21.22 | 25.0 | | sculpture | 66.28 | 86.12 | | hood | 61.45 | 71.8 | | sconce | 56.34 | 66.28 | | vase | 45.81 | 61.53 | | traffic light | 35.46 | 51.2 | | tray | 18.28 | 22.7 | | ashcan | 52.13 | 64.86 | | fan | 68.7 | 80.81 | | pier | 45.84 | 50.26 | | crt screen | 2.55 | 3.76 | | plate | 57.88 | 79.67 | | monitor | 68.8 | 83.18 | | bulletin board | 56.62 | 67.17 | | shower | 15.87 | 18.71 | | radiator | 64.45 | 73.48 | | glass | 21.18 | 23.03 | | clock | 52.28 | 60.97 | | flag | 67.38 | 73.89 | +---------------------+-------+-------+ 2024-01-19 01:58:29,583 - mmseg - INFO - Summary: 2024-01-19 01:58:29,583 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.1 | 57.89 | 69.37 | +------+-------+-------+ 2024-01-19 01:58:29,585 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 01:58:29,585 - mmseg - INFO - Iter(val) [250] aAcc: 0.8610, mIoU: 0.5789, mAcc: 0.6937, IoU.wall: 0.8157, IoU.building: 0.8522, IoU.sky: 0.9487, IoU.floor: 0.8347, IoU.tree: 0.7697, IoU.ceiling: 0.8618, IoU.road: 0.8696, IoU.bed : 0.9166, IoU.windowpane: 0.6633, IoU.grass: 0.6830, IoU.cabinet: 0.6577, IoU.sidewalk: 0.7170, IoU.person: 0.8474, IoU.earth: 0.3961, IoU.door: 0.5894, IoU.table: 0.6894, IoU.mountain: 0.6267, IoU.plant: 0.5647, IoU.curtain: 0.7893, IoU.chair: 0.6665, IoU.car: 0.8712, IoU.water: 0.6420, IoU.painting: 0.7510, IoU.sofa: 0.8066, IoU.shelf: 0.4623, IoU.house: 0.4925, IoU.sea: 0.7311, IoU.mirror: 0.7607, IoU.rug: 0.5938, IoU.field: 0.3101, IoU.armchair: 0.5875, IoU.seat: 0.7178, IoU.fence: 0.4524, IoU.desk: 0.5968, IoU.rock: 0.5379, IoU.wardrobe: 0.5552, IoU.lamp: 0.7528, IoU.bathtub: 0.8386, IoU.railing: 0.3896, IoU.cushion: 0.6746, IoU.base: 0.4065, IoU.box: 0.4008, IoU.column: 0.5532, IoU.signboard: 0.3945, IoU.chest of drawers: 0.4661, IoU.counter: 0.5704, IoU.sand: 0.5815, IoU.sink: 0.8159, IoU.skyscraper: 0.5305, IoU.fireplace: 0.7434, IoU.refrigerator: 0.8389, IoU.grandstand: 0.5843, IoU.path: 0.2871, IoU.stairs: 0.4727, IoU.runway: 0.7342, IoU.case: 0.6297, IoU.pool table: 0.9468, IoU.pillow: 0.5847, IoU.screen door: 0.7936, IoU.stairway: 0.4366, IoU.river: 0.1582, IoU.bridge: 0.6326, IoU.bookcase: 0.4459, IoU.blind: 0.3711, IoU.coffee table: 0.6302, IoU.toilet: 0.9214, IoU.flower: 0.4865, IoU.book: 0.5613, IoU.hill: 0.0640, IoU.bench: 0.6724, IoU.countertop: 0.6613, IoU.stove: 0.8424, IoU.palm: 0.5628, IoU.kitchen island: 0.4772, IoU.computer: 0.7768, IoU.swivel chair: 0.4424, IoU.boat: 0.7237, IoU.bar: 0.7718, IoU.arcade machine: 0.8355, IoU.hovel: 0.1567, IoU.bus: 0.9241, IoU.towel: 0.7832, IoU.light: 0.5594, IoU.truck: 0.4941, IoU.tower: 0.2701, IoU.chandelier: 0.7316, IoU.awning: 0.4383, IoU.streetlight: 0.3380, IoU.booth: 0.5241, IoU.television receiver: 0.8568, IoU.airplane: 0.6443, IoU.dirt track: 0.1219, IoU.apparel: 0.5866, IoU.pole: 0.2776, IoU.land: 0.0722, IoU.bannister: 0.1350, IoU.escalator: 0.6261, IoU.ottoman: 0.5784, IoU.bottle: 0.4205, IoU.buffet: 0.5875, IoU.poster: 0.2524, IoU.stage: 0.2969, IoU.van: 0.4964, IoU.ship: 0.6730, IoU.fountain: 0.5441, IoU.conveyer belt: 0.8357, IoU.canopy: 0.5401, IoU.washer: 0.8904, IoU.plaything: 0.3415, IoU.swimming pool: 0.5999, IoU.stool: 0.5119, IoU.barrel: 0.6467, IoU.basket: 0.4536, IoU.waterfall: 0.5029, IoU.tent: 0.9499, IoU.bag: 0.2987, IoU.minibike: 0.7556, IoU.cradle: 0.8331, IoU.oven: 0.6303, IoU.ball: 0.6233, IoU.food: 0.5851, IoU.step: 0.1031, IoU.tank: 0.6776, IoU.trade name: 0.2157, IoU.microwave: 0.8761, IoU.pot: 0.5776, IoU.animal: 0.6734, IoU.bicycle: 0.5899, IoU.lake: 0.6054, IoU.dishwasher: 0.7429, IoU.screen: 0.5057, IoU.blanket: 0.2122, IoU.sculpture: 0.6628, IoU.hood: 0.6145, IoU.sconce: 0.5634, IoU.vase: 0.4581, IoU.traffic light: 0.3546, IoU.tray: 0.1828, IoU.ashcan: 0.5213, IoU.fan: 0.6870, IoU.pier: 0.4584, IoU.crt screen: 0.0255, IoU.plate: 0.5788, IoU.monitor: 0.6880, IoU.bulletin board: 0.5662, IoU.shower: 0.1587, IoU.radiator: 0.6445, IoU.glass: 0.2118, IoU.clock: 0.5228, IoU.flag: 0.6738, Acc.wall: 0.9047, Acc.building: 0.9383, Acc.sky: 0.9774, Acc.floor: 0.9230, Acc.tree: 0.9023, Acc.ceiling: 0.9392, Acc.road: 0.9230, Acc.bed : 0.9765, Acc.windowpane: 0.8148, Acc.grass: 0.8275, Acc.cabinet: 0.7610, Acc.sidewalk: 0.8509, Acc.person: 0.9474, Acc.earth: 0.5092, Acc.door: 0.7086, Acc.table: 0.7967, Acc.mountain: 0.7431, Acc.plant: 0.6778, Acc.curtain: 0.8831, Acc.chair: 0.7901, Acc.car: 0.9374, Acc.water: 0.7874, Acc.painting: 0.8928, Acc.sofa: 0.9010, Acc.shelf: 0.6209, Acc.house: 0.6214, Acc.sea: 0.8382, Acc.mirror: 0.8449, Acc.rug: 0.6865, Acc.field: 0.4981, Acc.armchair: 0.7629, Acc.seat: 0.8887, Acc.fence: 0.5707, Acc.desk: 0.7985, Acc.rock: 0.7953, Acc.wardrobe: 0.7019, Acc.lamp: 0.8595, Acc.bathtub: 0.8731, Acc.railing: 0.5170, Acc.cushion: 0.7938, Acc.base: 0.5032, Acc.box: 0.4769, Acc.column: 0.6460, Acc.signboard: 0.5176, Acc.chest of drawers: 0.6705, Acc.counter: 0.6472, Acc.sand: 0.8521, Acc.sink: 0.9008, Acc.skyscraper: 0.6410, Acc.fireplace: 0.9311, Acc.refrigerator: 0.9276, Acc.grandstand: 0.8522, Acc.path: 0.3833, Acc.stairs: 0.5558, Acc.runway: 0.9557, Acc.case: 0.8020, Acc.pool table: 0.9798, Acc.pillow: 0.6633, Acc.screen door: 0.8612, Acc.stairway: 0.5907, Acc.river: 0.3383, Acc.bridge: 0.7199, Acc.bookcase: 0.5946, Acc.blind: 0.4228, Acc.coffee table: 0.8591, Acc.toilet: 0.9558, Acc.flower: 0.6340, Acc.book: 0.8033, Acc.hill: 0.1028, Acc.bench: 0.7526, Acc.countertop: 0.8133, Acc.stove: 0.8947, Acc.palm: 0.7748, Acc.kitchen island: 0.7107, Acc.computer: 0.9104, Acc.swivel chair: 0.6394, Acc.boat: 0.9030, Acc.bar: 0.8976, Acc.arcade machine: 0.8834, Acc.hovel: 0.1717, Acc.bus: 0.9645, Acc.towel: 0.8631, Acc.light: 0.6105, Acc.truck: 0.5897, Acc.tower: 0.4227, Acc.chandelier: 0.8336, Acc.awning: 0.5590, Acc.streetlight: 0.4116, Acc.booth: 0.6196, Acc.television receiver: 0.9075, Acc.airplane: 0.7187, Acc.dirt track: 0.2123, Acc.apparel: 0.7554, Acc.pole: 0.4206, Acc.land: 0.1030, Acc.bannister: 0.1831, Acc.escalator: 0.8692, Acc.ottoman: 0.7075, Acc.bottle: 0.7181, Acc.buffet: 0.6550, Acc.poster: 0.3139, Acc.stage: 0.6769, Acc.van: 0.6553, Acc.ship: 0.7423, Acc.fountain: 0.5618, Acc.conveyer belt: 0.9711, Acc.canopy: 0.7389, Acc.washer: 0.9472, Acc.plaything: 0.4775, Acc.swimming pool: 0.8909, Acc.stool: 0.6467, Acc.barrel: 0.7299, Acc.basket: 0.5662, Acc.waterfall: 0.5833, Acc.tent: 0.9841, Acc.bag: 0.3406, Acc.minibike: 0.8976, Acc.cradle: 0.9798, Acc.oven: 0.7256, Acc.ball: 0.6998, Acc.food: 0.6770, Acc.step: 0.1054, Acc.tank: 0.7592, Acc.trade name: 0.2396, Acc.microwave: 0.9513, Acc.pot: 0.6622, Acc.animal: 0.6943, Acc.bicycle: 0.7846, Acc.lake: 0.6987, Acc.dishwasher: 0.7990, Acc.screen: 0.6569, Acc.blanket: 0.2500, Acc.sculpture: 0.8612, Acc.hood: 0.7180, Acc.sconce: 0.6628, Acc.vase: 0.6153, Acc.traffic light: 0.5120, Acc.tray: 0.2270, Acc.ashcan: 0.6486, Acc.fan: 0.8081, Acc.pier: 0.5026, Acc.crt screen: 0.0376, Acc.plate: 0.7967, Acc.monitor: 0.8318, Acc.bulletin board: 0.6717, Acc.shower: 0.1871, Acc.radiator: 0.7348, Acc.glass: 0.2303, Acc.clock: 0.6097, Acc.flag: 0.7389 2024-01-19 01:59:30,188 - mmseg - INFO - Iter [75050/80000] lr: 2.475e-06, eta: 1:56:50, time: 4.397, data_time: 3.202, memory: 59004, decode.loss_ce: 0.0944, decode.acc_seg: 95.7118, aux.loss_ce: 0.0540, aux.acc_seg: 94.0881, loss: 0.1485 2024-01-19 02:00:30,382 - mmseg - INFO - Iter [75100/80000] lr: 2.451e-06, eta: 1:55:39, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1022, decode.acc_seg: 95.4093, aux.loss_ce: 0.0580, aux.acc_seg: 93.7840, loss: 0.1602 2024-01-19 02:01:30,583 - mmseg - INFO - Iter [75150/80000] lr: 2.426e-06, eta: 1:54:27, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0980, decode.acc_seg: 95.4579, aux.loss_ce: 0.0551, aux.acc_seg: 93.9346, loss: 0.1532 2024-01-19 02:02:30,936 - mmseg - INFO - Iter [75200/80000] lr: 2.401e-06, eta: 1:53:16, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1007, decode.acc_seg: 95.3072, aux.loss_ce: 0.0554, aux.acc_seg: 93.7823, loss: 0.1561 2024-01-19 02:03:31,166 - mmseg - INFO - Iter [75250/80000] lr: 2.376e-06, eta: 1:52:04, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0984, decode.acc_seg: 95.5106, aux.loss_ce: 0.0558, aux.acc_seg: 93.9235, loss: 0.1543 2024-01-19 02:04:31,599 - mmseg - INFO - Iter [75300/80000] lr: 2.351e-06, eta: 1:50:53, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0957, decode.acc_seg: 95.5526, aux.loss_ce: 0.0539, aux.acc_seg: 93.9754, loss: 0.1497 2024-01-19 02:05:31,977 - mmseg - INFO - Iter [75350/80000] lr: 2.325e-06, eta: 1:49:41, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0983, decode.acc_seg: 95.5098, aux.loss_ce: 0.0558, aux.acc_seg: 93.9114, loss: 0.1541 2024-01-19 02:06:32,405 - mmseg - INFO - Iter [75400/80000] lr: 2.300e-06, eta: 1:48:30, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0979, decode.acc_seg: 95.4538, aux.loss_ce: 0.0544, aux.acc_seg: 93.9644, loss: 0.1522 2024-01-19 02:07:32,731 - mmseg - INFO - Iter [75450/80000] lr: 2.275e-06, eta: 1:47:19, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0960, decode.acc_seg: 95.4822, aux.loss_ce: 0.0542, aux.acc_seg: 93.9733, loss: 0.1502 2024-01-19 02:08:33,031 - mmseg - INFO - Iter [75500/80000] lr: 2.250e-06, eta: 1:46:07, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0986, decode.acc_seg: 95.4748, aux.loss_ce: 0.0552, aux.acc_seg: 93.8756, loss: 0.1538 2024-01-19 02:09:33,253 - mmseg - INFO - Iter [75550/80000] lr: 2.226e-06, eta: 1:44:56, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1014, decode.acc_seg: 95.3463, aux.loss_ce: 0.0577, aux.acc_seg: 93.6122, loss: 0.1591 2024-01-19 02:10:33,610 - mmseg - INFO - Iter [75600/80000] lr: 2.201e-06, eta: 1:43:44, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0972, decode.acc_seg: 95.5161, aux.loss_ce: 0.0543, aux.acc_seg: 94.0085, loss: 0.1515 2024-01-19 02:11:33,876 - mmseg - INFO - Iter [75650/80000] lr: 2.176e-06, eta: 1:42:33, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0956, decode.acc_seg: 95.5499, aux.loss_ce: 0.0541, aux.acc_seg: 93.9866, loss: 0.1496 2024-01-19 02:12:34,230 - mmseg - INFO - Iter [75700/80000] lr: 2.151e-06, eta: 1:41:22, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0971, decode.acc_seg: 95.5688, aux.loss_ce: 0.0547, aux.acc_seg: 94.0889, loss: 0.1518 2024-01-19 02:13:34,470 - mmseg - INFO - Iter [75750/80000] lr: 2.125e-06, eta: 1:40:10, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0940, decode.acc_seg: 95.5562, aux.loss_ce: 0.0538, aux.acc_seg: 93.9322, loss: 0.1478 2024-01-19 02:14:37,047 - mmseg - INFO - Iter [75800/80000] lr: 2.100e-06, eta: 1:38:59, time: 1.252, data_time: 0.052, memory: 59004, decode.loss_ce: 0.0985, decode.acc_seg: 95.4881, aux.loss_ce: 0.0555, aux.acc_seg: 93.9744, loss: 0.1540 2024-01-19 02:15:37,521 - mmseg - INFO - Iter [75850/80000] lr: 2.075e-06, eta: 1:37:48, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0919, decode.acc_seg: 95.8296, aux.loss_ce: 0.0512, aux.acc_seg: 94.4400, loss: 0.1431 2024-01-19 02:16:37,846 - mmseg - INFO - Iter [75900/80000] lr: 2.050e-06, eta: 1:36:37, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0943, decode.acc_seg: 95.7104, aux.loss_ce: 0.0533, aux.acc_seg: 94.2268, loss: 0.1476 2024-01-19 02:17:38,196 - mmseg - INFO - Iter [75950/80000] lr: 2.026e-06, eta: 1:35:26, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0954, decode.acc_seg: 95.6738, aux.loss_ce: 0.0539, aux.acc_seg: 94.1564, loss: 0.1493 2024-01-19 02:18:38,489 - mmseg - INFO - Saving checkpoint at 76000 iterations 2024-01-19 02:19:25,797 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 02:19:25,797 - mmseg - INFO - Iter [76000/80000] lr: 2.001e-06, eta: 1:34:17, time: 2.152, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0983, decode.acc_seg: 95.4445, aux.loss_ce: 0.0548, aux.acc_seg: 93.9168, loss: 0.1532 2024-01-19 02:22:05,361 - mmseg - INFO - per class results: 2024-01-19 02:22:05,367 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.67 | 90.96 | | building | 85.32 | 93.89 | | sky | 94.88 | 97.55 | | floor | 83.55 | 92.19 | | tree | 76.83 | 90.22 | | ceiling | 85.89 | 92.47 | | road | 86.76 | 92.31 | | bed | 91.83 | 97.41 | | windowpane | 66.34 | 82.52 | | grass | 68.03 | 81.78 | | cabinet | 65.16 | 74.01 | | sidewalk | 72.01 | 85.65 | | person | 84.62 | 94.85 | | earth | 39.54 | 51.21 | | door | 58.93 | 68.83 | | table | 69.0 | 79.59 | | mountain | 62.22 | 74.19 | | plant | 56.05 | 66.97 | | curtain | 79.33 | 87.74 | | chair | 66.68 | 78.7 | | car | 87.12 | 93.75 | | water | 64.47 | 79.35 | | painting | 75.12 | 88.97 | | sofa | 80.98 | 90.4 | | shelf | 46.77 | 65.38 | | house | 49.95 | 62.53 | | sea | 73.19 | 84.14 | | mirror | 76.51 | 85.23 | | rug | 62.52 | 72.96 | | field | 31.09 | 51.04 | | armchair | 58.67 | 75.26 | | seat | 71.0 | 89.09 | | fence | 45.47 | 58.23 | | desk | 60.08 | 79.58 | | rock | 53.65 | 78.8 | | wardrobe | 57.31 | 75.69 | | lamp | 75.01 | 85.48 | | bathtub | 83.67 | 87.22 | | railing | 39.41 | 52.56 | | cushion | 67.0 | 80.73 | | base | 40.78 | 51.61 | | box | 40.33 | 49.34 | | column | 55.4 | 63.78 | | signboard | 40.31 | 53.01 | | chest of drawers | 49.18 | 72.34 | | counter | 56.9 | 62.82 | | sand | 57.72 | 85.06 | | sink | 81.28 | 88.98 | | skyscraper | 53.25 | 63.68 | | fireplace | 76.4 | 92.64 | | refrigerator | 82.09 | 89.83 | | grandstand | 58.31 | 84.23 | | path | 29.18 | 38.45 | | stairs | 46.72 | 54.57 | | runway | 73.34 | 95.41 | | case | 63.42 | 81.24 | | pool table | 94.88 | 97.46 | | pillow | 57.9 | 65.03 | | screen door | 80.31 | 87.13 | | stairway | 43.78 | 59.6 | | river | 15.7 | 32.92 | | bridge | 64.76 | 72.32 | | bookcase | 45.4 | 60.75 | | blind | 37.53 | 41.29 | | coffee table | 61.68 | 86.49 | | toilet | 92.0 | 95.51 | | flower | 48.18 | 62.1 | | book | 56.75 | 79.93 | | hill | 6.07 | 9.45 | | bench | 67.25 | 75.52 | | countertop | 66.16 | 82.63 | | stove | 84.26 | 89.74 | | palm | 56.58 | 80.46 | | kitchen island | 45.67 | 72.85 | | computer | 77.0 | 89.15 | | swivel chair | 45.24 | 62.13 | | boat | 71.96 | 90.66 | | bar | 77.68 | 88.54 | | arcade machine | 84.75 | 88.91 | | hovel | 16.3 | 17.79 | | bus | 92.79 | 96.19 | | towel | 78.2 | 86.16 | | light | 56.86 | 63.36 | | truck | 50.04 | 61.2 | | tower | 29.94 | 47.33 | | chandelier | 73.38 | 85.74 | | awning | 42.18 | 55.56 | | streetlight | 34.31 | 40.84 | | booth | 52.93 | 62.8 | | television receiver | 85.23 | 90.49 | | airplane | 66.93 | 74.05 | | dirt track | 9.94 | 16.23 | | apparel | 59.87 | 79.27 | | pole | 26.78 | 40.04 | | land | 5.88 | 8.34 | | bannister | 13.01 | 17.4 | | escalator | 62.61 | 86.81 | | ottoman | 57.93 | 71.96 | | bottle | 42.76 | 72.5 | | buffet | 58.19 | 64.33 | | poster | 25.34 | 31.83 | | stage | 30.99 | 68.17 | | van | 51.3 | 65.05 | | ship | 68.64 | 77.66 | | fountain | 52.05 | 53.66 | | conveyer belt | 82.99 | 97.35 | | canopy | 54.18 | 74.78 | | washer | 88.52 | 93.94 | | plaything | 38.03 | 55.07 | | swimming pool | 59.44 | 87.99 | | stool | 51.43 | 66.04 | | barrel | 63.83 | 72.67 | | basket | 44.95 | 57.38 | | waterfall | 50.94 | 56.93 | | tent | 95.06 | 98.34 | | bag | 29.31 | 33.0 | | minibike | 75.57 | 89.84 | | cradle | 83.4 | 98.05 | | oven | 63.61 | 73.78 | | ball | 63.0 | 71.22 | | food | 58.68 | 67.06 | | step | 11.87 | 12.18 | | tank | 67.04 | 75.33 | | trade name | 22.9 | 25.4 | | microwave | 87.91 | 95.41 | | pot | 58.07 | 67.06 | | animal | 67.87 | 69.86 | | bicycle | 59.33 | 78.19 | | lake | 60.11 | 69.06 | | dishwasher | 73.84 | 79.91 | | screen | 50.45 | 65.74 | | blanket | 22.94 | 27.33 | | sculpture | 65.24 | 86.05 | | hood | 61.43 | 71.69 | | sconce | 57.15 | 68.95 | | vase | 46.08 | 62.79 | | traffic light | 35.83 | 53.49 | | tray | 19.52 | 25.35 | | ashcan | 50.86 | 63.64 | | fan | 68.73 | 82.05 | | pier | 46.35 | 51.21 | | crt screen | 2.93 | 4.62 | | plate | 58.32 | 79.87 | | monitor | 67.25 | 82.84 | | bulletin board | 57.97 | 68.54 | | shower | 16.39 | 18.62 | | radiator | 64.05 | 72.09 | | glass | 21.19 | 22.98 | | clock | 51.46 | 62.6 | | flag | 66.44 | 74.4 | +---------------------+-------+-------+ 2024-01-19 02:22:05,367 - mmseg - INFO - Summary: 2024-01-19 02:22:05,367 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.12 | 58.04 | 69.68 | +-------+-------+-------+ 2024-01-19 02:22:05,368 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 02:22:05,368 - mmseg - INFO - Iter(val) [250] aAcc: 0.8612, mIoU: 0.5804, mAcc: 0.6968, IoU.wall: 0.8167, IoU.building: 0.8532, IoU.sky: 0.9488, IoU.floor: 0.8355, IoU.tree: 0.7683, IoU.ceiling: 0.8589, IoU.road: 0.8676, IoU.bed : 0.9183, IoU.windowpane: 0.6634, IoU.grass: 0.6803, IoU.cabinet: 0.6516, IoU.sidewalk: 0.7201, IoU.person: 0.8462, IoU.earth: 0.3954, IoU.door: 0.5893, IoU.table: 0.6900, IoU.mountain: 0.6222, IoU.plant: 0.5605, IoU.curtain: 0.7933, IoU.chair: 0.6668, IoU.car: 0.8712, IoU.water: 0.6447, IoU.painting: 0.7512, IoU.sofa: 0.8098, IoU.shelf: 0.4677, IoU.house: 0.4995, IoU.sea: 0.7319, IoU.mirror: 0.7651, IoU.rug: 0.6252, IoU.field: 0.3109, IoU.armchair: 0.5867, IoU.seat: 0.7100, IoU.fence: 0.4547, IoU.desk: 0.6008, IoU.rock: 0.5365, IoU.wardrobe: 0.5731, IoU.lamp: 0.7501, IoU.bathtub: 0.8367, IoU.railing: 0.3941, IoU.cushion: 0.6700, IoU.base: 0.4078, IoU.box: 0.4033, IoU.column: 0.5540, IoU.signboard: 0.4031, IoU.chest of drawers: 0.4918, IoU.counter: 0.5690, IoU.sand: 0.5772, IoU.sink: 0.8128, IoU.skyscraper: 0.5325, IoU.fireplace: 0.7640, IoU.refrigerator: 0.8209, IoU.grandstand: 0.5831, IoU.path: 0.2918, IoU.stairs: 0.4672, IoU.runway: 0.7334, IoU.case: 0.6342, IoU.pool table: 0.9488, IoU.pillow: 0.5790, IoU.screen door: 0.8031, IoU.stairway: 0.4378, IoU.river: 0.1570, IoU.bridge: 0.6476, IoU.bookcase: 0.4540, IoU.blind: 0.3753, IoU.coffee table: 0.6168, IoU.toilet: 0.9200, IoU.flower: 0.4818, IoU.book: 0.5675, IoU.hill: 0.0607, IoU.bench: 0.6725, IoU.countertop: 0.6616, IoU.stove: 0.8426, IoU.palm: 0.5658, IoU.kitchen island: 0.4567, IoU.computer: 0.7700, IoU.swivel chair: 0.4524, IoU.boat: 0.7196, IoU.bar: 0.7768, IoU.arcade machine: 0.8475, IoU.hovel: 0.1630, IoU.bus: 0.9279, IoU.towel: 0.7820, IoU.light: 0.5686, IoU.truck: 0.5004, IoU.tower: 0.2994, IoU.chandelier: 0.7338, IoU.awning: 0.4218, IoU.streetlight: 0.3431, IoU.booth: 0.5293, IoU.television receiver: 0.8523, IoU.airplane: 0.6693, IoU.dirt track: 0.0994, IoU.apparel: 0.5987, IoU.pole: 0.2678, IoU.land: 0.0588, IoU.bannister: 0.1301, IoU.escalator: 0.6261, IoU.ottoman: 0.5793, IoU.bottle: 0.4276, IoU.buffet: 0.5819, IoU.poster: 0.2534, IoU.stage: 0.3099, IoU.van: 0.5130, IoU.ship: 0.6864, IoU.fountain: 0.5205, IoU.conveyer belt: 0.8299, IoU.canopy: 0.5418, IoU.washer: 0.8852, IoU.plaything: 0.3803, IoU.swimming pool: 0.5944, IoU.stool: 0.5143, IoU.barrel: 0.6383, IoU.basket: 0.4495, IoU.waterfall: 0.5094, IoU.tent: 0.9506, IoU.bag: 0.2931, IoU.minibike: 0.7557, IoU.cradle: 0.8340, IoU.oven: 0.6361, IoU.ball: 0.6300, IoU.food: 0.5868, IoU.step: 0.1187, IoU.tank: 0.6704, IoU.trade name: 0.2290, IoU.microwave: 0.8791, IoU.pot: 0.5807, IoU.animal: 0.6787, IoU.bicycle: 0.5933, IoU.lake: 0.6011, IoU.dishwasher: 0.7384, IoU.screen: 0.5045, IoU.blanket: 0.2294, IoU.sculpture: 0.6524, IoU.hood: 0.6143, IoU.sconce: 0.5715, IoU.vase: 0.4608, IoU.traffic light: 0.3583, IoU.tray: 0.1952, IoU.ashcan: 0.5086, IoU.fan: 0.6873, IoU.pier: 0.4635, IoU.crt screen: 0.0293, IoU.plate: 0.5832, IoU.monitor: 0.6725, IoU.bulletin board: 0.5797, IoU.shower: 0.1639, IoU.radiator: 0.6405, IoU.glass: 0.2119, IoU.clock: 0.5146, IoU.flag: 0.6644, Acc.wall: 0.9096, Acc.building: 0.9389, Acc.sky: 0.9755, Acc.floor: 0.9219, Acc.tree: 0.9022, Acc.ceiling: 0.9247, Acc.road: 0.9231, Acc.bed : 0.9741, Acc.windowpane: 0.8252, Acc.grass: 0.8178, Acc.cabinet: 0.7401, Acc.sidewalk: 0.8565, Acc.person: 0.9485, Acc.earth: 0.5121, Acc.door: 0.6883, Acc.table: 0.7959, Acc.mountain: 0.7419, Acc.plant: 0.6697, Acc.curtain: 0.8774, Acc.chair: 0.7870, Acc.car: 0.9375, Acc.water: 0.7935, Acc.painting: 0.8897, Acc.sofa: 0.9040, Acc.shelf: 0.6538, Acc.house: 0.6253, Acc.sea: 0.8414, Acc.mirror: 0.8523, Acc.rug: 0.7296, Acc.field: 0.5104, Acc.armchair: 0.7526, Acc.seat: 0.8909, Acc.fence: 0.5823, Acc.desk: 0.7958, Acc.rock: 0.7880, Acc.wardrobe: 0.7569, Acc.lamp: 0.8548, Acc.bathtub: 0.8722, Acc.railing: 0.5256, Acc.cushion: 0.8073, Acc.base: 0.5161, Acc.box: 0.4934, Acc.column: 0.6378, Acc.signboard: 0.5301, Acc.chest of drawers: 0.7234, Acc.counter: 0.6282, Acc.sand: 0.8506, Acc.sink: 0.8898, Acc.skyscraper: 0.6368, Acc.fireplace: 0.9264, Acc.refrigerator: 0.8983, Acc.grandstand: 0.8423, Acc.path: 0.3845, Acc.stairs: 0.5457, Acc.runway: 0.9541, Acc.case: 0.8124, Acc.pool table: 0.9746, Acc.pillow: 0.6503, Acc.screen door: 0.8713, Acc.stairway: 0.5960, Acc.river: 0.3292, Acc.bridge: 0.7232, Acc.bookcase: 0.6075, Acc.blind: 0.4129, Acc.coffee table: 0.8649, Acc.toilet: 0.9551, Acc.flower: 0.6210, Acc.book: 0.7993, Acc.hill: 0.0945, Acc.bench: 0.7552, Acc.countertop: 0.8263, Acc.stove: 0.8974, Acc.palm: 0.8046, Acc.kitchen island: 0.7285, Acc.computer: 0.8915, Acc.swivel chair: 0.6213, Acc.boat: 0.9066, Acc.bar: 0.8854, Acc.arcade machine: 0.8891, Acc.hovel: 0.1779, Acc.bus: 0.9619, Acc.towel: 0.8616, Acc.light: 0.6336, Acc.truck: 0.6120, Acc.tower: 0.4733, Acc.chandelier: 0.8574, Acc.awning: 0.5556, Acc.streetlight: 0.4084, Acc.booth: 0.6280, Acc.television receiver: 0.9049, Acc.airplane: 0.7405, Acc.dirt track: 0.1623, Acc.apparel: 0.7927, Acc.pole: 0.4004, Acc.land: 0.0834, Acc.bannister: 0.1740, Acc.escalator: 0.8681, Acc.ottoman: 0.7196, Acc.bottle: 0.7250, Acc.buffet: 0.6433, Acc.poster: 0.3183, Acc.stage: 0.6817, Acc.van: 0.6505, Acc.ship: 0.7766, Acc.fountain: 0.5366, Acc.conveyer belt: 0.9735, Acc.canopy: 0.7478, Acc.washer: 0.9394, Acc.plaything: 0.5507, Acc.swimming pool: 0.8799, Acc.stool: 0.6604, Acc.barrel: 0.7267, Acc.basket: 0.5738, Acc.waterfall: 0.5693, Acc.tent: 0.9834, Acc.bag: 0.3300, Acc.minibike: 0.8984, Acc.cradle: 0.9805, Acc.oven: 0.7378, Acc.ball: 0.7122, Acc.food: 0.6706, Acc.step: 0.1218, Acc.tank: 0.7533, Acc.trade name: 0.2540, Acc.microwave: 0.9541, Acc.pot: 0.6706, Acc.animal: 0.6986, Acc.bicycle: 0.7819, Acc.lake: 0.6906, Acc.dishwasher: 0.7991, Acc.screen: 0.6574, Acc.blanket: 0.2733, Acc.sculpture: 0.8605, Acc.hood: 0.7169, Acc.sconce: 0.6895, Acc.vase: 0.6279, Acc.traffic light: 0.5349, Acc.tray: 0.2535, Acc.ashcan: 0.6364, Acc.fan: 0.8205, Acc.pier: 0.5121, Acc.crt screen: 0.0462, Acc.plate: 0.7987, Acc.monitor: 0.8284, Acc.bulletin board: 0.6854, Acc.shower: 0.1862, Acc.radiator: 0.7209, Acc.glass: 0.2298, Acc.clock: 0.6260, Acc.flag: 0.7440 2024-01-19 02:23:06,024 - mmseg - INFO - Iter [76050/80000] lr: 1.976e-06, eta: 1:33:14, time: 4.405, data_time: 3.208, memory: 59004, decode.loss_ce: 0.0977, decode.acc_seg: 95.4803, aux.loss_ce: 0.0548, aux.acc_seg: 93.9529, loss: 0.1525 2024-01-19 02:24:06,268 - mmseg - INFO - Iter [76100/80000] lr: 1.951e-06, eta: 1:32:02, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0964, decode.acc_seg: 95.4842, aux.loss_ce: 0.0547, aux.acc_seg: 93.8688, loss: 0.1511 2024-01-19 02:25:06,588 - mmseg - INFO - Iter [76150/80000] lr: 1.926e-06, eta: 1:30:51, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0965, decode.acc_seg: 95.5463, aux.loss_ce: 0.0552, aux.acc_seg: 93.8763, loss: 0.1517 2024-01-19 02:26:06,950 - mmseg - INFO - Iter [76200/80000] lr: 1.900e-06, eta: 1:29:40, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0927, decode.acc_seg: 95.7053, aux.loss_ce: 0.0519, aux.acc_seg: 94.2586, loss: 0.1446 2024-01-19 02:27:07,141 - mmseg - INFO - Iter [76250/80000] lr: 1.875e-06, eta: 1:28:28, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0975, decode.acc_seg: 95.5451, aux.loss_ce: 0.0556, aux.acc_seg: 93.9625, loss: 0.1531 2024-01-19 02:28:07,499 - mmseg - INFO - Iter [76300/80000] lr: 1.850e-06, eta: 1:27:17, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.3376, aux.loss_ce: 0.0572, aux.acc_seg: 93.7930, loss: 0.1592 2024-01-19 02:29:07,863 - mmseg - INFO - Iter [76350/80000] lr: 1.826e-06, eta: 1:26:06, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0994, decode.acc_seg: 95.5196, aux.loss_ce: 0.0567, aux.acc_seg: 93.8719, loss: 0.1560 2024-01-19 02:30:08,209 - mmseg - INFO - Iter [76400/80000] lr: 1.801e-06, eta: 1:24:55, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0928, decode.acc_seg: 95.7544, aux.loss_ce: 0.0536, aux.acc_seg: 94.0920, loss: 0.1464 2024-01-19 02:31:08,564 - mmseg - INFO - Iter [76450/80000] lr: 1.776e-06, eta: 1:23:43, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0905, decode.acc_seg: 95.7772, aux.loss_ce: 0.0512, aux.acc_seg: 94.3605, loss: 0.1417 2024-01-19 02:32:08,793 - mmseg - INFO - Iter [76500/80000] lr: 1.751e-06, eta: 1:22:32, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0921, decode.acc_seg: 95.6969, aux.loss_ce: 0.0529, aux.acc_seg: 94.0900, loss: 0.1450 2024-01-19 02:33:09,175 - mmseg - INFO - Iter [76550/80000] lr: 1.726e-06, eta: 1:21:21, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0929, decode.acc_seg: 95.6397, aux.loss_ce: 0.0532, aux.acc_seg: 94.1334, loss: 0.1461 2024-01-19 02:34:09,438 - mmseg - INFO - Iter [76600/80000] lr: 1.700e-06, eta: 1:20:10, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0969, decode.acc_seg: 95.6725, aux.loss_ce: 0.0543, aux.acc_seg: 94.2230, loss: 0.1512 2024-01-19 02:35:09,736 - mmseg - INFO - Iter [76650/80000] lr: 1.675e-06, eta: 1:18:59, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.1020, decode.acc_seg: 95.2797, aux.loss_ce: 0.0565, aux.acc_seg: 93.7883, loss: 0.1585 2024-01-19 02:36:10,163 - mmseg - INFO - Iter [76700/80000] lr: 1.650e-06, eta: 1:17:47, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0985, decode.acc_seg: 95.4817, aux.loss_ce: 0.0548, aux.acc_seg: 94.0311, loss: 0.1533 2024-01-19 02:37:10,572 - mmseg - INFO - Iter [76750/80000] lr: 1.625e-06, eta: 1:16:36, time: 1.208, data_time: 0.010, memory: 59004, decode.loss_ce: 0.0995, decode.acc_seg: 95.3661, aux.loss_ce: 0.0565, aux.acc_seg: 93.7727, loss: 0.1560 2024-01-19 02:38:10,845 - mmseg - INFO - Iter [76800/80000] lr: 1.601e-06, eta: 1:15:25, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0964, decode.acc_seg: 95.5899, aux.loss_ce: 0.0549, aux.acc_seg: 94.0181, loss: 0.1513 2024-01-19 02:39:11,278 - mmseg - INFO - Iter [76850/80000] lr: 1.576e-06, eta: 1:14:14, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0973, decode.acc_seg: 95.3769, aux.loss_ce: 0.0545, aux.acc_seg: 93.8565, loss: 0.1518 2024-01-19 02:40:11,562 - mmseg - INFO - Iter [76900/80000] lr: 1.551e-06, eta: 1:13:03, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0921, decode.acc_seg: 95.7699, aux.loss_ce: 0.0519, aux.acc_seg: 94.3208, loss: 0.1441 2024-01-19 02:41:11,942 - mmseg - INFO - Iter [76950/80000] lr: 1.526e-06, eta: 1:11:52, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1000, decode.acc_seg: 95.5310, aux.loss_ce: 0.0566, aux.acc_seg: 93.9974, loss: 0.1567 2024-01-19 02:42:12,351 - mmseg - INFO - Saving checkpoint at 77000 iterations 2024-01-19 02:42:57,657 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 02:42:57,657 - mmseg - INFO - Iter [77000/80000] lr: 1.500e-06, eta: 1:10:42, time: 2.114, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0976, decode.acc_seg: 95.5578, aux.loss_ce: 0.0559, aux.acc_seg: 93.9094, loss: 0.1535 2024-01-19 02:45:34,391 - mmseg - INFO - per class results: 2024-01-19 02:45:34,398 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.7 | 90.7 | | building | 85.52 | 93.89 | | sky | 94.92 | 97.56 | | floor | 83.74 | 92.46 | | tree | 77.12 | 90.01 | | ceiling | 86.17 | 93.44 | | road | 86.85 | 92.06 | | bed | 91.88 | 97.5 | | windowpane | 66.51 | 82.74 | | grass | 68.1 | 82.36 | | cabinet | 65.62 | 75.3 | | sidewalk | 71.87 | 86.39 | | person | 84.78 | 94.57 | | earth | 39.69 | 51.34 | | door | 59.97 | 71.49 | | table | 69.08 | 80.42 | | mountain | 62.33 | 74.33 | | plant | 56.84 | 68.35 | | curtain | 79.36 | 87.92 | | chair | 66.52 | 78.45 | | car | 87.16 | 93.9 | | water | 64.54 | 79.93 | | painting | 75.03 | 88.62 | | sofa | 80.92 | 89.86 | | shelf | 46.08 | 64.08 | | house | 49.7 | 61.89 | | sea | 73.65 | 84.15 | | mirror | 76.12 | 84.71 | | rug | 60.46 | 69.59 | | field | 30.92 | 49.75 | | armchair | 58.71 | 75.5 | | seat | 71.1 | 88.88 | | fence | 44.82 | 55.77 | | desk | 59.75 | 79.49 | | rock | 53.18 | 79.51 | | wardrobe | 57.32 | 74.74 | | lamp | 75.19 | 85.48 | | bathtub | 83.49 | 86.64 | | railing | 39.89 | 52.93 | | cushion | 67.24 | 80.03 | | base | 40.77 | 50.29 | | box | 40.17 | 48.94 | | column | 55.77 | 65.02 | | signboard | 40.05 | 52.54 | | chest of drawers | 48.79 | 69.44 | | counter | 57.15 | 63.96 | | sand | 57.85 | 84.67 | | sink | 81.61 | 89.37 | | skyscraper | 53.03 | 65.16 | | fireplace | 75.64 | 92.48 | | refrigerator | 82.96 | 91.11 | | grandstand | 57.59 | 84.77 | | path | 29.16 | 37.55 | | stairs | 46.81 | 56.21 | | runway | 72.95 | 95.81 | | case | 63.69 | 80.78 | | pool table | 94.76 | 97.86 | | pillow | 60.03 | 69.2 | | screen door | 78.68 | 86.25 | | stairway | 44.99 | 61.42 | | river | 15.83 | 32.79 | | bridge | 72.21 | 80.64 | | bookcase | 45.09 | 61.36 | | blind | 37.24 | 41.06 | | coffee table | 62.08 | 86.89 | | toilet | 92.39 | 96.09 | | flower | 47.78 | 61.8 | | book | 56.41 | 80.28 | | hill | 6.09 | 9.36 | | bench | 66.63 | 74.54 | | countertop | 66.15 | 82.88 | | stove | 84.23 | 89.79 | | palm | 56.64 | 78.44 | | kitchen island | 46.68 | 72.61 | | computer | 77.26 | 89.82 | | swivel chair | 44.93 | 63.81 | | boat | 71.89 | 90.45 | | bar | 77.21 | 90.39 | | arcade machine | 84.16 | 88.91 | | hovel | 16.1 | 17.44 | | bus | 92.71 | 96.26 | | towel | 77.68 | 86.0 | | light | 56.6 | 62.99 | | truck | 50.2 | 60.67 | | tower | 27.48 | 42.89 | | chandelier | 73.15 | 83.0 | | awning | 42.71 | 55.88 | | streetlight | 33.12 | 39.18 | | booth | 51.42 | 60.73 | | television receiver | 85.21 | 89.74 | | airplane | 67.58 | 75.06 | | dirt track | 11.52 | 19.13 | | apparel | 59.33 | 73.55 | | pole | 26.51 | 39.81 | | land | 6.99 | 10.08 | | bannister | 12.7 | 16.57 | | escalator | 62.35 | 86.95 | | ottoman | 58.04 | 70.99 | | bottle | 42.51 | 72.16 | | buffet | 58.44 | 64.99 | | poster | 25.78 | 31.82 | | stage | 31.4 | 65.39 | | van | 51.02 | 64.74 | | ship | 69.47 | 78.94 | | fountain | 52.63 | 54.25 | | conveyer belt | 83.36 | 97.35 | | canopy | 54.1 | 73.64 | | washer | 88.65 | 93.84 | | plaything | 36.96 | 51.26 | | swimming pool | 59.78 | 89.58 | | stool | 51.76 | 64.3 | | barrel | 63.34 | 72.19 | | basket | 44.8 | 54.58 | | waterfall | 50.76 | 56.21 | | tent | 95.12 | 98.4 | | bag | 29.51 | 33.71 | | minibike | 75.84 | 89.05 | | cradle | 83.98 | 97.8 | | oven | 64.78 | 75.41 | | ball | 57.57 | 63.26 | | food | 59.76 | 69.57 | | step | 13.76 | 14.23 | | tank | 62.17 | 69.49 | | trade name | 24.86 | 28.2 | | microwave | 88.53 | 95.22 | | pot | 57.21 | 64.44 | | animal | 68.16 | 70.31 | | bicycle | 58.89 | 76.98 | | lake | 62.48 | 68.54 | | dishwasher | 73.08 | 78.0 | | screen | 50.37 | 65.44 | | blanket | 21.42 | 25.29 | | sculpture | 66.75 | 86.03 | | hood | 61.13 | 71.88 | | sconce | 56.47 | 67.43 | | vase | 46.29 | 60.78 | | traffic light | 35.22 | 49.36 | | tray | 19.29 | 24.66 | | ashcan | 51.06 | 61.14 | | fan | 68.63 | 80.55 | | pier | 47.33 | 52.78 | | crt screen | 2.56 | 3.98 | | plate | 58.25 | 80.07 | | monitor | 68.11 | 83.15 | | bulletin board | 59.35 | 73.55 | | shower | 16.57 | 18.57 | | radiator | 64.08 | 71.77 | | glass | 21.13 | 23.02 | | clock | 51.58 | 61.93 | | flag | 66.56 | 73.16 | +---------------------+-------+-------+ 2024-01-19 02:45:34,398 - mmseg - INFO - Summary: 2024-01-19 02:45:34,399 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.19 | 58.07 | 69.47 | +-------+-------+-------+ 2024-01-19 02:45:34,400 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 02:45:34,400 - mmseg - INFO - Iter(val) [250] aAcc: 0.8619, mIoU: 0.5807, mAcc: 0.6947, IoU.wall: 0.8170, IoU.building: 0.8552, IoU.sky: 0.9492, IoU.floor: 0.8374, IoU.tree: 0.7712, IoU.ceiling: 0.8617, IoU.road: 0.8685, IoU.bed : 0.9188, IoU.windowpane: 0.6651, IoU.grass: 0.6810, IoU.cabinet: 0.6562, IoU.sidewalk: 0.7187, IoU.person: 0.8478, IoU.earth: 0.3969, IoU.door: 0.5997, IoU.table: 0.6908, IoU.mountain: 0.6233, IoU.plant: 0.5684, IoU.curtain: 0.7936, IoU.chair: 0.6652, IoU.car: 0.8716, IoU.water: 0.6454, IoU.painting: 0.7503, IoU.sofa: 0.8092, IoU.shelf: 0.4608, IoU.house: 0.4970, IoU.sea: 0.7365, IoU.mirror: 0.7612, IoU.rug: 0.6046, IoU.field: 0.3092, IoU.armchair: 0.5871, IoU.seat: 0.7110, IoU.fence: 0.4482, IoU.desk: 0.5975, IoU.rock: 0.5318, IoU.wardrobe: 0.5732, IoU.lamp: 0.7519, IoU.bathtub: 0.8349, IoU.railing: 0.3989, IoU.cushion: 0.6724, IoU.base: 0.4077, IoU.box: 0.4017, IoU.column: 0.5577, IoU.signboard: 0.4005, IoU.chest of drawers: 0.4879, IoU.counter: 0.5715, IoU.sand: 0.5785, IoU.sink: 0.8161, IoU.skyscraper: 0.5303, IoU.fireplace: 0.7564, IoU.refrigerator: 0.8296, IoU.grandstand: 0.5759, IoU.path: 0.2916, IoU.stairs: 0.4681, IoU.runway: 0.7295, IoU.case: 0.6369, IoU.pool table: 0.9476, IoU.pillow: 0.6003, IoU.screen door: 0.7868, IoU.stairway: 0.4499, IoU.river: 0.1583, IoU.bridge: 0.7221, IoU.bookcase: 0.4509, IoU.blind: 0.3724, IoU.coffee table: 0.6208, IoU.toilet: 0.9239, IoU.flower: 0.4778, IoU.book: 0.5641, IoU.hill: 0.0609, IoU.bench: 0.6663, IoU.countertop: 0.6615, IoU.stove: 0.8423, IoU.palm: 0.5664, IoU.kitchen island: 0.4668, IoU.computer: 0.7726, IoU.swivel chair: 0.4493, IoU.boat: 0.7189, IoU.bar: 0.7721, IoU.arcade machine: 0.8416, IoU.hovel: 0.1610, IoU.bus: 0.9271, IoU.towel: 0.7768, IoU.light: 0.5660, IoU.truck: 0.5020, IoU.tower: 0.2748, IoU.chandelier: 0.7315, IoU.awning: 0.4271, IoU.streetlight: 0.3312, IoU.booth: 0.5142, IoU.television receiver: 0.8521, IoU.airplane: 0.6758, IoU.dirt track: 0.1152, IoU.apparel: 0.5933, IoU.pole: 0.2651, IoU.land: 0.0699, IoU.bannister: 0.1270, IoU.escalator: 0.6235, IoU.ottoman: 0.5804, IoU.bottle: 0.4251, IoU.buffet: 0.5844, IoU.poster: 0.2578, IoU.stage: 0.3140, IoU.van: 0.5102, IoU.ship: 0.6947, IoU.fountain: 0.5263, IoU.conveyer belt: 0.8336, IoU.canopy: 0.5410, IoU.washer: 0.8865, IoU.plaything: 0.3696, IoU.swimming pool: 0.5978, IoU.stool: 0.5176, IoU.barrel: 0.6334, IoU.basket: 0.4480, IoU.waterfall: 0.5076, IoU.tent: 0.9512, IoU.bag: 0.2951, IoU.minibike: 0.7584, IoU.cradle: 0.8398, IoU.oven: 0.6478, IoU.ball: 0.5757, IoU.food: 0.5976, IoU.step: 0.1376, IoU.tank: 0.6217, IoU.trade name: 0.2486, IoU.microwave: 0.8853, IoU.pot: 0.5721, IoU.animal: 0.6816, IoU.bicycle: 0.5889, IoU.lake: 0.6248, IoU.dishwasher: 0.7308, IoU.screen: 0.5037, IoU.blanket: 0.2142, IoU.sculpture: 0.6675, IoU.hood: 0.6113, IoU.sconce: 0.5647, IoU.vase: 0.4629, IoU.traffic light: 0.3522, IoU.tray: 0.1929, IoU.ashcan: 0.5106, IoU.fan: 0.6863, IoU.pier: 0.4733, IoU.crt screen: 0.0256, IoU.plate: 0.5825, IoU.monitor: 0.6811, IoU.bulletin board: 0.5935, IoU.shower: 0.1657, IoU.radiator: 0.6408, IoU.glass: 0.2113, IoU.clock: 0.5158, IoU.flag: 0.6656, Acc.wall: 0.9070, Acc.building: 0.9389, Acc.sky: 0.9756, Acc.floor: 0.9246, Acc.tree: 0.9001, Acc.ceiling: 0.9344, Acc.road: 0.9206, Acc.bed : 0.9750, Acc.windowpane: 0.8274, Acc.grass: 0.8236, Acc.cabinet: 0.7530, Acc.sidewalk: 0.8639, Acc.person: 0.9457, Acc.earth: 0.5134, Acc.door: 0.7149, Acc.table: 0.8042, Acc.mountain: 0.7433, Acc.plant: 0.6835, Acc.curtain: 0.8792, Acc.chair: 0.7845, Acc.car: 0.9390, Acc.water: 0.7993, Acc.painting: 0.8862, Acc.sofa: 0.8986, Acc.shelf: 0.6408, Acc.house: 0.6189, Acc.sea: 0.8415, Acc.mirror: 0.8471, Acc.rug: 0.6959, Acc.field: 0.4975, Acc.armchair: 0.7550, Acc.seat: 0.8888, Acc.fence: 0.5577, Acc.desk: 0.7949, Acc.rock: 0.7951, Acc.wardrobe: 0.7474, Acc.lamp: 0.8548, Acc.bathtub: 0.8664, Acc.railing: 0.5293, Acc.cushion: 0.8003, Acc.base: 0.5029, Acc.box: 0.4894, Acc.column: 0.6502, Acc.signboard: 0.5254, Acc.chest of drawers: 0.6944, Acc.counter: 0.6396, Acc.sand: 0.8467, Acc.sink: 0.8937, Acc.skyscraper: 0.6516, Acc.fireplace: 0.9248, Acc.refrigerator: 0.9111, Acc.grandstand: 0.8477, Acc.path: 0.3755, Acc.stairs: 0.5621, Acc.runway: 0.9581, Acc.case: 0.8078, Acc.pool table: 0.9786, Acc.pillow: 0.6920, Acc.screen door: 0.8625, Acc.stairway: 0.6142, Acc.river: 0.3279, Acc.bridge: 0.8064, Acc.bookcase: 0.6136, Acc.blind: 0.4106, Acc.coffee table: 0.8689, Acc.toilet: 0.9609, Acc.flower: 0.6180, Acc.book: 0.8028, Acc.hill: 0.0936, Acc.bench: 0.7454, Acc.countertop: 0.8288, Acc.stove: 0.8979, Acc.palm: 0.7844, Acc.kitchen island: 0.7261, Acc.computer: 0.8982, Acc.swivel chair: 0.6381, Acc.boat: 0.9045, Acc.bar: 0.9039, Acc.arcade machine: 0.8891, Acc.hovel: 0.1744, Acc.bus: 0.9626, Acc.towel: 0.8600, Acc.light: 0.6299, Acc.truck: 0.6067, Acc.tower: 0.4289, Acc.chandelier: 0.8300, Acc.awning: 0.5588, Acc.streetlight: 0.3918, Acc.booth: 0.6073, Acc.television receiver: 0.8974, Acc.airplane: 0.7506, Acc.dirt track: 0.1913, Acc.apparel: 0.7355, Acc.pole: 0.3981, Acc.land: 0.1008, Acc.bannister: 0.1657, Acc.escalator: 0.8695, Acc.ottoman: 0.7099, Acc.bottle: 0.7216, Acc.buffet: 0.6499, Acc.poster: 0.3182, Acc.stage: 0.6539, Acc.van: 0.6474, Acc.ship: 0.7894, Acc.fountain: 0.5425, Acc.conveyer belt: 0.9735, Acc.canopy: 0.7364, Acc.washer: 0.9384, Acc.plaything: 0.5126, Acc.swimming pool: 0.8958, Acc.stool: 0.6430, Acc.barrel: 0.7219, Acc.basket: 0.5458, Acc.waterfall: 0.5621, Acc.tent: 0.9840, Acc.bag: 0.3371, Acc.minibike: 0.8905, Acc.cradle: 0.9780, Acc.oven: 0.7541, Acc.ball: 0.6326, Acc.food: 0.6957, Acc.step: 0.1423, Acc.tank: 0.6949, Acc.trade name: 0.2820, Acc.microwave: 0.9522, Acc.pot: 0.6444, Acc.animal: 0.7031, Acc.bicycle: 0.7698, Acc.lake: 0.6854, Acc.dishwasher: 0.7800, Acc.screen: 0.6544, Acc.blanket: 0.2529, Acc.sculpture: 0.8603, Acc.hood: 0.7188, Acc.sconce: 0.6743, Acc.vase: 0.6078, Acc.traffic light: 0.4936, Acc.tray: 0.2466, Acc.ashcan: 0.6114, Acc.fan: 0.8055, Acc.pier: 0.5278, Acc.crt screen: 0.0398, Acc.plate: 0.8007, Acc.monitor: 0.8315, Acc.bulletin board: 0.7355, Acc.shower: 0.1857, Acc.radiator: 0.7177, Acc.glass: 0.2302, Acc.clock: 0.6193, Acc.flag: 0.7316 2024-01-19 02:46:37,307 - mmseg - INFO - Iter [77050/80000] lr: 1.475e-06, eta: 1:09:37, time: 4.393, data_time: 3.194, memory: 59004, decode.loss_ce: 0.1004, decode.acc_seg: 95.3934, aux.loss_ce: 0.0567, aux.acc_seg: 93.8427, loss: 0.1570 2024-01-19 02:47:37,483 - mmseg - INFO - Iter [77100/80000] lr: 1.450e-06, eta: 1:08:26, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0962, decode.acc_seg: 95.6759, aux.loss_ce: 0.0540, aux.acc_seg: 94.1299, loss: 0.1502 2024-01-19 02:48:37,718 - mmseg - INFO - Iter [77150/80000] lr: 1.425e-06, eta: 1:07:15, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0955, decode.acc_seg: 95.5598, aux.loss_ce: 0.0541, aux.acc_seg: 94.0279, loss: 0.1496 2024-01-19 02:49:37,963 - mmseg - INFO - Iter [77200/80000] lr: 1.401e-06, eta: 1:06:04, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0950, decode.acc_seg: 95.7429, aux.loss_ce: 0.0534, aux.acc_seg: 94.1990, loss: 0.1484 2024-01-19 02:50:38,374 - mmseg - INFO - Iter [77250/80000] lr: 1.376e-06, eta: 1:04:53, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0976, decode.acc_seg: 95.5413, aux.loss_ce: 0.0547, aux.acc_seg: 93.9499, loss: 0.1523 2024-01-19 02:51:38,705 - mmseg - INFO - Iter [77300/80000] lr: 1.351e-06, eta: 1:03:41, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0981, decode.acc_seg: 95.5862, aux.loss_ce: 0.0542, aux.acc_seg: 94.1284, loss: 0.1523 2024-01-19 02:52:39,193 - mmseg - INFO - Iter [77350/80000] lr: 1.326e-06, eta: 1:02:30, time: 1.210, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0926, decode.acc_seg: 95.7759, aux.loss_ce: 0.0533, aux.acc_seg: 94.2390, loss: 0.1459 2024-01-19 02:53:39,457 - mmseg - INFO - Iter [77400/80000] lr: 1.301e-06, eta: 1:01:19, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0952, decode.acc_seg: 95.6955, aux.loss_ce: 0.0539, aux.acc_seg: 94.1545, loss: 0.1490 2024-01-19 02:54:39,904 - mmseg - INFO - Iter [77450/80000] lr: 1.275e-06, eta: 1:00:08, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0975, decode.acc_seg: 95.4877, aux.loss_ce: 0.0554, aux.acc_seg: 93.9111, loss: 0.1529 2024-01-19 02:55:40,225 - mmseg - INFO - Iter [77500/80000] lr: 1.250e-06, eta: 0:58:57, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0930, decode.acc_seg: 95.7839, aux.loss_ce: 0.0526, aux.acc_seg: 94.3857, loss: 0.1456 2024-01-19 02:56:40,586 - mmseg - INFO - Iter [77550/80000] lr: 1.225e-06, eta: 0:57:46, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0971, decode.acc_seg: 95.4914, aux.loss_ce: 0.0548, aux.acc_seg: 93.9240, loss: 0.1519 2024-01-19 02:57:40,939 - mmseg - INFO - Iter [77600/80000] lr: 1.200e-06, eta: 0:56:35, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0964, decode.acc_seg: 95.4844, aux.loss_ce: 0.0558, aux.acc_seg: 93.8045, loss: 0.1522 2024-01-19 02:58:41,253 - mmseg - INFO - Iter [77650/80000] lr: 1.176e-06, eta: 0:55:24, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0944, decode.acc_seg: 95.6104, aux.loss_ce: 0.0538, aux.acc_seg: 94.1143, loss: 0.1483 2024-01-19 02:59:41,540 - mmseg - INFO - Iter [77700/80000] lr: 1.151e-06, eta: 0:54:13, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1021, decode.acc_seg: 95.3857, aux.loss_ce: 0.0575, aux.acc_seg: 93.7453, loss: 0.1596 2024-01-19 03:00:41,917 - mmseg - INFO - Iter [77750/80000] lr: 1.126e-06, eta: 0:53:02, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0992, decode.acc_seg: 95.4866, aux.loss_ce: 0.0568, aux.acc_seg: 93.8797, loss: 0.1560 2024-01-19 03:01:42,331 - mmseg - INFO - Iter [77800/80000] lr: 1.101e-06, eta: 0:51:51, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0982, decode.acc_seg: 95.4580, aux.loss_ce: 0.0554, aux.acc_seg: 93.8545, loss: 0.1535 2024-01-19 03:02:42,713 - mmseg - INFO - Iter [77850/80000] lr: 1.075e-06, eta: 0:50:40, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0921, decode.acc_seg: 95.7233, aux.loss_ce: 0.0520, aux.acc_seg: 94.2637, loss: 0.1440 2024-01-19 03:03:43,209 - mmseg - INFO - Iter [77900/80000] lr: 1.050e-06, eta: 0:49:29, time: 1.210, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1007, decode.acc_seg: 95.4806, aux.loss_ce: 0.0575, aux.acc_seg: 93.7917, loss: 0.1582 2024-01-19 03:04:43,623 - mmseg - INFO - Iter [77950/80000] lr: 1.025e-06, eta: 0:48:18, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0976, decode.acc_seg: 95.5684, aux.loss_ce: 0.0547, aux.acc_seg: 93.9540, loss: 0.1523 2024-01-19 03:05:43,900 - mmseg - INFO - Saving checkpoint at 78000 iterations 2024-01-19 03:06:27,690 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 03:06:27,691 - mmseg - INFO - Iter [78000/80000] lr: 1.000e-06, eta: 0:47:08, time: 2.081, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0945, decode.acc_seg: 95.6935, aux.loss_ce: 0.0525, aux.acc_seg: 94.1810, loss: 0.1469 2024-01-19 03:09:01,410 - mmseg - INFO - per class results: 2024-01-19 03:09:01,416 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.63 | 90.97 | | building | 85.5 | 93.95 | | sky | 94.94 | 97.6 | | floor | 83.77 | 92.15 | | tree | 76.78 | 90.45 | | ceiling | 85.99 | 93.15 | | road | 86.72 | 92.12 | | bed | 91.95 | 97.61 | | windowpane | 66.48 | 81.77 | | grass | 68.33 | 81.72 | | cabinet | 65.53 | 75.36 | | sidewalk | 71.88 | 85.95 | | person | 84.62 | 94.65 | | earth | 39.61 | 51.19 | | door | 60.1 | 70.93 | | table | 69.11 | 79.55 | | mountain | 62.6 | 73.98 | | plant | 56.09 | 67.14 | | curtain | 79.26 | 88.29 | | chair | 66.08 | 77.39 | | car | 87.03 | 94.17 | | water | 64.34 | 79.28 | | painting | 75.43 | 88.28 | | sofa | 80.8 | 90.37 | | shelf | 46.19 | 63.44 | | house | 49.62 | 62.16 | | sea | 73.44 | 84.45 | | mirror | 75.8 | 84.08 | | rug | 62.26 | 72.37 | | field | 30.22 | 49.94 | | armchair | 58.32 | 74.97 | | seat | 70.16 | 89.05 | | fence | 45.17 | 56.38 | | desk | 59.86 | 80.25 | | rock | 53.44 | 79.24 | | wardrobe | 56.44 | 73.1 | | lamp | 75.33 | 85.72 | | bathtub | 83.8 | 87.13 | | railing | 39.27 | 52.02 | | cushion | 67.61 | 79.76 | | base | 40.8 | 51.92 | | box | 40.1 | 49.07 | | column | 56.08 | 64.79 | | signboard | 40.38 | 52.8 | | chest of drawers | 47.83 | 67.61 | | counter | 57.51 | 65.29 | | sand | 58.29 | 84.73 | | sink | 81.33 | 88.5 | | skyscraper | 55.39 | 63.55 | | fireplace | 75.9 | 92.97 | | refrigerator | 82.39 | 91.02 | | grandstand | 58.32 | 85.09 | | path | 29.25 | 38.87 | | stairs | 46.99 | 55.68 | | runway | 73.65 | 96.17 | | case | 63.68 | 80.43 | | pool table | 94.79 | 97.72 | | pillow | 62.08 | 71.5 | | screen door | 78.93 | 85.63 | | stairway | 45.05 | 60.93 | | river | 15.56 | 32.74 | | bridge | 69.87 | 78.92 | | bookcase | 45.3 | 62.26 | | blind | 36.97 | 40.74 | | coffee table | 61.82 | 86.74 | | toilet | 92.4 | 96.2 | | flower | 47.66 | 61.74 | | book | 56.38 | 79.15 | | hill | 6.22 | 10.17 | | bench | 66.01 | 73.55 | | countertop | 66.14 | 82.62 | | stove | 84.07 | 89.6 | | palm | 56.85 | 78.88 | | kitchen island | 47.8 | 71.44 | | computer | 77.52 | 89.58 | | swivel chair | 44.61 | 62.04 | | boat | 71.15 | 90.45 | | bar | 77.49 | 89.85 | | arcade machine | 84.63 | 89.19 | | hovel | 17.55 | 19.08 | | bus | 92.69 | 96.32 | | towel | 77.53 | 85.28 | | light | 56.44 | 62.36 | | truck | 50.32 | 60.97 | | tower | 28.85 | 45.43 | | chandelier | 72.82 | 82.02 | | awning | 42.4 | 55.61 | | streetlight | 34.25 | 41.8 | | booth | 54.04 | 64.78 | | television receiver | 85.16 | 89.6 | | airplane | 66.76 | 75.23 | | dirt track | 11.68 | 20.25 | | apparel | 58.87 | 75.23 | | pole | 25.98 | 38.73 | | land | 5.94 | 8.69 | | bannister | 12.94 | 16.97 | | escalator | 62.51 | 86.84 | | ottoman | 57.94 | 71.18 | | bottle | 42.24 | 70.8 | | buffet | 57.75 | 64.2 | | poster | 24.64 | 29.57 | | stage | 32.24 | 68.72 | | van | 50.05 | 63.01 | | ship | 70.0 | 80.11 | | fountain | 51.37 | 52.92 | | conveyer belt | 82.63 | 97.66 | | canopy | 54.29 | 73.43 | | washer | 88.49 | 93.69 | | plaything | 35.66 | 50.17 | | swimming pool | 59.65 | 88.45 | | stool | 50.74 | 65.8 | | barrel | 63.82 | 72.15 | | basket | 45.01 | 55.61 | | waterfall | 51.45 | 57.97 | | tent | 94.84 | 98.27 | | bag | 29.19 | 33.31 | | minibike | 75.73 | 89.43 | | cradle | 84.4 | 97.94 | | oven | 64.04 | 74.25 | | ball | 56.98 | 62.26 | | food | 59.63 | 68.96 | | step | 11.69 | 11.97 | | tank | 65.23 | 73.61 | | trade name | 25.76 | 29.36 | | microwave | 88.24 | 95.29 | | pot | 57.26 | 65.12 | | animal | 68.01 | 70.27 | | bicycle | 58.61 | 76.41 | | lake | 61.74 | 68.68 | | dishwasher | 72.96 | 78.66 | | screen | 50.78 | 66.46 | | blanket | 21.83 | 25.94 | | sculpture | 68.95 | 85.75 | | hood | 60.29 | 70.79 | | sconce | 56.51 | 68.13 | | vase | 46.28 | 61.52 | | traffic light | 35.97 | 53.27 | | tray | 19.48 | 24.98 | | ashcan | 51.26 | 62.01 | | fan | 67.92 | 78.85 | | pier | 46.48 | 51.44 | | crt screen | 2.67 | 4.05 | | plate | 58.46 | 79.05 | | monitor | 68.0 | 83.41 | | bulletin board | 57.09 | 69.85 | | shower | 16.64 | 20.71 | | radiator | 64.49 | 72.04 | | glass | 20.87 | 22.67 | | clock | 51.04 | 60.91 | | flag | 66.96 | 74.39 | +---------------------+-------+-------+ 2024-01-19 03:09:01,416 - mmseg - INFO - Summary: 2024-01-19 03:09:01,416 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.17 | 58.06 | 69.49 | +-------+-------+-------+ 2024-01-19 03:09:01,417 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 03:09:01,417 - mmseg - INFO - Iter(val) [250] aAcc: 0.8617, mIoU: 0.5806, mAcc: 0.6949, IoU.wall: 0.8163, IoU.building: 0.8550, IoU.sky: 0.9494, IoU.floor: 0.8377, IoU.tree: 0.7678, IoU.ceiling: 0.8599, IoU.road: 0.8672, IoU.bed : 0.9195, IoU.windowpane: 0.6648, IoU.grass: 0.6833, IoU.cabinet: 0.6553, IoU.sidewalk: 0.7188, IoU.person: 0.8462, IoU.earth: 0.3961, IoU.door: 0.6010, IoU.table: 0.6911, IoU.mountain: 0.6260, IoU.plant: 0.5609, IoU.curtain: 0.7926, IoU.chair: 0.6608, IoU.car: 0.8703, IoU.water: 0.6434, IoU.painting: 0.7543, IoU.sofa: 0.8080, IoU.shelf: 0.4619, IoU.house: 0.4962, IoU.sea: 0.7344, IoU.mirror: 0.7580, IoU.rug: 0.6226, IoU.field: 0.3022, IoU.armchair: 0.5832, IoU.seat: 0.7016, IoU.fence: 0.4517, IoU.desk: 0.5986, IoU.rock: 0.5344, IoU.wardrobe: 0.5644, IoU.lamp: 0.7533, IoU.bathtub: 0.8380, IoU.railing: 0.3927, IoU.cushion: 0.6761, IoU.base: 0.4080, IoU.box: 0.4010, IoU.column: 0.5608, IoU.signboard: 0.4038, IoU.chest of drawers: 0.4783, IoU.counter: 0.5751, IoU.sand: 0.5829, IoU.sink: 0.8133, IoU.skyscraper: 0.5539, IoU.fireplace: 0.7590, IoU.refrigerator: 0.8239, IoU.grandstand: 0.5832, IoU.path: 0.2925, IoU.stairs: 0.4699, IoU.runway: 0.7365, IoU.case: 0.6368, IoU.pool table: 0.9479, IoU.pillow: 0.6208, IoU.screen door: 0.7893, IoU.stairway: 0.4505, IoU.river: 0.1556, IoU.bridge: 0.6987, IoU.bookcase: 0.4530, IoU.blind: 0.3697, IoU.coffee table: 0.6182, IoU.toilet: 0.9240, IoU.flower: 0.4766, IoU.book: 0.5638, IoU.hill: 0.0622, IoU.bench: 0.6601, IoU.countertop: 0.6614, IoU.stove: 0.8407, IoU.palm: 0.5685, IoU.kitchen island: 0.4780, IoU.computer: 0.7752, IoU.swivel chair: 0.4461, IoU.boat: 0.7115, IoU.bar: 0.7749, IoU.arcade machine: 0.8463, IoU.hovel: 0.1755, IoU.bus: 0.9269, IoU.towel: 0.7753, IoU.light: 0.5644, IoU.truck: 0.5032, IoU.tower: 0.2885, IoU.chandelier: 0.7282, IoU.awning: 0.4240, IoU.streetlight: 0.3425, IoU.booth: 0.5404, IoU.television receiver: 0.8516, IoU.airplane: 0.6676, IoU.dirt track: 0.1168, IoU.apparel: 0.5887, IoU.pole: 0.2598, IoU.land: 0.0594, IoU.bannister: 0.1294, IoU.escalator: 0.6251, IoU.ottoman: 0.5794, IoU.bottle: 0.4224, IoU.buffet: 0.5775, IoU.poster: 0.2464, IoU.stage: 0.3224, IoU.van: 0.5005, IoU.ship: 0.7000, IoU.fountain: 0.5137, IoU.conveyer belt: 0.8263, IoU.canopy: 0.5429, IoU.washer: 0.8849, IoU.plaything: 0.3566, IoU.swimming pool: 0.5965, IoU.stool: 0.5074, IoU.barrel: 0.6382, IoU.basket: 0.4501, IoU.waterfall: 0.5145, IoU.tent: 0.9484, IoU.bag: 0.2919, IoU.minibike: 0.7573, IoU.cradle: 0.8440, IoU.oven: 0.6404, IoU.ball: 0.5698, IoU.food: 0.5963, IoU.step: 0.1169, IoU.tank: 0.6523, IoU.trade name: 0.2576, IoU.microwave: 0.8824, IoU.pot: 0.5726, IoU.animal: 0.6801, IoU.bicycle: 0.5861, IoU.lake: 0.6174, IoU.dishwasher: 0.7296, IoU.screen: 0.5078, IoU.blanket: 0.2183, IoU.sculpture: 0.6895, IoU.hood: 0.6029, IoU.sconce: 0.5651, IoU.vase: 0.4628, IoU.traffic light: 0.3597, IoU.tray: 0.1948, IoU.ashcan: 0.5126, IoU.fan: 0.6792, IoU.pier: 0.4648, IoU.crt screen: 0.0267, IoU.plate: 0.5846, IoU.monitor: 0.6800, IoU.bulletin board: 0.5709, IoU.shower: 0.1664, IoU.radiator: 0.6449, IoU.glass: 0.2087, IoU.clock: 0.5104, IoU.flag: 0.6696, Acc.wall: 0.9097, Acc.building: 0.9395, Acc.sky: 0.9760, Acc.floor: 0.9215, Acc.tree: 0.9045, Acc.ceiling: 0.9315, Acc.road: 0.9212, Acc.bed : 0.9761, Acc.windowpane: 0.8177, Acc.grass: 0.8172, Acc.cabinet: 0.7536, Acc.sidewalk: 0.8595, Acc.person: 0.9465, Acc.earth: 0.5119, Acc.door: 0.7093, Acc.table: 0.7955, Acc.mountain: 0.7398, Acc.plant: 0.6714, Acc.curtain: 0.8829, Acc.chair: 0.7739, Acc.car: 0.9417, Acc.water: 0.7928, Acc.painting: 0.8828, Acc.sofa: 0.9037, Acc.shelf: 0.6344, Acc.house: 0.6216, Acc.sea: 0.8445, Acc.mirror: 0.8408, Acc.rug: 0.7237, Acc.field: 0.4994, Acc.armchair: 0.7497, Acc.seat: 0.8905, Acc.fence: 0.5638, Acc.desk: 0.8025, Acc.rock: 0.7924, Acc.wardrobe: 0.7310, Acc.lamp: 0.8572, Acc.bathtub: 0.8713, Acc.railing: 0.5202, Acc.cushion: 0.7976, Acc.base: 0.5192, Acc.box: 0.4907, Acc.column: 0.6479, Acc.signboard: 0.5280, Acc.chest of drawers: 0.6761, Acc.counter: 0.6529, Acc.sand: 0.8473, Acc.sink: 0.8850, Acc.skyscraper: 0.6355, Acc.fireplace: 0.9297, Acc.refrigerator: 0.9102, Acc.grandstand: 0.8509, Acc.path: 0.3887, Acc.stairs: 0.5568, Acc.runway: 0.9617, Acc.case: 0.8043, Acc.pool table: 0.9772, Acc.pillow: 0.7150, Acc.screen door: 0.8563, Acc.stairway: 0.6093, Acc.river: 0.3274, Acc.bridge: 0.7892, Acc.bookcase: 0.6226, Acc.blind: 0.4074, Acc.coffee table: 0.8674, Acc.toilet: 0.9620, Acc.flower: 0.6174, Acc.book: 0.7915, Acc.hill: 0.1017, Acc.bench: 0.7355, Acc.countertop: 0.8262, Acc.stove: 0.8960, Acc.palm: 0.7888, Acc.kitchen island: 0.7144, Acc.computer: 0.8958, Acc.swivel chair: 0.6204, Acc.boat: 0.9045, Acc.bar: 0.8985, Acc.arcade machine: 0.8919, Acc.hovel: 0.1908, Acc.bus: 0.9632, Acc.towel: 0.8528, Acc.light: 0.6236, Acc.truck: 0.6097, Acc.tower: 0.4543, Acc.chandelier: 0.8202, Acc.awning: 0.5561, Acc.streetlight: 0.4180, Acc.booth: 0.6478, Acc.television receiver: 0.8960, Acc.airplane: 0.7523, Acc.dirt track: 0.2025, Acc.apparel: 0.7523, Acc.pole: 0.3873, Acc.land: 0.0869, Acc.bannister: 0.1697, Acc.escalator: 0.8684, Acc.ottoman: 0.7118, Acc.bottle: 0.7080, Acc.buffet: 0.6420, Acc.poster: 0.2957, Acc.stage: 0.6872, Acc.van: 0.6301, Acc.ship: 0.8011, Acc.fountain: 0.5292, Acc.conveyer belt: 0.9766, Acc.canopy: 0.7343, Acc.washer: 0.9369, Acc.plaything: 0.5017, Acc.swimming pool: 0.8845, Acc.stool: 0.6580, Acc.barrel: 0.7215, Acc.basket: 0.5561, Acc.waterfall: 0.5797, Acc.tent: 0.9827, Acc.bag: 0.3331, Acc.minibike: 0.8943, Acc.cradle: 0.9794, Acc.oven: 0.7425, Acc.ball: 0.6226, Acc.food: 0.6896, Acc.step: 0.1197, Acc.tank: 0.7361, Acc.trade name: 0.2936, Acc.microwave: 0.9529, Acc.pot: 0.6512, Acc.animal: 0.7027, Acc.bicycle: 0.7641, Acc.lake: 0.6868, Acc.dishwasher: 0.7866, Acc.screen: 0.6646, Acc.blanket: 0.2594, Acc.sculpture: 0.8575, Acc.hood: 0.7079, Acc.sconce: 0.6813, Acc.vase: 0.6152, Acc.traffic light: 0.5327, Acc.tray: 0.2498, Acc.ashcan: 0.6201, Acc.fan: 0.7885, Acc.pier: 0.5144, Acc.crt screen: 0.0405, Acc.plate: 0.7905, Acc.monitor: 0.8341, Acc.bulletin board: 0.6985, Acc.shower: 0.2071, Acc.radiator: 0.7204, Acc.glass: 0.2267, Acc.clock: 0.6091, Acc.flag: 0.7439 2024-01-19 03:10:02,121 - mmseg - INFO - Iter [78050/80000] lr: 9.755e-07, eta: 0:46:01, time: 4.289, data_time: 3.090, memory: 59004, decode.loss_ce: 0.0974, decode.acc_seg: 95.4650, aux.loss_ce: 0.0540, aux.acc_seg: 94.0209, loss: 0.1514 2024-01-19 03:11:02,268 - mmseg - INFO - Iter [78100/80000] lr: 9.505e-07, eta: 0:44:50, time: 1.203, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0936, decode.acc_seg: 95.7464, aux.loss_ce: 0.0531, aux.acc_seg: 94.3105, loss: 0.1467 2024-01-19 03:12:02,486 - mmseg - INFO - Iter [78150/80000] lr: 9.255e-07, eta: 0:43:39, time: 1.204, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1009, decode.acc_seg: 95.2407, aux.loss_ce: 0.0567, aux.acc_seg: 93.6920, loss: 0.1576 2024-01-19 03:13:02,858 - mmseg - INFO - Iter [78200/80000] lr: 9.005e-07, eta: 0:42:28, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0934, decode.acc_seg: 95.6725, aux.loss_ce: 0.0533, aux.acc_seg: 94.1286, loss: 0.1466 2024-01-19 03:14:03,188 - mmseg - INFO - Iter [78250/80000] lr: 8.755e-07, eta: 0:41:17, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0935, decode.acc_seg: 95.6516, aux.loss_ce: 0.0533, aux.acc_seg: 94.1475, loss: 0.1468 2024-01-19 03:15:03,514 - mmseg - INFO - Iter [78300/80000] lr: 8.505e-07, eta: 0:40:06, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0999, decode.acc_seg: 95.3828, aux.loss_ce: 0.0564, aux.acc_seg: 93.7752, loss: 0.1563 2024-01-19 03:16:06,091 - mmseg - INFO - Iter [78350/80000] lr: 8.255e-07, eta: 0:38:55, time: 1.252, data_time: 0.051, memory: 59004, decode.loss_ce: 0.0929, decode.acc_seg: 95.7862, aux.loss_ce: 0.0531, aux.acc_seg: 94.2695, loss: 0.1460 2024-01-19 03:17:06,364 - mmseg - INFO - Iter [78400/80000] lr: 8.005e-07, eta: 0:37:44, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0920, decode.acc_seg: 95.7487, aux.loss_ce: 0.0518, aux.acc_seg: 94.2900, loss: 0.1438 2024-01-19 03:18:06,737 - mmseg - INFO - Iter [78450/80000] lr: 7.755e-07, eta: 0:36:33, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0987, decode.acc_seg: 95.5322, aux.loss_ce: 0.0557, aux.acc_seg: 93.9454, loss: 0.1544 2024-01-19 03:19:07,012 - mmseg - INFO - Iter [78500/80000] lr: 7.505e-07, eta: 0:35:22, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0893, decode.acc_seg: 95.8738, aux.loss_ce: 0.0507, aux.acc_seg: 94.3839, loss: 0.1400 2024-01-19 03:20:07,392 - mmseg - INFO - Iter [78550/80000] lr: 7.255e-07, eta: 0:34:11, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0963, decode.acc_seg: 95.5032, aux.loss_ce: 0.0540, aux.acc_seg: 94.0624, loss: 0.1503 2024-01-19 03:21:07,777 - mmseg - INFO - Iter [78600/80000] lr: 7.005e-07, eta: 0:33:00, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1009, decode.acc_seg: 95.2358, aux.loss_ce: 0.0567, aux.acc_seg: 93.5632, loss: 0.1576 2024-01-19 03:22:08,106 - mmseg - INFO - Iter [78650/80000] lr: 6.755e-07, eta: 0:31:49, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0937, decode.acc_seg: 95.7348, aux.loss_ce: 0.0534, aux.acc_seg: 94.2358, loss: 0.1470 2024-01-19 03:23:08,401 - mmseg - INFO - Iter [78700/80000] lr: 6.505e-07, eta: 0:30:38, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0970, decode.acc_seg: 95.5025, aux.loss_ce: 0.0552, aux.acc_seg: 93.8572, loss: 0.1522 2024-01-19 03:24:08,751 - mmseg - INFO - Iter [78750/80000] lr: 6.255e-07, eta: 0:29:27, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0943, decode.acc_seg: 95.6556, aux.loss_ce: 0.0532, aux.acc_seg: 94.1432, loss: 0.1476 2024-01-19 03:25:09,015 - mmseg - INFO - Iter [78800/80000] lr: 6.005e-07, eta: 0:28:16, time: 1.205, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1006, decode.acc_seg: 95.4135, aux.loss_ce: 0.0551, aux.acc_seg: 93.8699, loss: 0.1558 2024-01-19 03:26:09,399 - mmseg - INFO - Iter [78850/80000] lr: 5.755e-07, eta: 0:27:06, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0977, decode.acc_seg: 95.4105, aux.loss_ce: 0.0564, aux.acc_seg: 93.6615, loss: 0.1540 2024-01-19 03:27:09,829 - mmseg - INFO - Iter [78900/80000] lr: 5.505e-07, eta: 0:25:55, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0975, decode.acc_seg: 95.5656, aux.loss_ce: 0.0562, aux.acc_seg: 93.9143, loss: 0.1537 2024-01-19 03:28:10,150 - mmseg - INFO - Iter [78950/80000] lr: 5.255e-07, eta: 0:24:44, time: 1.206, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0971, decode.acc_seg: 95.5551, aux.loss_ce: 0.0550, aux.acc_seg: 94.0047, loss: 0.1521 2024-01-19 03:29:10,579 - mmseg - INFO - Saving checkpoint at 79000 iterations 2024-01-19 03:29:59,066 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 03:29:59,066 - mmseg - INFO - Iter [79000/80000] lr: 5.005e-07, eta: 0:23:34, time: 2.178, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1035, decode.acc_seg: 95.4318, aux.loss_ce: 0.0566, aux.acc_seg: 93.9546, loss: 0.1601 2024-01-19 03:32:36,641 - mmseg - INFO - per class results: 2024-01-19 03:32:36,648 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.55 | 91.33 | | building | 85.48 | 93.95 | | sky | 94.92 | 97.56 | | floor | 83.56 | 92.44 | | tree | 76.78 | 90.66 | | ceiling | 85.94 | 92.65 | | road | 86.83 | 91.84 | | bed | 91.79 | 97.49 | | windowpane | 66.36 | 82.53 | | grass | 68.04 | 82.06 | | cabinet | 65.55 | 75.26 | | sidewalk | 71.87 | 86.22 | | person | 84.62 | 94.82 | | earth | 39.41 | 50.31 | | door | 59.04 | 69.24 | | table | 69.04 | 80.4 | | mountain | 62.2 | 73.46 | | plant | 56.13 | 66.76 | | curtain | 79.09 | 88.19 | | chair | 66.25 | 78.04 | | car | 87.16 | 93.98 | | water | 64.09 | 78.83 | | painting | 75.37 | 88.91 | | sofa | 80.63 | 90.09 | | shelf | 46.44 | 62.74 | | house | 49.62 | 62.23 | | sea | 73.32 | 84.08 | | mirror | 76.2 | 84.82 | | rug | 59.21 | 67.7 | | field | 30.2 | 49.74 | | armchair | 58.56 | 75.32 | | seat | 70.0 | 89.13 | | fence | 45.29 | 57.15 | | desk | 59.81 | 79.37 | | rock | 53.06 | 79.64 | | wardrobe | 56.26 | 72.68 | | lamp | 75.11 | 85.44 | | bathtub | 83.8 | 87.18 | | railing | 38.51 | 50.03 | | cushion | 67.38 | 78.57 | | base | 40.34 | 51.51 | | box | 40.46 | 49.7 | | column | 54.82 | 62.05 | | signboard | 39.92 | 51.44 | | chest of drawers | 48.52 | 68.56 | | counter | 57.07 | 63.58 | | sand | 58.29 | 85.16 | | sink | 81.73 | 88.92 | | skyscraper | 54.69 | 63.37 | | fireplace | 76.29 | 92.61 | | refrigerator | 82.63 | 90.44 | | grandstand | 58.04 | 84.47 | | path | 29.65 | 40.0 | | stairs | 46.34 | 53.87 | | runway | 73.75 | 95.36 | | case | 63.71 | 80.44 | | pool table | 94.79 | 97.72 | | pillow | 60.31 | 68.55 | | screen door | 80.91 | 87.13 | | stairway | 44.01 | 59.89 | | river | 15.57 | 33.28 | | bridge | 70.33 | 79.56 | | bookcase | 44.72 | 60.34 | | blind | 36.7 | 39.94 | | coffee table | 62.84 | 85.75 | | toilet | 92.2 | 95.77 | | flower | 48.16 | 62.47 | | book | 56.39 | 79.94 | | hill | 6.08 | 9.84 | | bench | 66.26 | 73.55 | | countertop | 66.26 | 82.71 | | stove | 84.18 | 89.71 | | palm | 56.62 | 78.88 | | kitchen island | 48.13 | 70.01 | | computer | 77.22 | 88.97 | | swivel chair | 44.81 | 63.09 | | boat | 73.57 | 89.96 | | bar | 77.6 | 89.72 | | arcade machine | 84.27 | 88.57 | | hovel | 19.1 | 20.78 | | bus | 92.77 | 96.14 | | towel | 77.69 | 85.15 | | light | 57.3 | 64.51 | | truck | 50.1 | 60.09 | | tower | 26.75 | 41.61 | | chandelier | 73.36 | 83.73 | | awning | 40.35 | 50.51 | | streetlight | 33.63 | 40.6 | | booth | 52.4 | 62.49 | | television receiver | 85.27 | 89.84 | | airplane | 66.92 | 74.36 | | dirt track | 11.04 | 19.88 | | apparel | 58.83 | 76.15 | | pole | 25.45 | 37.33 | | land | 6.17 | 8.93 | | bannister | 13.14 | 17.8 | | escalator | 62.71 | 86.46 | | ottoman | 57.86 | 71.09 | | bottle | 42.61 | 71.93 | | buffet | 57.77 | 64.3 | | poster | 25.45 | 30.29 | | stage | 32.53 | 64.81 | | van | 50.85 | 65.22 | | ship | 69.14 | 76.87 | | fountain | 50.12 | 51.44 | | conveyer belt | 83.95 | 97.22 | | canopy | 53.93 | 73.14 | | washer | 87.97 | 92.98 | | plaything | 37.81 | 55.09 | | swimming pool | 58.66 | 86.61 | | stool | 51.87 | 65.31 | | barrel | 63.95 | 72.45 | | basket | 45.07 | 54.88 | | waterfall | 51.38 | 58.28 | | tent | 94.92 | 98.33 | | bag | 28.91 | 32.75 | | minibike | 75.79 | 89.59 | | cradle | 83.72 | 97.94 | | oven | 64.5 | 74.46 | | ball | 58.52 | 64.1 | | food | 59.3 | 67.77 | | step | 10.81 | 11.08 | | tank | 61.99 | 68.27 | | trade name | 23.68 | 26.47 | | microwave | 88.24 | 95.15 | | pot | 57.61 | 65.41 | | animal | 67.01 | 68.98 | | bicycle | 58.61 | 76.54 | | lake | 61.6 | 69.16 | | dishwasher | 72.66 | 77.22 | | screen | 50.78 | 65.9 | | blanket | 21.55 | 25.23 | | sculpture | 65.87 | 85.66 | | hood | 60.28 | 70.12 | | sconce | 55.88 | 66.44 | | vase | 46.26 | 61.61 | | traffic light | 35.71 | 51.59 | | tray | 19.67 | 24.95 | | ashcan | 51.35 | 61.84 | | fan | 68.42 | 79.92 | | pier | 46.46 | 51.23 | | crt screen | 2.61 | 3.91 | | plate | 58.0 | 79.32 | | monitor | 67.34 | 83.09 | | bulletin board | 56.88 | 67.26 | | shower | 16.9 | 20.0 | | radiator | 64.6 | 71.88 | | glass | 21.3 | 23.24 | | clock | 52.16 | 60.86 | | flag | 66.68 | 73.93 | +---------------------+-------+-------+ 2024-01-19 03:32:36,648 - mmseg - INFO - Summary: 2024-01-19 03:32:36,648 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.12 | 57.95 | 69.13 | +-------+-------+-------+ 2024-01-19 03:32:36,649 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 03:32:36,649 - mmseg - INFO - Iter(val) [250] aAcc: 0.8612, mIoU: 0.5795, mAcc: 0.6913, IoU.wall: 0.8155, IoU.building: 0.8548, IoU.sky: 0.9492, IoU.floor: 0.8356, IoU.tree: 0.7678, IoU.ceiling: 0.8594, IoU.road: 0.8683, IoU.bed : 0.9179, IoU.windowpane: 0.6636, IoU.grass: 0.6804, IoU.cabinet: 0.6555, IoU.sidewalk: 0.7187, IoU.person: 0.8462, IoU.earth: 0.3941, IoU.door: 0.5904, IoU.table: 0.6904, IoU.mountain: 0.6220, IoU.plant: 0.5613, IoU.curtain: 0.7909, IoU.chair: 0.6625, IoU.car: 0.8716, IoU.water: 0.6409, IoU.painting: 0.7537, IoU.sofa: 0.8063, IoU.shelf: 0.4644, IoU.house: 0.4962, IoU.sea: 0.7332, IoU.mirror: 0.7620, IoU.rug: 0.5921, IoU.field: 0.3020, IoU.armchair: 0.5856, IoU.seat: 0.7000, IoU.fence: 0.4529, IoU.desk: 0.5981, IoU.rock: 0.5306, IoU.wardrobe: 0.5626, IoU.lamp: 0.7511, IoU.bathtub: 0.8380, IoU.railing: 0.3851, IoU.cushion: 0.6738, IoU.base: 0.4034, IoU.box: 0.4046, IoU.column: 0.5482, IoU.signboard: 0.3992, IoU.chest of drawers: 0.4852, IoU.counter: 0.5707, IoU.sand: 0.5829, IoU.sink: 0.8173, IoU.skyscraper: 0.5469, IoU.fireplace: 0.7629, IoU.refrigerator: 0.8263, IoU.grandstand: 0.5804, IoU.path: 0.2965, IoU.stairs: 0.4634, IoU.runway: 0.7375, IoU.case: 0.6371, IoU.pool table: 0.9479, IoU.pillow: 0.6031, IoU.screen door: 0.8091, IoU.stairway: 0.4401, IoU.river: 0.1557, IoU.bridge: 0.7033, IoU.bookcase: 0.4472, IoU.blind: 0.3670, IoU.coffee table: 0.6284, IoU.toilet: 0.9220, IoU.flower: 0.4816, IoU.book: 0.5639, IoU.hill: 0.0608, IoU.bench: 0.6626, IoU.countertop: 0.6626, IoU.stove: 0.8418, IoU.palm: 0.5662, IoU.kitchen island: 0.4813, IoU.computer: 0.7722, IoU.swivel chair: 0.4481, IoU.boat: 0.7357, IoU.bar: 0.7760, IoU.arcade machine: 0.8427, IoU.hovel: 0.1910, IoU.bus: 0.9277, IoU.towel: 0.7769, IoU.light: 0.5730, IoU.truck: 0.5010, IoU.tower: 0.2675, IoU.chandelier: 0.7336, IoU.awning: 0.4035, IoU.streetlight: 0.3363, IoU.booth: 0.5240, IoU.television receiver: 0.8527, IoU.airplane: 0.6692, IoU.dirt track: 0.1104, IoU.apparel: 0.5883, IoU.pole: 0.2545, IoU.land: 0.0617, IoU.bannister: 0.1314, IoU.escalator: 0.6271, IoU.ottoman: 0.5786, IoU.bottle: 0.4261, IoU.buffet: 0.5777, IoU.poster: 0.2545, IoU.stage: 0.3253, IoU.van: 0.5085, IoU.ship: 0.6914, IoU.fountain: 0.5012, IoU.conveyer belt: 0.8395, IoU.canopy: 0.5393, IoU.washer: 0.8797, IoU.plaything: 0.3781, IoU.swimming pool: 0.5866, IoU.stool: 0.5187, IoU.barrel: 0.6395, IoU.basket: 0.4507, IoU.waterfall: 0.5138, IoU.tent: 0.9492, IoU.bag: 0.2891, IoU.minibike: 0.7579, IoU.cradle: 0.8372, IoU.oven: 0.6450, IoU.ball: 0.5852, IoU.food: 0.5930, IoU.step: 0.1081, IoU.tank: 0.6199, IoU.trade name: 0.2368, IoU.microwave: 0.8824, IoU.pot: 0.5761, IoU.animal: 0.6701, IoU.bicycle: 0.5861, IoU.lake: 0.6160, IoU.dishwasher: 0.7266, IoU.screen: 0.5078, IoU.blanket: 0.2155, IoU.sculpture: 0.6587, IoU.hood: 0.6028, IoU.sconce: 0.5588, IoU.vase: 0.4626, IoU.traffic light: 0.3571, IoU.tray: 0.1967, IoU.ashcan: 0.5135, IoU.fan: 0.6842, IoU.pier: 0.4646, IoU.crt screen: 0.0261, IoU.plate: 0.5800, IoU.monitor: 0.6734, IoU.bulletin board: 0.5688, IoU.shower: 0.1690, IoU.radiator: 0.6460, IoU.glass: 0.2130, IoU.clock: 0.5216, IoU.flag: 0.6668, Acc.wall: 0.9133, Acc.building: 0.9395, Acc.sky: 0.9756, Acc.floor: 0.9244, Acc.tree: 0.9066, Acc.ceiling: 0.9265, Acc.road: 0.9184, Acc.bed : 0.9749, Acc.windowpane: 0.8253, Acc.grass: 0.8206, Acc.cabinet: 0.7526, Acc.sidewalk: 0.8622, Acc.person: 0.9482, Acc.earth: 0.5031, Acc.door: 0.6924, Acc.table: 0.8040, Acc.mountain: 0.7346, Acc.plant: 0.6676, Acc.curtain: 0.8819, Acc.chair: 0.7804, Acc.car: 0.9398, Acc.water: 0.7883, Acc.painting: 0.8891, Acc.sofa: 0.9009, Acc.shelf: 0.6274, Acc.house: 0.6223, Acc.sea: 0.8408, Acc.mirror: 0.8482, Acc.rug: 0.6770, Acc.field: 0.4974, Acc.armchair: 0.7532, Acc.seat: 0.8913, Acc.fence: 0.5715, Acc.desk: 0.7937, Acc.rock: 0.7964, Acc.wardrobe: 0.7268, Acc.lamp: 0.8544, Acc.bathtub: 0.8718, Acc.railing: 0.5003, Acc.cushion: 0.7857, Acc.base: 0.5151, Acc.box: 0.4970, Acc.column: 0.6205, Acc.signboard: 0.5144, Acc.chest of drawers: 0.6856, Acc.counter: 0.6358, Acc.sand: 0.8516, Acc.sink: 0.8892, Acc.skyscraper: 0.6337, Acc.fireplace: 0.9261, Acc.refrigerator: 0.9044, Acc.grandstand: 0.8447, Acc.path: 0.4000, Acc.stairs: 0.5387, Acc.runway: 0.9536, Acc.case: 0.8044, Acc.pool table: 0.9772, Acc.pillow: 0.6855, Acc.screen door: 0.8713, Acc.stairway: 0.5989, Acc.river: 0.3328, Acc.bridge: 0.7956, Acc.bookcase: 0.6034, Acc.blind: 0.3994, Acc.coffee table: 0.8575, Acc.toilet: 0.9577, Acc.flower: 0.6247, Acc.book: 0.7994, Acc.hill: 0.0984, Acc.bench: 0.7355, Acc.countertop: 0.8271, Acc.stove: 0.8971, Acc.palm: 0.7888, Acc.kitchen island: 0.7001, Acc.computer: 0.8897, Acc.swivel chair: 0.6309, Acc.boat: 0.8996, Acc.bar: 0.8972, Acc.arcade machine: 0.8857, Acc.hovel: 0.2078, Acc.bus: 0.9614, Acc.towel: 0.8515, Acc.light: 0.6451, Acc.truck: 0.6009, Acc.tower: 0.4161, Acc.chandelier: 0.8373, Acc.awning: 0.5051, Acc.streetlight: 0.4060, Acc.booth: 0.6249, Acc.television receiver: 0.8984, Acc.airplane: 0.7436, Acc.dirt track: 0.1988, Acc.apparel: 0.7615, Acc.pole: 0.3733, Acc.land: 0.0893, Acc.bannister: 0.1780, Acc.escalator: 0.8646, Acc.ottoman: 0.7109, Acc.bottle: 0.7193, Acc.buffet: 0.6430, Acc.poster: 0.3029, Acc.stage: 0.6481, Acc.van: 0.6522, Acc.ship: 0.7687, Acc.fountain: 0.5144, Acc.conveyer belt: 0.9722, Acc.canopy: 0.7314, Acc.washer: 0.9298, Acc.plaything: 0.5509, Acc.swimming pool: 0.8661, Acc.stool: 0.6531, Acc.barrel: 0.7245, Acc.basket: 0.5488, Acc.waterfall: 0.5828, Acc.tent: 0.9833, Acc.bag: 0.3275, Acc.minibike: 0.8959, Acc.cradle: 0.9794, Acc.oven: 0.7446, Acc.ball: 0.6410, Acc.food: 0.6777, Acc.step: 0.1108, Acc.tank: 0.6827, Acc.trade name: 0.2647, Acc.microwave: 0.9515, Acc.pot: 0.6541, Acc.animal: 0.6898, Acc.bicycle: 0.7654, Acc.lake: 0.6916, Acc.dishwasher: 0.7722, Acc.screen: 0.6590, Acc.blanket: 0.2523, Acc.sculpture: 0.8566, Acc.hood: 0.7012, Acc.sconce: 0.6644, Acc.vase: 0.6161, Acc.traffic light: 0.5159, Acc.tray: 0.2495, Acc.ashcan: 0.6184, Acc.fan: 0.7992, Acc.pier: 0.5123, Acc.crt screen: 0.0391, Acc.plate: 0.7932, Acc.monitor: 0.8309, Acc.bulletin board: 0.6726, Acc.shower: 0.2000, Acc.radiator: 0.7188, Acc.glass: 0.2324, Acc.clock: 0.6086, Acc.flag: 0.7393 2024-01-19 03:33:37,455 - mmseg - INFO - Iter [79050/80000] lr: 4.755e-07, eta: 0:22:25, time: 4.368, data_time: 3.168, memory: 59004, decode.loss_ce: 0.0962, decode.acc_seg: 95.5475, aux.loss_ce: 0.0551, aux.acc_seg: 93.9111, loss: 0.1512 2024-01-19 03:34:37,801 - mmseg - INFO - Iter [79100/80000] lr: 4.505e-07, eta: 0:21:14, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0962, decode.acc_seg: 95.5958, aux.loss_ce: 0.0544, aux.acc_seg: 94.2122, loss: 0.1506 2024-01-19 03:35:38,101 - mmseg - INFO - Iter [79150/80000] lr: 4.255e-07, eta: 0:20:03, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.1008, decode.acc_seg: 95.4017, aux.loss_ce: 0.0569, aux.acc_seg: 93.8108, loss: 0.1578 2024-01-19 03:36:38,393 - mmseg - INFO - Iter [79200/80000] lr: 4.005e-07, eta: 0:18:52, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0945, decode.acc_seg: 95.6292, aux.loss_ce: 0.0537, aux.acc_seg: 94.0927, loss: 0.1481 2024-01-19 03:37:38,800 - mmseg - INFO - Iter [79250/80000] lr: 3.755e-07, eta: 0:17:41, time: 1.208, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0968, decode.acc_seg: 95.5058, aux.loss_ce: 0.0541, aux.acc_seg: 94.0209, loss: 0.1509 2024-01-19 03:38:39,099 - mmseg - INFO - Iter [79300/80000] lr: 3.505e-07, eta: 0:16:30, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0933, decode.acc_seg: 95.7619, aux.loss_ce: 0.0531, aux.acc_seg: 94.2166, loss: 0.1464 2024-01-19 03:39:39,558 - mmseg - INFO - Iter [79350/80000] lr: 3.255e-07, eta: 0:15:19, time: 1.209, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0964, decode.acc_seg: 95.6296, aux.loss_ce: 0.0543, aux.acc_seg: 94.1206, loss: 0.1507 2024-01-19 03:40:39,899 - mmseg - INFO - Iter [79400/80000] lr: 3.005e-07, eta: 0:14:09, time: 1.207, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0989, decode.acc_seg: 95.5048, aux.loss_ce: 0.0558, aux.acc_seg: 93.9436, loss: 0.1548 2024-01-19 03:41:40,338 - mmseg - INFO - Iter [79450/80000] lr: 2.755e-07, eta: 0:12:58, time: 1.209, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0960, decode.acc_seg: 95.6217, aux.loss_ce: 0.0538, aux.acc_seg: 94.1411, loss: 0.1498 2024-01-19 03:42:40,689 - mmseg - INFO - Iter [79500/80000] lr: 2.505e-07, eta: 0:11:47, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0926, decode.acc_seg: 95.7582, aux.loss_ce: 0.0527, aux.acc_seg: 94.2384, loss: 0.1453 2024-01-19 03:43:40,990 - mmseg - INFO - Iter [79550/80000] lr: 2.255e-07, eta: 0:10:36, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0979, decode.acc_seg: 95.4971, aux.loss_ce: 0.0558, aux.acc_seg: 93.7746, loss: 0.1537 2024-01-19 03:44:43,621 - mmseg - INFO - Iter [79600/80000] lr: 2.005e-07, eta: 0:09:25, time: 1.253, data_time: 0.051, memory: 59004, decode.loss_ce: 0.0971, decode.acc_seg: 95.4672, aux.loss_ce: 0.0548, aux.acc_seg: 93.9387, loss: 0.1519 2024-01-19 03:45:43,997 - mmseg - INFO - Iter [79650/80000] lr: 1.755e-07, eta: 0:08:15, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0979, decode.acc_seg: 95.4311, aux.loss_ce: 0.0546, aux.acc_seg: 93.8921, loss: 0.1525 2024-01-19 03:46:44,396 - mmseg - INFO - Iter [79700/80000] lr: 1.505e-07, eta: 0:07:04, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0949, decode.acc_seg: 95.5636, aux.loss_ce: 0.0531, aux.acc_seg: 94.0546, loss: 0.1479 2024-01-19 03:47:44,818 - mmseg - INFO - Iter [79750/80000] lr: 1.255e-07, eta: 0:05:53, time: 1.208, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0956, decode.acc_seg: 95.6201, aux.loss_ce: 0.0540, aux.acc_seg: 94.1280, loss: 0.1496 2024-01-19 03:48:45,167 - mmseg - INFO - Iter [79800/80000] lr: 1.005e-07, eta: 0:04:42, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0946, decode.acc_seg: 95.7020, aux.loss_ce: 0.0545, aux.acc_seg: 94.0538, loss: 0.1491 2024-01-19 03:49:45,481 - mmseg - INFO - Iter [79850/80000] lr: 7.550e-08, eta: 0:03:32, time: 1.206, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0994, decode.acc_seg: 95.4825, aux.loss_ce: 0.0558, aux.acc_seg: 93.9141, loss: 0.1552 2024-01-19 03:50:45,848 - mmseg - INFO - Iter [79900/80000] lr: 5.050e-08, eta: 0:02:21, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0952, decode.acc_seg: 95.5668, aux.loss_ce: 0.0542, aux.acc_seg: 93.9693, loss: 0.1494 2024-01-19 03:51:46,203 - mmseg - INFO - Iter [79950/80000] lr: 2.550e-08, eta: 0:01:10, time: 1.207, data_time: 0.008, memory: 59004, decode.loss_ce: 0.0940, decode.acc_seg: 95.7834, aux.loss_ce: 0.0535, aux.acc_seg: 94.2290, loss: 0.1475 2024-01-19 03:52:46,756 - mmseg - INFO - Saving checkpoint at 80000 iterations 2024-01-19 03:53:32,079 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 03:53:32,080 - mmseg - INFO - Iter [80000/80000] lr: 5.000e-10, eta: 0:00:00, time: 2.118, data_time: 0.009, memory: 59004, decode.loss_ce: 0.0997, decode.acc_seg: 95.4528, aux.loss_ce: 0.0555, aux.acc_seg: 93.9096, loss: 0.1552 2024-01-19 03:56:10,160 - mmseg - INFO - per class results: 2024-01-19 03:56:10,167 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.63 | 91.15 | | building | 85.52 | 94.04 | | sky | 94.9 | 97.67 | | floor | 83.71 | 92.34 | | tree | 76.99 | 90.03 | | ceiling | 85.97 | 92.8 | | road | 86.72 | 92.02 | | bed | 91.94 | 97.4 | | windowpane | 66.53 | 82.41 | | grass | 67.94 | 82.15 | | cabinet | 65.66 | 75.31 | | sidewalk | 71.84 | 86.19 | | person | 84.78 | 94.53 | | earth | 39.06 | 49.89 | | door | 59.56 | 69.85 | | table | 69.01 | 79.92 | | mountain | 62.7 | 73.6 | | plant | 56.47 | 67.8 | | curtain | 79.08 | 88.21 | | chair | 66.27 | 77.98 | | car | 87.18 | 93.91 | | water | 64.34 | 79.51 | | painting | 75.32 | 88.8 | | sofa | 80.83 | 90.24 | | shelf | 46.19 | 62.48 | | house | 49.78 | 61.59 | | sea | 73.76 | 84.09 | | mirror | 76.01 | 84.41 | | rug | 61.36 | 71.23 | | field | 29.93 | 50.76 | | armchair | 58.53 | 74.93 | | seat | 69.69 | 89.52 | | fence | 45.25 | 57.43 | | desk | 59.73 | 79.81 | | rock | 53.44 | 79.82 | | wardrobe | 56.31 | 72.53 | | lamp | 75.22 | 85.53 | | bathtub | 83.78 | 87.29 | | railing | 38.97 | 51.02 | | cushion | 67.73 | 80.61 | | base | 40.52 | 51.86 | | box | 40.62 | 49.86 | | column | 55.19 | 62.92 | | signboard | 40.01 | 51.67 | | chest of drawers | 48.92 | 69.78 | | counter | 57.04 | 63.79 | | sand | 58.24 | 85.14 | | sink | 81.4 | 88.42 | | skyscraper | 54.99 | 63.23 | | fireplace | 75.81 | 92.97 | | refrigerator | 82.54 | 90.71 | | grandstand | 58.0 | 84.83 | | path | 29.1 | 38.18 | | stairs | 46.9 | 55.3 | | runway | 73.86 | 95.85 | | case | 64.05 | 80.71 | | pool table | 94.79 | 97.77 | | pillow | 61.04 | 69.48 | | screen door | 80.52 | 87.57 | | stairway | 44.7 | 60.12 | | river | 15.78 | 33.26 | | bridge | 69.0 | 77.6 | | bookcase | 45.01 | 62.54 | | blind | 37.29 | 41.19 | | coffee table | 62.13 | 85.97 | | toilet | 92.4 | 96.0 | | flower | 48.28 | 63.8 | | book | 56.01 | 78.99 | | hill | 6.2 | 10.38 | | bench | 66.03 | 73.4 | | countertop | 66.33 | 82.55 | | stove | 83.96 | 89.51 | | palm | 56.75 | 79.33 | | kitchen island | 47.71 | 71.7 | | computer | 77.44 | 89.28 | | swivel chair | 44.83 | 62.56 | | boat | 72.17 | 90.72 | | bar | 77.44 | 89.85 | | arcade machine | 84.42 | 88.86 | | hovel | 18.13 | 19.7 | | bus | 92.68 | 96.31 | | towel | 77.7 | 85.48 | | light | 57.39 | 64.39 | | truck | 50.15 | 59.96 | | tower | 27.69 | 43.25 | | chandelier | 73.31 | 83.35 | | awning | 41.2 | 53.81 | | streetlight | 33.79 | 40.68 | | booth | 52.64 | 63.02 | | television receiver | 85.13 | 89.49 | | airplane | 66.77 | 73.73 | | dirt track | 12.61 | 22.4 | | apparel | 59.03 | 75.6 | | pole | 25.95 | 38.32 | | land | 5.82 | 8.53 | | bannister | 13.11 | 17.5 | | escalator | 62.48 | 86.67 | | ottoman | 57.99 | 71.63 | | bottle | 42.62 | 72.11 | | buffet | 57.63 | 64.07 | | poster | 25.11 | 30.57 | | stage | 32.41 | 66.03 | | van | 50.6 | 65.38 | | ship | 68.34 | 77.18 | | fountain | 51.1 | 52.62 | | conveyer belt | 83.44 | 97.37 | | canopy | 54.36 | 74.5 | | washer | 88.23 | 93.23 | | plaything | 36.07 | 51.27 | | swimming pool | 59.32 | 87.99 | | stool | 52.12 | 64.78 | | barrel | 64.16 | 72.55 | | basket | 45.03 | 55.37 | | waterfall | 51.16 | 57.97 | | tent | 95.12 | 98.25 | | bag | 29.66 | 34.02 | | minibike | 75.88 | 89.49 | | cradle | 84.27 | 97.88 | | oven | 64.25 | 74.34 | | ball | 58.2 | 63.78 | | food | 59.56 | 67.84 | | step | 11.86 | 12.16 | | tank | 62.4 | 69.62 | | trade name | 24.44 | 27.56 | | microwave | 88.14 | 94.92 | | pot | 57.83 | 66.43 | | animal | 67.01 | 68.87 | | bicycle | 58.57 | 76.05 | | lake | 63.11 | 69.07 | | dishwasher | 72.57 | 77.09 | | screen | 50.28 | 65.35 | | blanket | 23.07 | 27.35 | | sculpture | 65.44 | 85.77 | | hood | 60.7 | 71.06 | | sconce | 56.53 | 67.66 | | vase | 46.08 | 62.15 | | traffic light | 35.8 | 52.49 | | tray | 20.09 | 25.77 | | ashcan | 51.12 | 61.91 | | fan | 68.47 | 80.28 | | pier | 46.97 | 52.05 | | crt screen | 2.56 | 3.87 | | plate | 58.19 | 78.8 | | monitor | 67.11 | 83.19 | | bulletin board | 57.55 | 69.17 | | shower | 17.06 | 20.39 | | radiator | 64.74 | 72.48 | | glass | 20.93 | 22.64 | | clock | 52.47 | 61.46 | | flag | 66.58 | 73.72 | +---------------------+-------+-------+ 2024-01-19 03:56:10,167 - mmseg - INFO - Summary: 2024-01-19 03:56:10,167 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 86.16 | 58.05 | 69.4 | +-------+-------+------+ 2024-01-19 03:56:10,168 - mmseg - INFO - Exp name: upernet_intern_vit_adapter_6b_504_80k_ade20k_bs16_lr4e-5.py 2024-01-19 03:56:10,169 - mmseg - INFO - Iter(val) [250] aAcc: 0.8616, mIoU: 0.5805, mAcc: 0.6940, IoU.wall: 0.8163, IoU.building: 0.8552, IoU.sky: 0.9490, IoU.floor: 0.8371, IoU.tree: 0.7699, IoU.ceiling: 0.8597, IoU.road: 0.8672, IoU.bed : 0.9194, IoU.windowpane: 0.6653, IoU.grass: 0.6794, IoU.cabinet: 0.6566, IoU.sidewalk: 0.7184, IoU.person: 0.8478, IoU.earth: 0.3906, IoU.door: 0.5956, IoU.table: 0.6901, IoU.mountain: 0.6270, IoU.plant: 0.5647, IoU.curtain: 0.7908, IoU.chair: 0.6627, IoU.car: 0.8718, IoU.water: 0.6434, IoU.painting: 0.7532, IoU.sofa: 0.8083, IoU.shelf: 0.4619, IoU.house: 0.4978, IoU.sea: 0.7376, IoU.mirror: 0.7601, IoU.rug: 0.6136, IoU.field: 0.2993, IoU.armchair: 0.5853, IoU.seat: 0.6969, IoU.fence: 0.4525, IoU.desk: 0.5973, IoU.rock: 0.5344, IoU.wardrobe: 0.5631, IoU.lamp: 0.7522, IoU.bathtub: 0.8378, IoU.railing: 0.3897, IoU.cushion: 0.6773, IoU.base: 0.4052, IoU.box: 0.4062, IoU.column: 0.5519, IoU.signboard: 0.4001, IoU.chest of drawers: 0.4892, IoU.counter: 0.5704, IoU.sand: 0.5824, IoU.sink: 0.8140, IoU.skyscraper: 0.5499, IoU.fireplace: 0.7581, IoU.refrigerator: 0.8254, IoU.grandstand: 0.5800, IoU.path: 0.2910, IoU.stairs: 0.4690, IoU.runway: 0.7386, IoU.case: 0.6405, IoU.pool table: 0.9479, IoU.pillow: 0.6104, IoU.screen door: 0.8052, IoU.stairway: 0.4470, IoU.river: 0.1578, IoU.bridge: 0.6900, IoU.bookcase: 0.4501, IoU.blind: 0.3729, IoU.coffee table: 0.6213, IoU.toilet: 0.9240, IoU.flower: 0.4828, IoU.book: 0.5601, IoU.hill: 0.0620, IoU.bench: 0.6603, IoU.countertop: 0.6633, IoU.stove: 0.8396, IoU.palm: 0.5675, IoU.kitchen island: 0.4771, IoU.computer: 0.7744, IoU.swivel chair: 0.4483, IoU.boat: 0.7217, IoU.bar: 0.7744, IoU.arcade machine: 0.8442, IoU.hovel: 0.1813, IoU.bus: 0.9268, IoU.towel: 0.7770, IoU.light: 0.5739, IoU.truck: 0.5015, IoU.tower: 0.2769, IoU.chandelier: 0.7331, IoU.awning: 0.4120, IoU.streetlight: 0.3379, IoU.booth: 0.5264, IoU.television receiver: 0.8513, IoU.airplane: 0.6677, IoU.dirt track: 0.1261, IoU.apparel: 0.5903, IoU.pole: 0.2595, IoU.land: 0.0582, IoU.bannister: 0.1311, IoU.escalator: 0.6248, IoU.ottoman: 0.5799, IoU.bottle: 0.4262, IoU.buffet: 0.5763, IoU.poster: 0.2511, IoU.stage: 0.3241, IoU.van: 0.5060, IoU.ship: 0.6834, IoU.fountain: 0.5110, IoU.conveyer belt: 0.8344, IoU.canopy: 0.5436, IoU.washer: 0.8823, IoU.plaything: 0.3607, IoU.swimming pool: 0.5932, IoU.stool: 0.5212, IoU.barrel: 0.6416, IoU.basket: 0.4503, IoU.waterfall: 0.5116, IoU.tent: 0.9512, IoU.bag: 0.2966, IoU.minibike: 0.7588, IoU.cradle: 0.8427, IoU.oven: 0.6425, IoU.ball: 0.5820, IoU.food: 0.5956, IoU.step: 0.1186, IoU.tank: 0.6240, IoU.trade name: 0.2444, IoU.microwave: 0.8814, IoU.pot: 0.5783, IoU.animal: 0.6701, IoU.bicycle: 0.5857, IoU.lake: 0.6311, IoU.dishwasher: 0.7257, IoU.screen: 0.5028, IoU.blanket: 0.2307, IoU.sculpture: 0.6544, IoU.hood: 0.6070, IoU.sconce: 0.5653, IoU.vase: 0.4608, IoU.traffic light: 0.3580, IoU.tray: 0.2009, IoU.ashcan: 0.5112, IoU.fan: 0.6847, IoU.pier: 0.4697, IoU.crt screen: 0.0256, IoU.plate: 0.5819, IoU.monitor: 0.6711, IoU.bulletin board: 0.5755, IoU.shower: 0.1706, IoU.radiator: 0.6474, IoU.glass: 0.2093, IoU.clock: 0.5247, IoU.flag: 0.6658, Acc.wall: 0.9115, Acc.building: 0.9404, Acc.sky: 0.9767, Acc.floor: 0.9234, Acc.tree: 0.9003, Acc.ceiling: 0.9280, Acc.road: 0.9202, Acc.bed : 0.9740, Acc.windowpane: 0.8241, Acc.grass: 0.8215, Acc.cabinet: 0.7531, Acc.sidewalk: 0.8619, Acc.person: 0.9453, Acc.earth: 0.4989, Acc.door: 0.6985, Acc.table: 0.7992, Acc.mountain: 0.7360, Acc.plant: 0.6780, Acc.curtain: 0.8821, Acc.chair: 0.7798, Acc.car: 0.9391, Acc.water: 0.7951, Acc.painting: 0.8880, Acc.sofa: 0.9024, Acc.shelf: 0.6248, Acc.house: 0.6159, Acc.sea: 0.8409, Acc.mirror: 0.8441, Acc.rug: 0.7123, Acc.field: 0.5076, Acc.armchair: 0.7493, Acc.seat: 0.8952, Acc.fence: 0.5743, Acc.desk: 0.7981, Acc.rock: 0.7982, Acc.wardrobe: 0.7253, Acc.lamp: 0.8553, Acc.bathtub: 0.8729, Acc.railing: 0.5102, Acc.cushion: 0.8061, Acc.base: 0.5186, Acc.box: 0.4986, Acc.column: 0.6292, Acc.signboard: 0.5167, Acc.chest of drawers: 0.6978, Acc.counter: 0.6379, Acc.sand: 0.8514, Acc.sink: 0.8842, Acc.skyscraper: 0.6323, Acc.fireplace: 0.9297, Acc.refrigerator: 0.9071, Acc.grandstand: 0.8483, Acc.path: 0.3818, Acc.stairs: 0.5530, Acc.runway: 0.9585, Acc.case: 0.8071, Acc.pool table: 0.9777, Acc.pillow: 0.6948, Acc.screen door: 0.8757, Acc.stairway: 0.6012, Acc.river: 0.3326, Acc.bridge: 0.7760, Acc.bookcase: 0.6254, Acc.blind: 0.4119, Acc.coffee table: 0.8597, Acc.toilet: 0.9600, Acc.flower: 0.6380, Acc.book: 0.7899, Acc.hill: 0.1038, Acc.bench: 0.7340, Acc.countertop: 0.8255, Acc.stove: 0.8951, Acc.palm: 0.7933, Acc.kitchen island: 0.7170, Acc.computer: 0.8928, Acc.swivel chair: 0.6256, Acc.boat: 0.9072, Acc.bar: 0.8985, Acc.arcade machine: 0.8886, Acc.hovel: 0.1970, Acc.bus: 0.9631, Acc.towel: 0.8548, Acc.light: 0.6439, Acc.truck: 0.5996, Acc.tower: 0.4325, Acc.chandelier: 0.8335, Acc.awning: 0.5381, Acc.streetlight: 0.4068, Acc.booth: 0.6302, Acc.television receiver: 0.8949, Acc.airplane: 0.7373, Acc.dirt track: 0.2240, Acc.apparel: 0.7560, Acc.pole: 0.3832, Acc.land: 0.0853, Acc.bannister: 0.1750, Acc.escalator: 0.8667, Acc.ottoman: 0.7163, Acc.bottle: 0.7211, Acc.buffet: 0.6407, Acc.poster: 0.3057, Acc.stage: 0.6603, Acc.van: 0.6538, Acc.ship: 0.7718, Acc.fountain: 0.5262, Acc.conveyer belt: 0.9737, Acc.canopy: 0.7450, Acc.washer: 0.9323, Acc.plaything: 0.5127, Acc.swimming pool: 0.8799, Acc.stool: 0.6478, Acc.barrel: 0.7255, Acc.basket: 0.5537, Acc.waterfall: 0.5797, Acc.tent: 0.9825, Acc.bag: 0.3402, Acc.minibike: 0.8949, Acc.cradle: 0.9788, Acc.oven: 0.7434, Acc.ball: 0.6378, Acc.food: 0.6784, Acc.step: 0.1216, Acc.tank: 0.6962, Acc.trade name: 0.2756, Acc.microwave: 0.9492, Acc.pot: 0.6643, Acc.animal: 0.6887, Acc.bicycle: 0.7605, Acc.lake: 0.6907, Acc.dishwasher: 0.7709, Acc.screen: 0.6535, Acc.blanket: 0.2735, Acc.sculpture: 0.8577, Acc.hood: 0.7106, Acc.sconce: 0.6766, Acc.vase: 0.6215, Acc.traffic light: 0.5249, Acc.tray: 0.2577, Acc.ashcan: 0.6191, Acc.fan: 0.8028, Acc.pier: 0.5205, Acc.crt screen: 0.0387, Acc.plate: 0.7880, Acc.monitor: 0.8319, Acc.bulletin board: 0.6917, Acc.shower: 0.2039, Acc.radiator: 0.7248, Acc.glass: 0.2264, Acc.clock: 0.6146, Acc.flag: 0.7372