2023-11-02 01:55:15,377 - mmseg - INFO - Multi-processing start method is `None` 2023-11-02 01:55:15,382 - mmseg - INFO - OpenCV num_threads is `128 2023-11-02 01:55:15,382 - mmseg - INFO - OMP num threads is 1 2023-11-02 01:55:15,514 - mmseg - INFO - Environment info: ------------------------------------------------------------ sys.platform: linux Python: 3.8.15 (default, Nov 4 2022, 20:59:55) [GCC 11.2.0] CUDA available: True GPU 0,1,2,3,4,5,6,7: NVIDIA A100-SXM4-80GB CUDA_HOME: /mnt/petrelfs/wangwenhai/miniconda3/envs/mmdetseg NVCC: Cuda compilation tools, release 11.7, V11.7.99 GCC: gcc (GCC) 4.8.5 20150623 (Red Hat 4.8.5-44) PyTorch: 1.13.0 PyTorch compiling details: PyTorch built with: - GCC 9.3 - C++ Version: 201402 - Intel(R) oneAPI Math Kernel Library Version 2021.4-Product Build 20210904 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.7 - 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.5 - Magma 2.6.1 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.7, CUDNN_VERSION=8.5.0, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -fabi-version=11 -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 -Werror=non-virtual-dtor -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wunused-local-typedefs -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -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.13.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, TorchVision: 0.14.0 OpenCV: 4.8.0 MMCV: 1.7.0 MMCV Compiler: GCC 7.3 MMCV CUDA Compiler: 11.7 MMSegmentation: 0.27.0+ ------------------------------------------------------------ 2023-11-02 01:55:15,514 - mmseg - INFO - Distributed training: True 2023-11-02 01:55:15,788 - mmseg - INFO - Config: norm_cfg = dict(type='SyncBN', requires_grad=True) model = dict( type='EncoderDecoder', pretrained= './pretrained/intern_vit_6b_224px.pth', backbone=dict( type='InternViT6B', pretrain_size=224, img_size=504, patch_size=14, embed_dim=3200, depth=48, num_heads=25, mlp_ratio=4.0, qkv_bias=False, drop_path_rate=0.4, init_values=0.1, with_cp=True, use_flash_attn=True, qk_normalization=True, layerscale_no_force_fp32=True, with_fpn=True, freeze_vit=False, out_indices=[11, 23, 35, 47]), 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=(504, 504), stride=(322, 322))) 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 = (504, 504) train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2016, 504), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(504, 504), 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=(504, 504), 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=(2016, 504), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=14), 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=(2016, 504), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(504, 504), 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=(504, 504), 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=(2016, 504), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=14), 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=(2016, 504), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=14), 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_bf16.json' pretrained = './pretrained/intern_vit_6b_224px.pth' custom_hooks = [dict(type='ToBFloat16Hook', priority=49)] work_dir = './work_dirs/upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04' gpu_ids = range(0, 8) auto_resume = False 2023-11-02 01:55:20,323 - mmseg - INFO - Set random seed to 1749830362, deterministic: False 2023-11-02 01:56:51,521 - mmseg - INFO - 2023-11-02 01:57:17,609 - mmseg - INFO - initialize UPerHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} 2023-11-02 01:57:18,939 - 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, 1297, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.cls_token - torch.Size([1, 1, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.patch_embed.proj.weight - torch.Size([3200, 3, 14, 14]): 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.up1.0.weight - torch.Size([3200, 3200, 2, 2]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up1.0.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up1.1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up1.1.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up1.3.weight - torch.Size([3200, 3200, 2, 2]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up1.3.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up2.0.weight - torch.Size([3200, 3200, 2, 2]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up2.0.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 2023-11-02 01:57:18,982 - mmseg - INFO - EncoderDecoder( (backbone): InternViT6B( (patch_embed): PatchEmbed( (proj): Conv2d(3, 3200, kernel_size=(14, 14), stride=(14, 14)) (norm): Identity() ) (pos_drop): Identity() (blocks): ModuleList( (0): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): Identity() (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.009) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.009) ) (2): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.017) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.017) ) (3): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.026) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.026) ) (4): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.034) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.034) ) (5): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.043) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.043) ) (6): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.051) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.051) ) (7): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.060) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.060) ) (8): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.068) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.068) ) (9): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.077) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.077) ) (10): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.085) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.085) ) (11): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.094) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.094) ) (12): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.102) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.102) ) (13): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.111) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.111) ) (14): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.119) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.119) ) (15): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.128) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.128) ) (16): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.136) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.136) ) (17): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.145) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.145) ) (18): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.153) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.153) ) (19): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.162) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.162) ) (20): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.170) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.170) ) (21): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.179) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.179) ) (22): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.187) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.187) ) (23): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.196) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.196) ) (24): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.204) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.204) ) (25): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.213) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.213) ) (26): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.221) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.221) ) (27): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.230) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.230) ) (28): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.238) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.238) ) (29): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.247) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.247) ) (30): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.255) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.255) ) (31): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.264) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.264) ) (32): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.272) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.272) ) (33): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.281) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.281) ) (34): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.289) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.289) ) (35): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.298) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.298) ) (36): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.306) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.306) ) (37): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.315) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.315) ) (38): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.323) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.323) ) (39): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.332) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.332) ) (40): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.340) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.340) ) (41): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.349) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.349) ) (42): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.357) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.357) ) (43): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.366) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.366) ) (44): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.374) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.374) ) (45): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.383) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.383) ) (46): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.391) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.391) ) (47): Block( (norm1): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (k_norm): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) ) (ls1): LayerScale() (drop_path1): DropPath(drop_prob=0.400) (norm2): FusedRMSNorm(torch.Size([3200]), eps=1e-06, elementwise_affine=True) (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): DropPath(drop_prob=0.400) ) ) (up1): Sequential( (0): ConvTranspose2d(3200, 3200, kernel_size=(2, 2), stride=(2, 2)) (1): LayerNorm() (2): GELU(approximate='none') (3): ConvTranspose2d(3200, 3200, kernel_size=(2, 2), stride=(2, 2)) (4): Identity() ) (up2): Sequential( (0): ConvTranspose2d(3200, 3200, kernel_size=(2, 2), stride=(2, 2)) (1): Identity() ) (up3): Sequential( (0): Identity() (1): Identity() ) (up4): Sequential( (0): MaxPool2d(kernel_size=2, stride=2, padding=0, dilation=1, ceil_mode=False) (1): Identity() ) ) (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'}} ) 2023-11-02 01:57:19,480 - mmseg - INFO - Loaded 20210 images 2023-11-02 01:57:19,480 - mmseg - INFO - Randomly select 20210 images 2023-11-02 01:57:20,841 - mmseg - INFO - {'num_layers': 48, 'layer_decay_rate': 0.95} 2023-11-02 01:57:20,841 - mmseg - INFO - Build LayerDecayOptimizerConstructor 0.950000 - 50 2023-11-02 01:57:20,846 - mmseg - INFO - Param groups = { "layer_0_decay": { "param_names": [ "backbone.pos_embed", "backbone.cls_token", "backbone.patch_embed.proj.weight" ], "lr_scale": 0.0809947108175928, "lr": 3.2397884327037123e-06, "weight_decay": 0.05 }, "layer_0_no_decay": { "param_names": [ "backbone.patch_embed.proj.bias" ], "lr_scale": 0.0809947108175928, "lr": 3.2397884327037123e-06, "weight_decay": 0.0 }, "layer_1_no_decay": { "param_names": [ "backbone.blocks.0.norm1.weight", "backbone.blocks.0.attn.proj.bias", "backbone.blocks.0.attn.q_norm.weight", "backbone.blocks.0.attn.k_norm.weight", "backbone.blocks.0.ls1.gamma", "backbone.blocks.0.norm2.weight", "backbone.blocks.0.mlp.fc1.bias", "backbone.blocks.0.mlp.fc2.bias", "backbone.blocks.0.ls2.gamma" ], "lr_scale": 0.0852575903343082, "lr": 3.4103036133723282e-06, "weight_decay": 0.0 }, "layer_1_decay": { "param_names": [ "backbone.blocks.0.attn.qkv.weight", "backbone.blocks.0.attn.proj.weight", "backbone.blocks.0.mlp.fc1.weight", "backbone.blocks.0.mlp.fc2.weight" ], "lr_scale": 0.0852575903343082, "lr": 3.4103036133723282e-06, "weight_decay": 0.05 }, "layer_2_no_decay": { "param_names": [ "backbone.blocks.1.norm1.weight", "backbone.blocks.1.attn.proj.bias", "backbone.blocks.1.attn.q_norm.weight", "backbone.blocks.1.attn.k_norm.weight", "backbone.blocks.1.ls1.gamma", "backbone.blocks.1.norm2.weight", "backbone.blocks.1.mlp.fc1.bias", "backbone.blocks.1.mlp.fc2.bias", "backbone.blocks.1.ls2.gamma" ], "lr_scale": 0.08974483193085075, "lr": 3.5897932772340305e-06, "weight_decay": 0.0 }, "layer_2_decay": { "param_names": [ "backbone.blocks.1.attn.qkv.weight", "backbone.blocks.1.attn.proj.weight", "backbone.blocks.1.mlp.fc1.weight", "backbone.blocks.1.mlp.fc2.weight" ], "lr_scale": 0.08974483193085075, "lr": 3.5897932772340305e-06, "weight_decay": 0.05 }, "layer_3_no_decay": { "param_names": [ "backbone.blocks.2.norm1.weight", "backbone.blocks.2.attn.proj.bias", "backbone.blocks.2.attn.q_norm.weight", "backbone.blocks.2.attn.k_norm.weight", "backbone.blocks.2.ls1.gamma", "backbone.blocks.2.norm2.weight", "backbone.blocks.2.mlp.fc1.bias", "backbone.blocks.2.mlp.fc2.bias", "backbone.blocks.2.ls2.gamma" ], "lr_scale": 0.09446824413773763, "lr": 3.7787297655095058e-06, "weight_decay": 0.0 }, "layer_3_decay": { "param_names": [ "backbone.blocks.2.attn.qkv.weight", "backbone.blocks.2.attn.proj.weight", "backbone.blocks.2.mlp.fc1.weight", "backbone.blocks.2.mlp.fc2.weight" ], "lr_scale": 0.09446824413773763, "lr": 3.7787297655095058e-06, "weight_decay": 0.05 }, "layer_4_no_decay": { "param_names": [ "backbone.blocks.3.norm1.weight", "backbone.blocks.3.attn.proj.bias", "backbone.blocks.3.attn.q_norm.weight", "backbone.blocks.3.attn.k_norm.weight", "backbone.blocks.3.ls1.gamma", "backbone.blocks.3.norm2.weight", "backbone.blocks.3.mlp.fc1.bias", "backbone.blocks.3.mlp.fc2.bias", "backbone.blocks.3.ls2.gamma" ], "lr_scale": 0.09944025698709225, "lr": 3.97761027948369e-06, "weight_decay": 0.0 }, "layer_4_decay": { "param_names": [ "backbone.blocks.3.attn.qkv.weight", "backbone.blocks.3.attn.proj.weight", "backbone.blocks.3.mlp.fc1.weight", "backbone.blocks.3.mlp.fc2.weight" ], "lr_scale": 0.09944025698709225, "lr": 3.97761027948369e-06, "weight_decay": 0.05 }, "layer_5_no_decay": { "param_names": [ "backbone.blocks.4.norm1.weight", "backbone.blocks.4.attn.proj.bias", "backbone.blocks.4.attn.q_norm.weight", "backbone.blocks.4.attn.k_norm.weight", "backbone.blocks.4.ls1.gamma", "backbone.blocks.4.norm2.weight", "backbone.blocks.4.mlp.fc1.bias", "backbone.blocks.4.mlp.fc2.bias", "backbone.blocks.4.ls2.gamma" ], "lr_scale": 0.10467395472325501, "lr": 4.186958188930201e-06, "weight_decay": 0.0 }, "layer_5_decay": { "param_names": [ "backbone.blocks.4.attn.qkv.weight", "backbone.blocks.4.attn.proj.weight", "backbone.blocks.4.mlp.fc1.weight", "backbone.blocks.4.mlp.fc2.weight" ], "lr_scale": 0.10467395472325501, "lr": 4.186958188930201e-06, "weight_decay": 0.05 }, "layer_6_no_decay": { "param_names": [ "backbone.blocks.5.norm1.weight", "backbone.blocks.5.attn.proj.bias", "backbone.blocks.5.attn.q_norm.weight", "backbone.blocks.5.attn.k_norm.weight", "backbone.blocks.5.ls1.gamma", "backbone.blocks.5.norm2.weight", "backbone.blocks.5.mlp.fc1.bias", "backbone.blocks.5.mlp.fc2.bias", "backbone.blocks.5.ls2.gamma" ], "lr_scale": 0.11018311023500528, "lr": 4.407324409400211e-06, "weight_decay": 0.0 }, "layer_6_decay": { "param_names": [ "backbone.blocks.5.attn.qkv.weight", "backbone.blocks.5.attn.proj.weight", "backbone.blocks.5.mlp.fc1.weight", "backbone.blocks.5.mlp.fc2.weight" ], "lr_scale": 0.11018311023500528, "lr": 4.407324409400211e-06, "weight_decay": 0.05 }, "layer_7_no_decay": { "param_names": [ "backbone.blocks.6.norm1.weight", "backbone.blocks.6.attn.proj.bias", "backbone.blocks.6.attn.q_norm.weight", "backbone.blocks.6.attn.k_norm.weight", "backbone.blocks.6.ls1.gamma", "backbone.blocks.6.norm2.weight", "backbone.blocks.6.mlp.fc1.bias", "backbone.blocks.6.mlp.fc2.bias", "backbone.blocks.6.ls2.gamma" ], "lr_scale": 0.11598222130000556, "lr": 4.639288852000222e-06, "weight_decay": 0.0 }, "layer_7_decay": { "param_names": [ "backbone.blocks.6.attn.qkv.weight", "backbone.blocks.6.attn.proj.weight", "backbone.blocks.6.mlp.fc1.weight", "backbone.blocks.6.mlp.fc2.weight" ], "lr_scale": 0.11598222130000556, "lr": 4.639288852000222e-06, "weight_decay": 0.05 }, "layer_8_no_decay": { "param_names": [ "backbone.blocks.7.norm1.weight", "backbone.blocks.7.attn.proj.bias", "backbone.blocks.7.attn.q_norm.weight", "backbone.blocks.7.attn.k_norm.weight", "backbone.blocks.7.ls1.gamma", "backbone.blocks.7.norm2.weight", "backbone.blocks.7.mlp.fc1.bias", "backbone.blocks.7.mlp.fc2.bias", "backbone.blocks.7.ls2.gamma" ], "lr_scale": 0.12208654873684796, "lr": 4.883461949473919e-06, "weight_decay": 0.0 }, "layer_8_decay": { "param_names": [ "backbone.blocks.7.attn.qkv.weight", "backbone.blocks.7.attn.proj.weight", "backbone.blocks.7.mlp.fc1.weight", "backbone.blocks.7.mlp.fc2.weight" ], "lr_scale": 0.12208654873684796, "lr": 4.883461949473919e-06, "weight_decay": 0.05 }, "layer_9_no_decay": { "param_names": [ "backbone.blocks.8.norm1.weight", "backbone.blocks.8.attn.proj.bias", "backbone.blocks.8.attn.q_norm.weight", "backbone.blocks.8.attn.k_norm.weight", "backbone.blocks.8.ls1.gamma", "backbone.blocks.8.norm2.weight", "backbone.blocks.8.mlp.fc1.bias", "backbone.blocks.8.mlp.fc2.bias", "backbone.blocks.8.ls2.gamma" ], "lr_scale": 0.12851215656510312, "lr": 5.140486262604126e-06, "weight_decay": 0.0 }, "layer_9_decay": { "param_names": [ "backbone.blocks.8.attn.qkv.weight", "backbone.blocks.8.attn.proj.weight", "backbone.blocks.8.mlp.fc1.weight", "backbone.blocks.8.mlp.fc2.weight" ], "lr_scale": 0.12851215656510312, "lr": 5.140486262604126e-06, "weight_decay": 0.05 }, "layer_10_no_decay": { "param_names": [ "backbone.blocks.9.norm1.weight", "backbone.blocks.9.attn.proj.bias", "backbone.blocks.9.attn.q_norm.weight", "backbone.blocks.9.attn.k_norm.weight", "backbone.blocks.9.ls1.gamma", "backbone.blocks.9.norm2.weight", "backbone.blocks.9.mlp.fc1.bias", "backbone.blocks.9.mlp.fc2.bias", "backbone.blocks.9.ls2.gamma" ], "lr_scale": 0.13527595427905592, "lr": 5.411038171162237e-06, "weight_decay": 0.0 }, "layer_10_decay": { "param_names": [ "backbone.blocks.9.attn.qkv.weight", "backbone.blocks.9.attn.proj.weight", "backbone.blocks.9.mlp.fc1.weight", "backbone.blocks.9.mlp.fc2.weight" ], "lr_scale": 0.13527595427905592, "lr": 5.411038171162237e-06, "weight_decay": 0.05 }, "layer_11_no_decay": { "param_names": [ "backbone.blocks.10.norm1.weight", "backbone.blocks.10.attn.proj.bias", "backbone.blocks.10.attn.q_norm.weight", "backbone.blocks.10.attn.k_norm.weight", "backbone.blocks.10.ls1.gamma", "backbone.blocks.10.norm2.weight", "backbone.blocks.10.mlp.fc1.bias", "backbone.blocks.10.mlp.fc2.bias", "backbone.blocks.10.ls2.gamma" ], "lr_scale": 0.14239574134637467, "lr": 5.695829653854987e-06, "weight_decay": 0.0 }, "layer_11_decay": { "param_names": [ "backbone.blocks.10.attn.qkv.weight", "backbone.blocks.10.attn.proj.weight", "backbone.blocks.10.mlp.fc1.weight", "backbone.blocks.10.mlp.fc2.weight" ], "lr_scale": 0.14239574134637467, "lr": 5.695829653854987e-06, "weight_decay": 0.05 }, "layer_12_no_decay": { "param_names": [ "backbone.blocks.11.norm1.weight", "backbone.blocks.11.attn.proj.bias", "backbone.blocks.11.attn.q_norm.weight", "backbone.blocks.11.attn.k_norm.weight", "backbone.blocks.11.ls1.gamma", "backbone.blocks.11.norm2.weight", "backbone.blocks.11.mlp.fc1.bias", "backbone.blocks.11.mlp.fc2.bias", "backbone.blocks.11.ls2.gamma" ], "lr_scale": 0.14989025404881545, "lr": 5.995610161952619e-06, "weight_decay": 0.0 }, "layer_12_decay": { "param_names": [ "backbone.blocks.11.attn.qkv.weight", "backbone.blocks.11.attn.proj.weight", "backbone.blocks.11.mlp.fc1.weight", "backbone.blocks.11.mlp.fc2.weight" ], "lr_scale": 0.14989025404881545, "lr": 5.995610161952619e-06, "weight_decay": 0.05 }, "layer_13_no_decay": { "param_names": [ "backbone.blocks.12.norm1.weight", "backbone.blocks.12.attn.proj.bias", "backbone.blocks.12.attn.q_norm.weight", "backbone.blocks.12.attn.k_norm.weight", "backbone.blocks.12.ls1.gamma", "backbone.blocks.12.norm2.weight", "backbone.blocks.12.mlp.fc1.bias", "backbone.blocks.12.mlp.fc2.bias", "backbone.blocks.12.ls2.gamma" ], "lr_scale": 0.1577792147882268, "lr": 6.311168591529072e-06, "weight_decay": 0.0 }, "layer_13_decay": { "param_names": [ "backbone.blocks.12.attn.qkv.weight", "backbone.blocks.12.attn.proj.weight", "backbone.blocks.12.mlp.fc1.weight", "backbone.blocks.12.mlp.fc2.weight" ], "lr_scale": 0.1577792147882268, "lr": 6.311168591529072e-06, "weight_decay": 0.05 }, "layer_14_no_decay": { "param_names": [ "backbone.blocks.13.norm1.weight", "backbone.blocks.13.attn.proj.bias", "backbone.blocks.13.attn.q_norm.weight", "backbone.blocks.13.attn.k_norm.weight", "backbone.blocks.13.ls1.gamma", "backbone.blocks.13.norm2.weight", "backbone.blocks.13.mlp.fc1.bias", "backbone.blocks.13.mlp.fc2.bias", "backbone.blocks.13.ls2.gamma" ], "lr_scale": 0.16608338398760716, "lr": 6.6433353595042875e-06, "weight_decay": 0.0 }, "layer_14_decay": { "param_names": [ "backbone.blocks.13.attn.qkv.weight", "backbone.blocks.13.attn.proj.weight", "backbone.blocks.13.mlp.fc1.weight", "backbone.blocks.13.mlp.fc2.weight" ], "lr_scale": 0.16608338398760716, "lr": 6.6433353595042875e-06, "weight_decay": 0.05 }, "layer_15_no_decay": { "param_names": [ "backbone.blocks.14.norm1.weight", "backbone.blocks.14.attn.proj.bias", "backbone.blocks.14.attn.q_norm.weight", "backbone.blocks.14.attn.k_norm.weight", "backbone.blocks.14.ls1.gamma", "backbone.blocks.14.norm2.weight", "backbone.blocks.14.mlp.fc1.bias", "backbone.blocks.14.mlp.fc2.bias", "backbone.blocks.14.ls2.gamma" ], "lr_scale": 0.174824614723797, "lr": 6.9929845889518814e-06, "weight_decay": 0.0 }, "layer_15_decay": { "param_names": [ "backbone.blocks.14.attn.qkv.weight", "backbone.blocks.14.attn.proj.weight", "backbone.blocks.14.mlp.fc1.weight", "backbone.blocks.14.mlp.fc2.weight" ], "lr_scale": 0.174824614723797, "lr": 6.9929845889518814e-06, "weight_decay": 0.05 }, "layer_16_no_decay": { "param_names": [ "backbone.blocks.15.norm1.weight", "backbone.blocks.15.attn.proj.bias", "backbone.blocks.15.attn.q_norm.weight", "backbone.blocks.15.attn.k_norm.weight", "backbone.blocks.15.ls1.gamma", "backbone.blocks.15.norm2.weight", "backbone.blocks.15.mlp.fc1.bias", "backbone.blocks.15.mlp.fc2.bias", "backbone.blocks.15.ls2.gamma" ], "lr_scale": 0.18402591023557582, "lr": 7.361036409423033e-06, "weight_decay": 0.0 }, "layer_16_decay": { "param_names": [ "backbone.blocks.15.attn.qkv.weight", "backbone.blocks.15.attn.proj.weight", "backbone.blocks.15.mlp.fc1.weight", "backbone.blocks.15.mlp.fc2.weight" ], "lr_scale": 0.18402591023557582, "lr": 7.361036409423033e-06, "weight_decay": 0.05 }, "layer_17_no_decay": { "param_names": [ "backbone.blocks.16.norm1.weight", "backbone.blocks.16.attn.proj.bias", "backbone.blocks.16.attn.q_norm.weight", "backbone.blocks.16.attn.k_norm.weight", "backbone.blocks.16.ls1.gamma", "backbone.blocks.16.norm2.weight", "backbone.blocks.16.mlp.fc1.bias", "backbone.blocks.16.mlp.fc2.bias", "backbone.blocks.16.ls2.gamma" ], "lr_scale": 0.19371148445850087, "lr": 7.748459378340036e-06, "weight_decay": 0.0 }, "layer_17_decay": { "param_names": [ "backbone.blocks.16.attn.qkv.weight", "backbone.blocks.16.attn.proj.weight", "backbone.blocks.16.mlp.fc1.weight", "backbone.blocks.16.mlp.fc2.weight" ], "lr_scale": 0.19371148445850087, "lr": 7.748459378340036e-06, "weight_decay": 0.05 }, "layer_18_no_decay": { "param_names": [ "backbone.blocks.17.norm1.weight", "backbone.blocks.17.attn.proj.bias", "backbone.blocks.17.attn.q_norm.weight", "backbone.blocks.17.attn.k_norm.weight", "backbone.blocks.17.ls1.gamma", "backbone.blocks.17.norm2.weight", "backbone.blocks.17.mlp.fc1.bias", "backbone.blocks.17.mlp.fc2.bias", "backbone.blocks.17.ls2.gamma" ], "lr_scale": 0.2039068257457904, "lr": 8.156273029831616e-06, "weight_decay": 0.0 }, "layer_18_decay": { "param_names": [ "backbone.blocks.17.attn.qkv.weight", "backbone.blocks.17.attn.proj.weight", "backbone.blocks.17.mlp.fc1.weight", "backbone.blocks.17.mlp.fc2.weight" ], "lr_scale": 0.2039068257457904, "lr": 8.156273029831616e-06, "weight_decay": 0.05 }, "layer_19_no_decay": { "param_names": [ "backbone.blocks.18.norm1.weight", "backbone.blocks.18.attn.proj.bias", "backbone.blocks.18.attn.q_norm.weight", "backbone.blocks.18.attn.k_norm.weight", "backbone.blocks.18.ls1.gamma", "backbone.blocks.18.norm2.weight", "backbone.blocks.18.mlp.fc1.bias", "backbone.blocks.18.mlp.fc2.bias", "backbone.blocks.18.ls2.gamma" ], "lr_scale": 0.21463876394293727, "lr": 8.585550557717492e-06, "weight_decay": 0.0 }, "layer_19_decay": { "param_names": [ "backbone.blocks.18.attn.qkv.weight", "backbone.blocks.18.attn.proj.weight", "backbone.blocks.18.mlp.fc1.weight", "backbone.blocks.18.mlp.fc2.weight" ], "lr_scale": 0.21463876394293727, "lr": 8.585550557717492e-06, "weight_decay": 0.05 }, "layer_20_no_decay": { "param_names": [ "backbone.blocks.19.norm1.weight", "backbone.blocks.19.attn.proj.bias", "backbone.blocks.19.attn.q_norm.weight", "backbone.blocks.19.attn.k_norm.weight", "backbone.blocks.19.ls1.gamma", "backbone.blocks.19.norm2.weight", "backbone.blocks.19.mlp.fc1.bias", "backbone.blocks.19.mlp.fc2.bias", "backbone.blocks.19.ls2.gamma" ], "lr_scale": 0.22593554099256555, "lr": 9.037421639702623e-06, "weight_decay": 0.0 }, "layer_20_decay": { "param_names": [ "backbone.blocks.19.attn.qkv.weight", "backbone.blocks.19.attn.proj.weight", "backbone.blocks.19.mlp.fc1.weight", "backbone.blocks.19.mlp.fc2.weight" ], "lr_scale": 0.22593554099256555, "lr": 9.037421639702623e-06, "weight_decay": 0.05 }, "layer_21_no_decay": { "param_names": [ "backbone.blocks.20.norm1.weight", "backbone.blocks.20.attn.proj.bias", "backbone.blocks.20.attn.q_norm.weight", "backbone.blocks.20.attn.k_norm.weight", "backbone.blocks.20.ls1.gamma", "backbone.blocks.20.norm2.weight", "backbone.blocks.20.mlp.fc1.bias", "backbone.blocks.20.mlp.fc2.bias", "backbone.blocks.20.ls2.gamma" ], "lr_scale": 0.23782688525533216, "lr": 9.513075410213288e-06, "weight_decay": 0.0 }, "layer_21_decay": { "param_names": [ "backbone.blocks.20.attn.qkv.weight", "backbone.blocks.20.attn.proj.weight", "backbone.blocks.20.mlp.fc1.weight", "backbone.blocks.20.mlp.fc2.weight" ], "lr_scale": 0.23782688525533216, "lr": 9.513075410213288e-06, "weight_decay": 0.05 }, "layer_22_no_decay": { "param_names": [ "backbone.blocks.21.norm1.weight", "backbone.blocks.21.attn.proj.bias", "backbone.blocks.21.attn.q_norm.weight", "backbone.blocks.21.attn.k_norm.weight", "backbone.blocks.21.ls1.gamma", "backbone.blocks.21.norm2.weight", "backbone.blocks.21.mlp.fc1.bias", "backbone.blocks.21.mlp.fc2.bias", "backbone.blocks.21.ls2.gamma" ], "lr_scale": 0.2503440897424549, "lr": 1.0013763589698198e-05, "weight_decay": 0.0 }, "layer_22_decay": { "param_names": [ "backbone.blocks.21.attn.qkv.weight", "backbone.blocks.21.attn.proj.weight", "backbone.blocks.21.mlp.fc1.weight", "backbone.blocks.21.mlp.fc2.weight" ], "lr_scale": 0.2503440897424549, "lr": 1.0013763589698198e-05, "weight_decay": 0.05 }, "layer_23_no_decay": { "param_names": [ "backbone.blocks.22.norm1.weight", "backbone.blocks.22.attn.proj.bias", "backbone.blocks.22.attn.q_norm.weight", "backbone.blocks.22.attn.k_norm.weight", "backbone.blocks.22.ls1.gamma", "backbone.blocks.22.norm2.weight", "backbone.blocks.22.mlp.fc1.bias", "backbone.blocks.22.mlp.fc2.bias", "backbone.blocks.22.ls2.gamma" ], "lr_scale": 0.26352009446574204, "lr": 1.0540803778629682e-05, "weight_decay": 0.0 }, "layer_23_decay": { "param_names": [ "backbone.blocks.22.attn.qkv.weight", "backbone.blocks.22.attn.proj.weight", "backbone.blocks.22.mlp.fc1.weight", "backbone.blocks.22.mlp.fc2.weight" ], "lr_scale": 0.26352009446574204, "lr": 1.0540803778629682e-05, "weight_decay": 0.05 }, "layer_24_no_decay": { "param_names": [ "backbone.blocks.23.norm1.weight", "backbone.blocks.23.attn.proj.bias", "backbone.blocks.23.attn.q_norm.weight", "backbone.blocks.23.attn.k_norm.weight", "backbone.blocks.23.ls1.gamma", "backbone.blocks.23.norm2.weight", "backbone.blocks.23.mlp.fc1.bias", "backbone.blocks.23.mlp.fc2.bias", "backbone.blocks.23.ls2.gamma" ], "lr_scale": 0.27738957312183377, "lr": 1.109558292487335e-05, "weight_decay": 0.0 }, "layer_24_decay": { "param_names": [ "backbone.blocks.23.attn.qkv.weight", "backbone.blocks.23.attn.proj.weight", "backbone.blocks.23.mlp.fc1.weight", "backbone.blocks.23.mlp.fc2.weight" ], "lr_scale": 0.27738957312183377, "lr": 1.109558292487335e-05, "weight_decay": 0.05 }, "layer_25_no_decay": { "param_names": [ "backbone.blocks.24.norm1.weight", "backbone.blocks.24.attn.proj.bias", "backbone.blocks.24.attn.q_norm.weight", "backbone.blocks.24.attn.k_norm.weight", "backbone.blocks.24.ls1.gamma", "backbone.blocks.24.norm2.weight", "backbone.blocks.24.mlp.fc1.bias", "backbone.blocks.24.mlp.fc2.bias", "backbone.blocks.24.ls2.gamma" ], "lr_scale": 0.2919890243387724, "lr": 1.1679560973550896e-05, "weight_decay": 0.0 }, "layer_25_decay": { "param_names": [ "backbone.blocks.24.attn.qkv.weight", "backbone.blocks.24.attn.proj.weight", "backbone.blocks.24.mlp.fc1.weight", "backbone.blocks.24.mlp.fc2.weight" ], "lr_scale": 0.2919890243387724, "lr": 1.1679560973550896e-05, "weight_decay": 0.05 }, "layer_26_no_decay": { "param_names": [ "backbone.blocks.25.norm1.weight", "backbone.blocks.25.attn.proj.bias", "backbone.blocks.25.attn.q_norm.weight", "backbone.blocks.25.attn.k_norm.weight", "backbone.blocks.25.ls1.gamma", "backbone.blocks.25.norm2.weight", "backbone.blocks.25.mlp.fc1.bias", "backbone.blocks.25.mlp.fc2.bias", "backbone.blocks.25.ls2.gamma" ], "lr_scale": 0.3073568677250236, "lr": 1.2294274709000943e-05, "weight_decay": 0.0 }, "layer_26_decay": { "param_names": [ "backbone.blocks.25.attn.qkv.weight", "backbone.blocks.25.attn.proj.weight", "backbone.blocks.25.mlp.fc1.weight", "backbone.blocks.25.mlp.fc2.weight" ], "lr_scale": 0.3073568677250236, "lr": 1.2294274709000943e-05, "weight_decay": 0.05 }, "layer_27_no_decay": { "param_names": [ "backbone.blocks.26.norm1.weight", "backbone.blocks.26.attn.proj.bias", "backbone.blocks.26.attn.q_norm.weight", "backbone.blocks.26.attn.k_norm.weight", "backbone.blocks.26.ls1.gamma", "backbone.blocks.26.norm2.weight", "backbone.blocks.26.mlp.fc1.bias", "backbone.blocks.26.mlp.fc2.bias", "backbone.blocks.26.ls2.gamma" ], "lr_scale": 0.323533544973709, "lr": 1.2941341798948362e-05, "weight_decay": 0.0 }, "layer_27_decay": { "param_names": [ "backbone.blocks.26.attn.qkv.weight", "backbone.blocks.26.attn.proj.weight", "backbone.blocks.26.mlp.fc1.weight", "backbone.blocks.26.mlp.fc2.weight" ], "lr_scale": 0.323533544973709, "lr": 1.2941341798948362e-05, "weight_decay": 0.05 }, "layer_28_no_decay": { "param_names": [ "backbone.blocks.27.norm1.weight", "backbone.blocks.27.attn.proj.bias", "backbone.blocks.27.attn.q_norm.weight", "backbone.blocks.27.attn.k_norm.weight", "backbone.blocks.27.ls1.gamma", "backbone.blocks.27.norm2.weight", "backbone.blocks.27.mlp.fc1.bias", "backbone.blocks.27.mlp.fc2.bias", "backbone.blocks.27.ls2.gamma" ], "lr_scale": 0.3405616262881148, "lr": 1.3622465051524594e-05, "weight_decay": 0.0 }, "layer_28_decay": { "param_names": [ "backbone.blocks.27.attn.qkv.weight", "backbone.blocks.27.attn.proj.weight", "backbone.blocks.27.mlp.fc1.weight", "backbone.blocks.27.mlp.fc2.weight" ], "lr_scale": 0.3405616262881148, "lr": 1.3622465051524594e-05, "weight_decay": 0.05 }, "layer_29_no_decay": { "param_names": [ "backbone.blocks.28.norm1.weight", "backbone.blocks.28.attn.proj.bias", "backbone.blocks.28.attn.q_norm.weight", "backbone.blocks.28.attn.k_norm.weight", "backbone.blocks.28.ls1.gamma", "backbone.blocks.28.norm2.weight", "backbone.blocks.28.mlp.fc1.bias", "backbone.blocks.28.mlp.fc2.bias", "backbone.blocks.28.ls2.gamma" ], "lr_scale": 0.3584859224085419, "lr": 1.4339436896341676e-05, "weight_decay": 0.0 }, "layer_29_decay": { "param_names": [ "backbone.blocks.28.attn.qkv.weight", "backbone.blocks.28.attn.proj.weight", "backbone.blocks.28.mlp.fc1.weight", "backbone.blocks.28.mlp.fc2.weight" ], "lr_scale": 0.3584859224085419, "lr": 1.4339436896341676e-05, "weight_decay": 0.05 }, "layer_30_no_decay": { "param_names": [ "backbone.blocks.29.norm1.weight", "backbone.blocks.29.attn.proj.bias", "backbone.blocks.29.attn.q_norm.weight", "backbone.blocks.29.attn.k_norm.weight", "backbone.blocks.29.ls1.gamma", "backbone.blocks.29.norm2.weight", "backbone.blocks.29.mlp.fc1.bias", "backbone.blocks.29.mlp.fc2.bias", "backbone.blocks.29.ls2.gamma" ], "lr_scale": 0.37735360253530725, "lr": 1.509414410141229e-05, "weight_decay": 0.0 }, "layer_30_decay": { "param_names": [ "backbone.blocks.29.attn.qkv.weight", "backbone.blocks.29.attn.proj.weight", "backbone.blocks.29.mlp.fc1.weight", "backbone.blocks.29.mlp.fc2.weight" ], "lr_scale": 0.37735360253530725, "lr": 1.509414410141229e-05, "weight_decay": 0.05 }, "layer_31_no_decay": { "param_names": [ "backbone.blocks.30.norm1.weight", "backbone.blocks.30.attn.proj.bias", "backbone.blocks.30.attn.q_norm.weight", "backbone.blocks.30.attn.k_norm.weight", "backbone.blocks.30.ls1.gamma", "backbone.blocks.30.norm2.weight", "backbone.blocks.30.mlp.fc1.bias", "backbone.blocks.30.mlp.fc2.bias", "backbone.blocks.30.ls2.gamma" ], "lr_scale": 0.3972143184582182, "lr": 1.588857273832873e-05, "weight_decay": 0.0 }, "layer_31_decay": { "param_names": [ "backbone.blocks.30.attn.qkv.weight", "backbone.blocks.30.attn.proj.weight", "backbone.blocks.30.mlp.fc1.weight", "backbone.blocks.30.mlp.fc2.weight" ], "lr_scale": 0.3972143184582182, "lr": 1.588857273832873e-05, "weight_decay": 0.05 }, "layer_32_no_decay": { "param_names": [ "backbone.blocks.31.norm1.weight", "backbone.blocks.31.attn.proj.bias", "backbone.blocks.31.attn.q_norm.weight", "backbone.blocks.31.attn.k_norm.weight", "backbone.blocks.31.ls1.gamma", "backbone.blocks.31.norm2.weight", "backbone.blocks.31.mlp.fc1.bias", "backbone.blocks.31.mlp.fc2.bias", "backbone.blocks.31.ls2.gamma" ], "lr_scale": 0.4181203352191771, "lr": 1.6724813408767084e-05, "weight_decay": 0.0 }, "layer_32_decay": { "param_names": [ "backbone.blocks.31.attn.qkv.weight", "backbone.blocks.31.attn.proj.weight", "backbone.blocks.31.mlp.fc1.weight", "backbone.blocks.31.mlp.fc2.weight" ], "lr_scale": 0.4181203352191771, "lr": 1.6724813408767084e-05, "weight_decay": 0.05 }, "layer_33_no_decay": { "param_names": [ "backbone.blocks.32.norm1.weight", "backbone.blocks.32.attn.proj.bias", "backbone.blocks.32.attn.q_norm.weight", "backbone.blocks.32.attn.k_norm.weight", "backbone.blocks.32.ls1.gamma", "backbone.blocks.32.norm2.weight", "backbone.blocks.32.mlp.fc1.bias", "backbone.blocks.32.mlp.fc2.bias", "backbone.blocks.32.ls2.gamma" ], "lr_scale": 0.44012666865176536, "lr": 1.7605066746070617e-05, "weight_decay": 0.0 }, "layer_33_decay": { "param_names": [ "backbone.blocks.32.attn.qkv.weight", "backbone.blocks.32.attn.proj.weight", "backbone.blocks.32.mlp.fc1.weight", "backbone.blocks.32.mlp.fc2.weight" ], "lr_scale": 0.44012666865176536, "lr": 1.7605066746070617e-05, "weight_decay": 0.05 }, "layer_34_no_decay": { "param_names": [ "backbone.blocks.33.norm1.weight", "backbone.blocks.33.attn.proj.bias", "backbone.blocks.33.attn.q_norm.weight", "backbone.blocks.33.attn.k_norm.weight", "backbone.blocks.33.ls1.gamma", "backbone.blocks.33.norm2.weight", "backbone.blocks.33.mlp.fc1.bias", "backbone.blocks.33.mlp.fc2.bias", "backbone.blocks.33.ls2.gamma" ], "lr_scale": 0.46329123015975304, "lr": 1.8531649206390123e-05, "weight_decay": 0.0 }, "layer_34_decay": { "param_names": [ "backbone.blocks.33.attn.qkv.weight", "backbone.blocks.33.attn.proj.weight", "backbone.blocks.33.mlp.fc1.weight", "backbone.blocks.33.mlp.fc2.weight" ], "lr_scale": 0.46329123015975304, "lr": 1.8531649206390123e-05, "weight_decay": 0.05 }, "layer_35_no_decay": { "param_names": [ "backbone.blocks.34.norm1.weight", "backbone.blocks.34.attn.proj.bias", "backbone.blocks.34.attn.q_norm.weight", "backbone.blocks.34.attn.k_norm.weight", "backbone.blocks.34.ls1.gamma", "backbone.blocks.34.norm2.weight", "backbone.blocks.34.mlp.fc1.bias", "backbone.blocks.34.mlp.fc2.bias", "backbone.blocks.34.ls2.gamma" ], "lr_scale": 0.48767497911552954, "lr": 1.9506999164621184e-05, "weight_decay": 0.0 }, "layer_35_decay": { "param_names": [ "backbone.blocks.34.attn.qkv.weight", "backbone.blocks.34.attn.proj.weight", "backbone.blocks.34.mlp.fc1.weight", "backbone.blocks.34.mlp.fc2.weight" ], "lr_scale": 0.48767497911552954, "lr": 1.9506999164621184e-05, "weight_decay": 0.05 }, "layer_36_no_decay": { "param_names": [ "backbone.blocks.35.norm1.weight", "backbone.blocks.35.attn.proj.bias", "backbone.blocks.35.attn.q_norm.weight", "backbone.blocks.35.attn.k_norm.weight", "backbone.blocks.35.ls1.gamma", "backbone.blocks.35.norm2.weight", "backbone.blocks.35.mlp.fc1.bias", "backbone.blocks.35.mlp.fc2.bias", "backbone.blocks.35.ls2.gamma" ], "lr_scale": 0.5133420832795048, "lr": 2.0533683331180195e-05, "weight_decay": 0.0 }, "layer_36_decay": { "param_names": [ "backbone.blocks.35.attn.qkv.weight", "backbone.blocks.35.attn.proj.weight", "backbone.blocks.35.mlp.fc1.weight", "backbone.blocks.35.mlp.fc2.weight" ], "lr_scale": 0.5133420832795048, "lr": 2.0533683331180195e-05, "weight_decay": 0.05 }, "layer_37_no_decay": { "param_names": [ "backbone.blocks.36.norm1.weight", "backbone.blocks.36.attn.proj.bias", "backbone.blocks.36.attn.q_norm.weight", "backbone.blocks.36.attn.k_norm.weight", "backbone.blocks.36.ls1.gamma", "backbone.blocks.36.norm2.weight", "backbone.blocks.36.mlp.fc1.bias", "backbone.blocks.36.mlp.fc2.bias", "backbone.blocks.36.ls2.gamma" ], "lr_scale": 0.5403600876626367, "lr": 2.1614403506505468e-05, "weight_decay": 0.0 }, "layer_37_decay": { "param_names": [ "backbone.blocks.36.attn.qkv.weight", "backbone.blocks.36.attn.proj.weight", "backbone.blocks.36.mlp.fc1.weight", "backbone.blocks.36.mlp.fc2.weight" ], "lr_scale": 0.5403600876626367, "lr": 2.1614403506505468e-05, "weight_decay": 0.05 }, "layer_38_no_decay": { "param_names": [ "backbone.blocks.37.norm1.weight", "backbone.blocks.37.attn.proj.bias", "backbone.blocks.37.attn.q_norm.weight", "backbone.blocks.37.attn.k_norm.weight", "backbone.blocks.37.ls1.gamma", "backbone.blocks.37.norm2.weight", "backbone.blocks.37.mlp.fc1.bias", "backbone.blocks.37.mlp.fc2.bias", "backbone.blocks.37.ls2.gamma" ], "lr_scale": 0.5688000922764597, "lr": 2.275200369105839e-05, "weight_decay": 0.0 }, "layer_38_decay": { "param_names": [ "backbone.blocks.37.attn.qkv.weight", "backbone.blocks.37.attn.proj.weight", "backbone.blocks.37.mlp.fc1.weight", "backbone.blocks.37.mlp.fc2.weight" ], "lr_scale": 0.5688000922764597, "lr": 2.275200369105839e-05, "weight_decay": 0.05 }, "layer_39_no_decay": { "param_names": [ "backbone.blocks.38.norm1.weight", "backbone.blocks.38.attn.proj.bias", "backbone.blocks.38.attn.q_norm.weight", "backbone.blocks.38.attn.k_norm.weight", "backbone.blocks.38.ls1.gamma", "backbone.blocks.38.norm2.weight", "backbone.blocks.38.mlp.fc1.bias", "backbone.blocks.38.mlp.fc2.bias", "backbone.blocks.38.ls2.gamma" ], "lr_scale": 0.5987369392383787, "lr": 2.394947756953515e-05, "weight_decay": 0.0 }, "layer_39_decay": { "param_names": [ "backbone.blocks.38.attn.qkv.weight", "backbone.blocks.38.attn.proj.weight", "backbone.blocks.38.mlp.fc1.weight", "backbone.blocks.38.mlp.fc2.weight" ], "lr_scale": 0.5987369392383787, "lr": 2.394947756953515e-05, "weight_decay": 0.05 }, "layer_40_no_decay": { "param_names": [ "backbone.blocks.39.norm1.weight", "backbone.blocks.39.attn.proj.bias", "backbone.blocks.39.attn.q_norm.weight", "backbone.blocks.39.attn.k_norm.weight", "backbone.blocks.39.ls1.gamma", "backbone.blocks.39.norm2.weight", "backbone.blocks.39.mlp.fc1.bias", "backbone.blocks.39.mlp.fc2.bias", "backbone.blocks.39.ls2.gamma" ], "lr_scale": 0.6302494097246091, "lr": 2.5209976388984365e-05, "weight_decay": 0.0 }, "layer_40_decay": { "param_names": [ "backbone.blocks.39.attn.qkv.weight", "backbone.blocks.39.attn.proj.weight", "backbone.blocks.39.mlp.fc1.weight", "backbone.blocks.39.mlp.fc2.weight" ], "lr_scale": 0.6302494097246091, "lr": 2.5209976388984365e-05, "weight_decay": 0.05 }, "layer_41_no_decay": { "param_names": [ "backbone.blocks.40.norm1.weight", "backbone.blocks.40.attn.proj.bias", "backbone.blocks.40.attn.q_norm.weight", "backbone.blocks.40.attn.k_norm.weight", "backbone.blocks.40.ls1.gamma", "backbone.blocks.40.norm2.weight", "backbone.blocks.40.mlp.fc1.bias", "backbone.blocks.40.mlp.fc2.bias", "backbone.blocks.40.ls2.gamma" ], "lr_scale": 0.6634204312890623, "lr": 2.6536817251562493e-05, "weight_decay": 0.0 }, "layer_41_decay": { "param_names": [ "backbone.blocks.40.attn.qkv.weight", "backbone.blocks.40.attn.proj.weight", "backbone.blocks.40.mlp.fc1.weight", "backbone.blocks.40.mlp.fc2.weight" ], "lr_scale": 0.6634204312890623, "lr": 2.6536817251562493e-05, "weight_decay": 0.05 }, "layer_42_no_decay": { "param_names": [ "backbone.blocks.41.norm1.weight", "backbone.blocks.41.attn.proj.bias", "backbone.blocks.41.attn.q_norm.weight", "backbone.blocks.41.attn.k_norm.weight", "backbone.blocks.41.ls1.gamma", "backbone.blocks.41.norm2.weight", "backbone.blocks.41.mlp.fc1.bias", "backbone.blocks.41.mlp.fc2.bias", "backbone.blocks.41.ls2.gamma" ], "lr_scale": 0.6983372960937497, "lr": 2.793349184374999e-05, "weight_decay": 0.0 }, "layer_42_decay": { "param_names": [ "backbone.blocks.41.attn.qkv.weight", "backbone.blocks.41.attn.proj.weight", "backbone.blocks.41.mlp.fc1.weight", "backbone.blocks.41.mlp.fc2.weight" ], "lr_scale": 0.6983372960937497, "lr": 2.793349184374999e-05, "weight_decay": 0.05 }, "layer_43_no_decay": { "param_names": [ "backbone.blocks.42.norm1.weight", "backbone.blocks.42.attn.proj.bias", "backbone.blocks.42.attn.q_norm.weight", "backbone.blocks.42.attn.k_norm.weight", "backbone.blocks.42.ls1.gamma", "backbone.blocks.42.norm2.weight", "backbone.blocks.42.mlp.fc1.bias", "backbone.blocks.42.mlp.fc2.bias", "backbone.blocks.42.ls2.gamma" ], "lr_scale": 0.7350918906249998, "lr": 2.9403675624999993e-05, "weight_decay": 0.0 }, "layer_43_decay": { "param_names": [ "backbone.blocks.42.attn.qkv.weight", "backbone.blocks.42.attn.proj.weight", "backbone.blocks.42.mlp.fc1.weight", "backbone.blocks.42.mlp.fc2.weight" ], "lr_scale": 0.7350918906249998, "lr": 2.9403675624999993e-05, "weight_decay": 0.05 }, "layer_44_no_decay": { "param_names": [ "backbone.blocks.43.norm1.weight", "backbone.blocks.43.attn.proj.bias", "backbone.blocks.43.attn.q_norm.weight", "backbone.blocks.43.attn.k_norm.weight", "backbone.blocks.43.ls1.gamma", "backbone.blocks.43.norm2.weight", "backbone.blocks.43.mlp.fc1.bias", "backbone.blocks.43.mlp.fc2.bias", "backbone.blocks.43.ls2.gamma" ], "lr_scale": 0.7737809374999998, "lr": 3.0951237499999995e-05, "weight_decay": 0.0 }, "layer_44_decay": { "param_names": [ "backbone.blocks.43.attn.qkv.weight", "backbone.blocks.43.attn.proj.weight", "backbone.blocks.43.mlp.fc1.weight", "backbone.blocks.43.mlp.fc2.weight" ], "lr_scale": 0.7737809374999998, "lr": 3.0951237499999995e-05, "weight_decay": 0.05 }, "layer_45_no_decay": { "param_names": [ "backbone.blocks.44.norm1.weight", "backbone.blocks.44.attn.proj.bias", "backbone.blocks.44.attn.q_norm.weight", "backbone.blocks.44.attn.k_norm.weight", "backbone.blocks.44.ls1.gamma", "backbone.blocks.44.norm2.weight", "backbone.blocks.44.mlp.fc1.bias", "backbone.blocks.44.mlp.fc2.bias", "backbone.blocks.44.ls2.gamma" ], "lr_scale": 0.8145062499999999, "lr": 3.258025e-05, "weight_decay": 0.0 }, "layer_45_decay": { "param_names": [ "backbone.blocks.44.attn.qkv.weight", "backbone.blocks.44.attn.proj.weight", "backbone.blocks.44.mlp.fc1.weight", "backbone.blocks.44.mlp.fc2.weight" ], "lr_scale": 0.8145062499999999, "lr": 3.258025e-05, "weight_decay": 0.05 }, "layer_46_no_decay": { "param_names": [ "backbone.blocks.45.norm1.weight", "backbone.blocks.45.attn.proj.bias", "backbone.blocks.45.attn.q_norm.weight", "backbone.blocks.45.attn.k_norm.weight", "backbone.blocks.45.ls1.gamma", "backbone.blocks.45.norm2.weight", "backbone.blocks.45.mlp.fc1.bias", "backbone.blocks.45.mlp.fc2.bias", "backbone.blocks.45.ls2.gamma" ], "lr_scale": 0.8573749999999999, "lr": 3.4294999999999996e-05, "weight_decay": 0.0 }, "layer_46_decay": { "param_names": [ "backbone.blocks.45.attn.qkv.weight", "backbone.blocks.45.attn.proj.weight", "backbone.blocks.45.mlp.fc1.weight", "backbone.blocks.45.mlp.fc2.weight" ], "lr_scale": 0.8573749999999999, "lr": 3.4294999999999996e-05, "weight_decay": 0.05 }, "layer_47_no_decay": { "param_names": [ "backbone.blocks.46.norm1.weight", "backbone.blocks.46.attn.proj.bias", "backbone.blocks.46.attn.q_norm.weight", "backbone.blocks.46.attn.k_norm.weight", "backbone.blocks.46.ls1.gamma", "backbone.blocks.46.norm2.weight", "backbone.blocks.46.mlp.fc1.bias", "backbone.blocks.46.mlp.fc2.bias", "backbone.blocks.46.ls2.gamma" ], "lr_scale": 0.9025, "lr": 3.61e-05, "weight_decay": 0.0 }, "layer_47_decay": { "param_names": [ "backbone.blocks.46.attn.qkv.weight", "backbone.blocks.46.attn.proj.weight", "backbone.blocks.46.mlp.fc1.weight", "backbone.blocks.46.mlp.fc2.weight" ], "lr_scale": 0.9025, "lr": 3.61e-05, "weight_decay": 0.05 }, "layer_48_no_decay": { "param_names": [ "backbone.blocks.47.norm1.weight", "backbone.blocks.47.attn.proj.bias", "backbone.blocks.47.attn.q_norm.weight", "backbone.blocks.47.attn.k_norm.weight", "backbone.blocks.47.ls1.gamma", "backbone.blocks.47.norm2.weight", "backbone.blocks.47.mlp.fc1.bias", "backbone.blocks.47.mlp.fc2.bias", "backbone.blocks.47.ls2.gamma" ], "lr_scale": 0.95, "lr": 3.8e-05, "weight_decay": 0.0 }, "layer_48_decay": { "param_names": [ "backbone.blocks.47.attn.qkv.weight", "backbone.blocks.47.attn.proj.weight", "backbone.blocks.47.mlp.fc1.weight", "backbone.blocks.47.mlp.fc2.weight" ], "lr_scale": 0.95, "lr": 3.8e-05, "weight_decay": 0.05 }, "layer_49_decay": { "param_names": [ "backbone.up1.0.weight", "backbone.up1.3.weight", "backbone.up2.0.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.up1.0.bias", "backbone.up1.1.weight", "backbone.up1.1.bias", "backbone.up1.3.bias", "backbone.up2.0.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 } } 2023-11-02 01:57:49,395 - mmseg - INFO - trainable parameters: 6341498518 2023-11-02 01:57:49,399 - mmseg - INFO - total parameters: 6341498518 2023-11-02 01:57:49,521 - mmseg - INFO - Loaded 2000 images 2023-11-02 01:57:49,521 - mmseg - INFO - Randomly select 2000 images 2023-11-02 01:57:49,522 - mmseg - INFO - Start running, host: wangwenhai@SH-IDC1-10-140-37-47, work_dir: /mnt/petrelfs/wangwenhai/workspace/ViTDetection/mmsegmentation/work_dirs/upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04 2023-11-02 01:57:49,522 - mmseg - INFO - Hooks will be executed in the following order: before_run: (VERY_HIGH ) PolyLrUpdaterHook (49 ) ToBFloat16Hook (49 ) ToBFloat16Hook (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 -------------------- 2023-11-02 01:57:49,522 - mmseg - INFO - workflow: [('train', 1)], max: 80000 iters 2023-11-02 01:57:49,543 - mmseg - INFO - Checkpoints will be saved to /mnt/petrelfs/wangwenhai/workspace/ViTDetection/mmsegmentation/work_dirs/upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04 by HardDiskBackend. 2023-11-02 02:00:49,828 - mmseg - INFO - Iter [50/80000] lr: 1.058e-07, eta: 2 days, 4:48:26, time: 2.378, data_time: 0.010, memory: 69173, decode.loss_ce: 4.1231, decode.acc_seg: 0.7200, aux.loss_ce: 1.6308, aux.acc_seg: 1.6071, loss: 5.7539 2023-11-02 02:02:13,006 - mmseg - INFO - Iter [100/80000] lr: 2.136e-07, eta: 1 day, 20:50:53, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 3.8061, decode.acc_seg: 20.7482, aux.loss_ce: 1.5856, aux.acc_seg: 8.2934, loss: 5.3917 2023-11-02 02:03:36,171 - mmseg - INFO - Iter [150/80000] lr: 3.212e-07, eta: 1 day, 18:10:39, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 3.2739, decode.acc_seg: 37.2442, aux.loss_ce: 1.5283, aux.acc_seg: 26.4366, loss: 4.8021 2023-11-02 02:04:59,266 - mmseg - INFO - Iter [200/80000] lr: 4.287e-07, eta: 1 day, 16:49:23, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 2.4819, decode.acc_seg: 48.1518, aux.loss_ce: 1.3648, aux.acc_seg: 43.5726, loss: 3.8466 2023-11-02 02:06:22,369 - mmseg - INFO - Iter [250/80000] lr: 5.361e-07, eta: 1 day, 16:00:06, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 2.0696, decode.acc_seg: 51.6017, aux.loss_ce: 1.0911, aux.acc_seg: 47.0182, loss: 3.1608 2023-11-02 02:07:45,449 - mmseg - INFO - Iter [300/80000] lr: 6.434e-07, eta: 1 day, 15:26:41, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 1.7954, decode.acc_seg: 57.0648, aux.loss_ce: 0.9087, aux.acc_seg: 50.1329, loss: 2.7041 2023-11-02 02:09:08,561 - mmseg - INFO - Iter [350/80000] lr: 7.505e-07, eta: 1 day, 15:02:33, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 1.6010, decode.acc_seg: 61.2058, aux.loss_ce: 0.8056, aux.acc_seg: 53.8982, loss: 2.4066 2023-11-02 02:10:31,676 - mmseg - INFO - Iter [400/80000] lr: 8.575e-07, eta: 1 day, 14:44:06, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 1.4701, decode.acc_seg: 63.0617, aux.loss_ce: 0.7374, aux.acc_seg: 56.7984, loss: 2.2075 2023-11-02 02:11:54,790 - mmseg - INFO - Iter [450/80000] lr: 9.643e-07, eta: 1 day, 14:29:27, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 1.3123, decode.acc_seg: 65.1256, aux.loss_ce: 0.6612, aux.acc_seg: 58.8416, loss: 1.9735 2023-11-02 02:13:17,959 - mmseg - INFO - Iter [500/80000] lr: 1.071e-06, eta: 1 day, 14:17:35, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 1.2432, decode.acc_seg: 66.9079, aux.loss_ce: 0.6306, aux.acc_seg: 60.5752, loss: 1.8737 2023-11-02 02:14:41,175 - mmseg - INFO - Iter [550/80000] lr: 1.178e-06, eta: 1 day, 14:07:45, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 1.1485, decode.acc_seg: 69.3462, aux.loss_ce: 0.5970, aux.acc_seg: 62.5212, loss: 1.7455 2023-11-02 02:16:04,355 - mmseg - INFO - Iter [600/80000] lr: 1.284e-06, eta: 1 day, 13:59:15, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 1.0696, decode.acc_seg: 69.5707, aux.loss_ce: 0.5467, aux.acc_seg: 63.9825, loss: 1.6163 2023-11-02 02:17:27,523 - mmseg - INFO - Iter [650/80000] lr: 1.390e-06, eta: 1 day, 13:51:48, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 1.0199, decode.acc_seg: 70.9449, aux.loss_ce: 0.5346, aux.acc_seg: 65.4874, loss: 1.5545 2023-11-02 02:18:50,700 - mmseg - INFO - Iter [700/80000] lr: 1.497e-06, eta: 1 day, 13:45:15, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 1.0118, decode.acc_seg: 70.8463, aux.loss_ce: 0.5232, aux.acc_seg: 64.8826, loss: 1.5350 2023-11-02 02:20:13,941 - mmseg - INFO - Iter [750/80000] lr: 1.603e-06, eta: 1 day, 13:39:30, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.9606, decode.acc_seg: 70.9919, aux.loss_ce: 0.5087, aux.acc_seg: 65.0665, loss: 1.4693 2023-11-02 02:21:37,187 - mmseg - INFO - Iter [800/80000] lr: 1.708e-06, eta: 1 day, 13:34:18, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.9463, decode.acc_seg: 71.0678, aux.loss_ce: 0.4974, aux.acc_seg: 65.5409, loss: 1.4437 2023-11-02 02:23:00,501 - mmseg - INFO - Iter [850/80000] lr: 1.814e-06, eta: 1 day, 13:29:39, time: 1.666, data_time: 0.010, memory: 69173, decode.loss_ce: 0.8722, decode.acc_seg: 72.8390, aux.loss_ce: 0.4721, aux.acc_seg: 66.7285, loss: 1.3444 2023-11-02 02:24:23,699 - mmseg - INFO - Iter [900/80000] lr: 1.920e-06, eta: 1 day, 13:25:12, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.8708, decode.acc_seg: 72.7252, aux.loss_ce: 0.4518, aux.acc_seg: 67.8395, loss: 1.3227 2023-11-02 02:25:46,912 - mmseg - INFO - Iter [950/80000] lr: 2.025e-06, eta: 1 day, 13:21:05, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.8350, decode.acc_seg: 73.5918, aux.loss_ce: 0.4420, aux.acc_seg: 68.3510, loss: 1.2770 2023-11-02 02:27:10,160 - mmseg - INFO - Saving checkpoint at 1000 iterations 2023-11-02 02:28:04,040 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 02:28:04,040 - mmseg - INFO - Iter [1000/80000] lr: 2.131e-06, eta: 1 day, 14:28:14, time: 2.743, data_time: 0.008, memory: 69173, decode.loss_ce: 0.8213, decode.acc_seg: 73.7499, aux.loss_ce: 0.4491, aux.acc_seg: 67.6180, loss: 1.2704 2023-11-02 02:30:32,392 - mmseg - INFO - per class results: 2023-11-02 02:30:32,398 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 73.14 | 83.37 | | building | 79.84 | 94.22 | | sky | 93.07 | 96.15 | | floor | 77.23 | 90.02 | | tree | 69.19 | 89.25 | | ceiling | 79.62 | 93.37 | | road | 78.55 | 83.0 | | bed | 86.19 | 95.38 | | windowpane | 56.0 | 80.59 | | grass | 56.93 | 67.1 | | cabinet | 53.35 | 64.99 | | sidewalk | 57.83 | 88.49 | | person | 74.05 | 88.25 | | earth | 31.11 | 40.38 | | door | 46.89 | 61.33 | | table | 52.17 | 72.25 | | mountain | 50.72 | 58.49 | | plant | 39.63 | 43.85 | | curtain | 67.98 | 81.14 | | chair | 44.12 | 53.12 | | car | 76.9 | 92.41 | | water | 54.05 | 83.97 | | painting | 64.95 | 79.31 | | sofa | 63.15 | 90.44 | | shelf | 31.64 | 53.93 | | house | 45.57 | 66.84 | | sea | 57.45 | 74.78 | | mirror | 62.93 | 75.96 | | rug | 55.83 | 62.57 | | field | 23.06 | 77.21 | | armchair | 34.81 | 57.25 | | seat | 61.72 | 85.96 | | fence | 33.01 | 37.24 | | desk | 37.96 | 53.95 | | rock | 46.56 | 77.5 | | wardrobe | 42.84 | 82.04 | | lamp | 47.3 | 62.66 | | bathtub | 66.74 | 82.14 | | railing | 26.62 | 32.2 | | cushion | 44.52 | 56.86 | | base | 20.8 | 29.87 | | box | 7.99 | 8.61 | | column | 3.54 | 3.54 | | signboard | 22.54 | 26.1 | | chest of drawers | 38.86 | 49.07 | | counter | 44.21 | 70.24 | | sand | 46.85 | 49.72 | | sink | 44.74 | 78.0 | | skyscraper | 51.18 | 64.79 | | fireplace | 53.04 | 95.89 | | refrigerator | 66.44 | 80.76 | | grandstand | 40.15 | 58.06 | | path | 12.3 | 14.82 | | stairs | 29.67 | 35.33 | | runway | 67.6 | 95.88 | | case | 52.83 | 76.03 | | pool table | 79.89 | 97.14 | | pillow | 44.21 | 54.8 | | screen door | 63.28 | 79.5 | | stairway | 34.16 | 45.21 | | river | 0.33 | 0.33 | | bridge | 56.26 | 74.38 | | bookcase | 27.01 | 61.94 | | blind | 0.0 | 0.0 | | coffee table | 48.84 | 84.69 | | toilet | 71.4 | 94.52 | | flower | 25.29 | 43.35 | | book | 32.85 | 41.39 | | hill | 1.74 | 1.8 | | bench | 47.12 | 54.08 | | countertop | 20.41 | 22.5 | | stove | 56.23 | 91.02 | | palm | 38.42 | 42.06 | | kitchen island | 32.74 | 79.79 | | computer | 64.73 | 79.53 | | swivel chair | 33.77 | 75.56 | | boat | 35.11 | 83.07 | | bar | 50.2 | 67.64 | | arcade machine | 77.94 | 94.49 | | hovel | 8.79 | 9.08 | | bus | 84.61 | 89.12 | | towel | 47.32 | 57.72 | | light | 1.4 | 1.4 | | truck | 23.27 | 23.92 | | tower | 0.0 | 0.0 | | chandelier | 50.02 | 64.95 | | awning | 5.53 | 5.61 | | streetlight | 0.0 | 0.0 | | booth | 0.0 | 0.0 | | television receiver | 62.41 | 72.02 | | airplane | 48.47 | 59.88 | | dirt track | 0.0 | 0.0 | | apparel | 19.45 | 23.54 | | pole | 0.0 | 0.0 | | land | 0.0 | 0.0 | | bannister | 0.0 | 0.0 | | escalator | 10.2 | 10.7 | | ottoman | 7.88 | 8.2 | | bottle | 7.36 | 7.57 | | buffet | 0.0 | 0.0 | | poster | 0.0 | 0.0 | | stage | 13.12 | 23.94 | | van | 7.9 | 8.24 | | ship | 0.0 | 0.0 | | fountain | 0.0 | 0.0 | | conveyer belt | 35.53 | 98.75 | | canopy | 14.68 | 14.87 | | washer | 66.3 | 99.02 | | plaything | 0.0 | 0.0 | | swimming pool | 67.38 | 75.61 | | stool | 0.0 | 0.0 | | barrel | 5.24 | 53.1 | | basket | 0.0 | 0.0 | | waterfall | 42.81 | 52.66 | | tent | 57.9 | 99.71 | | bag | 0.0 | 0.0 | | minibike | 7.6 | 7.67 | | cradle | 69.77 | 97.03 | | oven | 0.0 | 0.0 | | ball | 36.38 | 38.58 | | food | 38.62 | 41.16 | | step | 0.0 | 0.0 | | tank | 0.0 | 0.0 | | trade name | 0.0 | 0.0 | | microwave | 77.25 | 80.16 | | pot | 0.0 | 0.0 | | animal | 0.0 | 0.0 | | bicycle | 11.59 | 11.65 | | lake | 0.0 | 0.0 | | dishwasher | 0.0 | 0.0 | | screen | 55.13 | 63.64 | | 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 | +---------------------+-------+-------+ 2023-11-02 02:30:32,398 - mmseg - INFO - Summary: 2023-11-02 02:30:32,398 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 78.99 | 31.83 | 42.77 | +-------+-------+-------+ 2023-11-02 02:30:32,399 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 02:30:32,399 - mmseg - INFO - Iter(val) [250] aAcc: 0.7899, mIoU: 0.3183, mAcc: 0.4277, IoU.wall: 0.7314, IoU.building: 0.7984, IoU.sky: 0.9307, IoU.floor: 0.7723, IoU.tree: 0.6919, IoU.ceiling: 0.7962, IoU.road: 0.7855, IoU.bed : 0.8619, IoU.windowpane: 0.5600, IoU.grass: 0.5693, IoU.cabinet: 0.5335, IoU.sidewalk: 0.5783, IoU.person: 0.7405, IoU.earth: 0.3111, IoU.door: 0.4689, IoU.table: 0.5217, IoU.mountain: 0.5072, IoU.plant: 0.3963, IoU.curtain: 0.6798, IoU.chair: 0.4412, IoU.car: 0.7690, IoU.water: 0.5405, IoU.painting: 0.6495, IoU.sofa: 0.6315, IoU.shelf: 0.3164, IoU.house: 0.4557, IoU.sea: 0.5745, IoU.mirror: 0.6293, IoU.rug: 0.5583, IoU.field: 0.2306, IoU.armchair: 0.3481, IoU.seat: 0.6172, IoU.fence: 0.3301, IoU.desk: 0.3796, IoU.rock: 0.4656, IoU.wardrobe: 0.4284, IoU.lamp: 0.4730, IoU.bathtub: 0.6674, IoU.railing: 0.2662, IoU.cushion: 0.4452, IoU.base: 0.2080, IoU.box: 0.0799, IoU.column: 0.0354, IoU.signboard: 0.2254, IoU.chest of drawers: 0.3886, IoU.counter: 0.4421, IoU.sand: 0.4685, IoU.sink: 0.4474, IoU.skyscraper: 0.5118, IoU.fireplace: 0.5304, IoU.refrigerator: 0.6644, IoU.grandstand: 0.4015, IoU.path: 0.1230, IoU.stairs: 0.2967, IoU.runway: 0.6760, IoU.case: 0.5283, IoU.pool table: 0.7989, IoU.pillow: 0.4421, IoU.screen door: 0.6328, IoU.stairway: 0.3416, IoU.river: 0.0033, IoU.bridge: 0.5626, IoU.bookcase: 0.2701, IoU.blind: 0.0000, IoU.coffee table: 0.4884, IoU.toilet: 0.7140, IoU.flower: 0.2529, IoU.book: 0.3285, IoU.hill: 0.0174, IoU.bench: 0.4712, IoU.countertop: 0.2041, IoU.stove: 0.5623, IoU.palm: 0.3842, IoU.kitchen island: 0.3274, IoU.computer: 0.6473, IoU.swivel chair: 0.3377, IoU.boat: 0.3511, IoU.bar: 0.5020, IoU.arcade machine: 0.7794, IoU.hovel: 0.0879, IoU.bus: 0.8461, IoU.towel: 0.4732, IoU.light: 0.0140, IoU.truck: 0.2327, IoU.tower: 0.0000, IoU.chandelier: 0.5002, IoU.awning: 0.0553, IoU.streetlight: 0.0000, IoU.booth: 0.0000, IoU.television receiver: 0.6241, IoU.airplane: 0.4847, IoU.dirt track: 0.0000, IoU.apparel: 0.1945, IoU.pole: 0.0000, IoU.land: 0.0000, IoU.bannister: 0.0000, IoU.escalator: 0.1020, IoU.ottoman: 0.0788, IoU.bottle: 0.0736, IoU.buffet: 0.0000, IoU.poster: 0.0000, IoU.stage: 0.1312, IoU.van: 0.0790, IoU.ship: 0.0000, IoU.fountain: 0.0000, IoU.conveyer belt: 0.3553, IoU.canopy: 0.1468, IoU.washer: 0.6630, IoU.plaything: 0.0000, IoU.swimming pool: 0.6738, IoU.stool: 0.0000, IoU.barrel: 0.0524, IoU.basket: 0.0000, IoU.waterfall: 0.4281, IoU.tent: 0.5790, IoU.bag: 0.0000, IoU.minibike: 0.0760, IoU.cradle: 0.6977, IoU.oven: 0.0000, IoU.ball: 0.3638, IoU.food: 0.3862, IoU.step: 0.0000, IoU.tank: 0.0000, IoU.trade name: 0.0000, IoU.microwave: 0.7725, IoU.pot: 0.0000, IoU.animal: 0.0000, IoU.bicycle: 0.1159, IoU.lake: 0.0000, IoU.dishwasher: 0.0000, IoU.screen: 0.5513, 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.8337, Acc.building: 0.9422, Acc.sky: 0.9615, Acc.floor: 0.9002, Acc.tree: 0.8925, Acc.ceiling: 0.9337, Acc.road: 0.8300, Acc.bed : 0.9538, Acc.windowpane: 0.8059, Acc.grass: 0.6710, Acc.cabinet: 0.6499, Acc.sidewalk: 0.8849, Acc.person: 0.8825, Acc.earth: 0.4038, Acc.door: 0.6133, Acc.table: 0.7225, Acc.mountain: 0.5849, Acc.plant: 0.4385, Acc.curtain: 0.8114, Acc.chair: 0.5312, Acc.car: 0.9241, Acc.water: 0.8397, Acc.painting: 0.7931, Acc.sofa: 0.9044, Acc.shelf: 0.5393, Acc.house: 0.6684, Acc.sea: 0.7478, Acc.mirror: 0.7596, Acc.rug: 0.6257, Acc.field: 0.7721, Acc.armchair: 0.5725, Acc.seat: 0.8596, Acc.fence: 0.3724, Acc.desk: 0.5395, Acc.rock: 0.7750, Acc.wardrobe: 0.8204, Acc.lamp: 0.6266, Acc.bathtub: 0.8214, Acc.railing: 0.3220, Acc.cushion: 0.5686, Acc.base: 0.2987, Acc.box: 0.0861, Acc.column: 0.0354, Acc.signboard: 0.2610, Acc.chest of drawers: 0.4907, Acc.counter: 0.7024, Acc.sand: 0.4972, Acc.sink: 0.7800, Acc.skyscraper: 0.6479, Acc.fireplace: 0.9589, Acc.refrigerator: 0.8076, Acc.grandstand: 0.5806, Acc.path: 0.1482, Acc.stairs: 0.3533, Acc.runway: 0.9588, Acc.case: 0.7603, Acc.pool table: 0.9714, Acc.pillow: 0.5480, Acc.screen door: 0.7950, Acc.stairway: 0.4521, Acc.river: 0.0033, Acc.bridge: 0.7438, Acc.bookcase: 0.6194, Acc.blind: 0.0000, Acc.coffee table: 0.8469, Acc.toilet: 0.9452, Acc.flower: 0.4335, Acc.book: 0.4139, Acc.hill: 0.0180, Acc.bench: 0.5408, Acc.countertop: 0.2250, Acc.stove: 0.9102, Acc.palm: 0.4206, Acc.kitchen island: 0.7979, Acc.computer: 0.7953, Acc.swivel chair: 0.7556, Acc.boat: 0.8307, Acc.bar: 0.6764, Acc.arcade machine: 0.9449, Acc.hovel: 0.0908, Acc.bus: 0.8912, Acc.towel: 0.5772, Acc.light: 0.0140, Acc.truck: 0.2392, Acc.tower: 0.0000, Acc.chandelier: 0.6495, Acc.awning: 0.0561, Acc.streetlight: 0.0000, Acc.booth: 0.0000, Acc.television receiver: 0.7202, Acc.airplane: 0.5988, Acc.dirt track: 0.0000, Acc.apparel: 0.2354, Acc.pole: 0.0000, Acc.land: 0.0000, Acc.bannister: 0.0000, Acc.escalator: 0.1070, Acc.ottoman: 0.0820, Acc.bottle: 0.0757, Acc.buffet: 0.0000, Acc.poster: 0.0000, Acc.stage: 0.2394, Acc.van: 0.0824, Acc.ship: 0.0000, Acc.fountain: 0.0000, Acc.conveyer belt: 0.9875, Acc.canopy: 0.1487, Acc.washer: 0.9902, Acc.plaything: 0.0000, Acc.swimming pool: 0.7561, Acc.stool: 0.0000, Acc.barrel: 0.5310, Acc.basket: 0.0000, Acc.waterfall: 0.5266, Acc.tent: 0.9971, Acc.bag: 0.0000, Acc.minibike: 0.0767, Acc.cradle: 0.9703, Acc.oven: 0.0000, Acc.ball: 0.3858, Acc.food: 0.4116, Acc.step: 0.0000, Acc.tank: 0.0000, Acc.trade name: 0.0000, Acc.microwave: 0.8016, Acc.pot: 0.0000, Acc.animal: 0.0000, Acc.bicycle: 0.1165, Acc.lake: 0.0000, Acc.dishwasher: 0.0000, Acc.screen: 0.6364, 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 2023-11-02 02:31:55,716 - mmseg - INFO - Iter [1050/80000] lr: 2.236e-06, eta: 1 day, 17:27:15, time: 4.634, data_time: 2.975, memory: 69173, decode.loss_ce: 0.7729, decode.acc_seg: 74.6958, aux.loss_ce: 0.4214, aux.acc_seg: 68.0543, loss: 1.1942 2023-11-02 02:33:18,919 - mmseg - INFO - Iter [1100/80000] lr: 2.341e-06, eta: 1 day, 17:12:10, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.7663, decode.acc_seg: 74.7875, aux.loss_ce: 0.4070, aux.acc_seg: 69.3233, loss: 1.1733 2023-11-02 02:34:42,170 - mmseg - INFO - Iter [1150/80000] lr: 2.446e-06, eta: 1 day, 16:58:19, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.7519, decode.acc_seg: 75.5162, aux.loss_ce: 0.4073, aux.acc_seg: 68.9263, loss: 1.1592 2023-11-02 02:36:05,391 - mmseg - INFO - Iter [1200/80000] lr: 2.551e-06, eta: 1 day, 16:45:28, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.7247, decode.acc_seg: 75.9173, aux.loss_ce: 0.3880, aux.acc_seg: 70.8403, loss: 1.1127 2023-11-02 02:37:28,597 - mmseg - INFO - Iter [1250/80000] lr: 2.656e-06, eta: 1 day, 16:33:31, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.6850, decode.acc_seg: 77.1113, aux.loss_ce: 0.3702, aux.acc_seg: 71.3684, loss: 1.0552 2023-11-02 02:38:54,226 - mmseg - INFO - Iter [1300/80000] lr: 2.760e-06, eta: 1 day, 16:24:50, time: 1.713, data_time: 0.054, memory: 69173, decode.loss_ce: 0.6793, decode.acc_seg: 75.9155, aux.loss_ce: 0.3719, aux.acc_seg: 70.4449, loss: 1.0512 2023-11-02 02:40:17,535 - mmseg - INFO - Iter [1350/80000] lr: 2.865e-06, eta: 1 day, 16:14:26, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6649, decode.acc_seg: 77.5327, aux.loss_ce: 0.3547, aux.acc_seg: 72.0038, loss: 1.0196 2023-11-02 02:41:40,845 - mmseg - INFO - Iter [1400/80000] lr: 2.969e-06, eta: 1 day, 16:04:41, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6771, decode.acc_seg: 77.1354, aux.loss_ce: 0.3574, aux.acc_seg: 72.6446, loss: 1.0345 2023-11-02 02:43:04,212 - mmseg - INFO - Iter [1450/80000] lr: 3.073e-06, eta: 1 day, 15:55:33, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6896, decode.acc_seg: 76.1670, aux.loss_ce: 0.3599, aux.acc_seg: 71.3953, loss: 1.0495 2023-11-02 02:44:27,573 - mmseg - INFO - Iter [1500/80000] lr: 3.177e-06, eta: 1 day, 15:46:56, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6895, decode.acc_seg: 75.8295, aux.loss_ce: 0.3613, aux.acc_seg: 70.7565, loss: 1.0508 2023-11-02 02:45:50,851 - mmseg - INFO - Iter [1550/80000] lr: 3.177e-06, eta: 1 day, 15:38:43, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6830, decode.acc_seg: 76.4779, aux.loss_ce: 0.3597, aux.acc_seg: 71.6370, loss: 1.0428 2023-11-02 02:47:14,104 - mmseg - INFO - Iter [1600/80000] lr: 3.175e-06, eta: 1 day, 15:30:54, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6677, decode.acc_seg: 75.7794, aux.loss_ce: 0.3288, aux.acc_seg: 72.7210, loss: 0.9965 2023-11-02 02:48:37,409 - mmseg - INFO - Iter [1650/80000] lr: 3.173e-06, eta: 1 day, 15:23:31, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.6637, decode.acc_seg: 76.8372, aux.loss_ce: 0.3347, aux.acc_seg: 72.3162, loss: 0.9985 2023-11-02 02:50:00,726 - mmseg - INFO - Iter [1700/80000] lr: 3.171e-06, eta: 1 day, 15:16:30, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.6269, decode.acc_seg: 77.8573, aux.loss_ce: 0.3206, aux.acc_seg: 73.7370, loss: 0.9475 2023-11-02 02:51:24,008 - mmseg - INFO - Iter [1750/80000] lr: 3.169e-06, eta: 1 day, 15:09:46, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.6201, decode.acc_seg: 77.8385, aux.loss_ce: 0.3221, aux.acc_seg: 73.1695, loss: 0.9422 2023-11-02 02:52:47,313 - mmseg - INFO - Iter [1800/80000] lr: 3.167e-06, eta: 1 day, 15:03:21, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.6525, decode.acc_seg: 76.7078, aux.loss_ce: 0.3175, aux.acc_seg: 73.7519, loss: 0.9700 2023-11-02 02:54:10,635 - mmseg - INFO - Iter [1850/80000] lr: 3.165e-06, eta: 1 day, 14:57:14, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5943, decode.acc_seg: 78.6445, aux.loss_ce: 0.2999, aux.acc_seg: 74.0339, loss: 0.8942 2023-11-02 02:55:33,947 - mmseg - INFO - Iter [1900/80000] lr: 3.163e-06, eta: 1 day, 14:51:21, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5822, decode.acc_seg: 79.0803, aux.loss_ce: 0.2923, aux.acc_seg: 75.3784, loss: 0.8745 2023-11-02 02:56:57,269 - mmseg - INFO - Iter [1950/80000] lr: 3.161e-06, eta: 1 day, 14:45:42, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6037, decode.acc_seg: 78.4357, aux.loss_ce: 0.3004, aux.acc_seg: 75.0317, loss: 0.9041 2023-11-02 02:58:20,598 - mmseg - INFO - Saving checkpoint at 2000 iterations 2023-11-02 02:59:13,684 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 02:59:13,684 - mmseg - INFO - Iter [2000/80000] lr: 3.159e-06, eta: 1 day, 15:14:46, time: 2.728, data_time: 0.007, memory: 69173, decode.loss_ce: 0.6528, decode.acc_seg: 77.1709, aux.loss_ce: 0.3165, aux.acc_seg: 73.1334, loss: 0.9693 2023-11-02 03:00:39,139 - mmseg - INFO - per class results: 2023-11-02 03:00:39,145 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 74.37 | 84.06 | | building | 80.35 | 94.67 | | sky | 93.57 | 95.93 | | floor | 79.35 | 85.12 | | tree | 73.64 | 88.94 | | ceiling | 82.4 | 93.42 | | road | 83.38 | 90.94 | | bed | 85.39 | 97.4 | | windowpane | 61.47 | 76.3 | | grass | 65.97 | 88.55 | | cabinet | 58.46 | 69.28 | | sidewalk | 62.52 | 81.13 | | person | 78.27 | 89.14 | | earth | 30.78 | 38.5 | | door | 55.12 | 71.41 | | table | 57.31 | 69.32 | | mountain | 51.99 | 63.51 | | plant | 54.17 | 65.59 | | curtain | 66.61 | 88.72 | | chair | 53.26 | 67.3 | | car | 82.61 | 90.81 | | water | 41.24 | 48.05 | | painting | 65.16 | 87.7 | | sofa | 68.86 | 79.78 | | shelf | 36.28 | 53.84 | | house | 39.13 | 43.44 | | sea | 55.82 | 63.4 | | mirror | 69.68 | 81.09 | | rug | 65.99 | 85.98 | | field | 23.43 | 36.86 | | armchair | 46.44 | 75.74 | | seat | 56.44 | 91.44 | | fence | 27.45 | 31.19 | | desk | 39.82 | 62.54 | | rock | 47.99 | 80.21 | | wardrobe | 59.38 | 78.03 | | lamp | 55.28 | 63.58 | | bathtub | 73.72 | 81.72 | | railing | 39.53 | 55.24 | | cushion | 55.09 | 67.75 | | base | 23.33 | 26.1 | | box | 26.86 | 47.03 | | column | 46.36 | 70.38 | | signboard | 32.58 | 43.0 | | chest of drawers | 36.91 | 58.97 | | counter | 53.37 | 68.26 | | sand | 40.39 | 62.59 | | sink | 63.96 | 67.14 | | skyscraper | 49.44 | 60.06 | | fireplace | 64.51 | 93.73 | | refrigerator | 63.84 | 87.05 | | grandstand | 43.82 | 84.77 | | path | 20.02 | 29.83 | | stairs | 11.11 | 11.88 | | runway | 67.64 | 94.06 | | case | 55.71 | 60.0 | | pool table | 88.93 | 97.07 | | pillow | 44.33 | 48.94 | | screen door | 66.26 | 74.18 | | stairway | 30.28 | 55.32 | | river | 11.86 | 69.83 | | bridge | 36.53 | 43.94 | | bookcase | 28.98 | 74.65 | | blind | 21.7 | 23.53 | | coffee table | 58.93 | 81.89 | | toilet | 83.29 | 93.14 | | flower | 36.16 | 51.37 | | book | 35.87 | 48.16 | | hill | 6.52 | 9.21 | | bench | 47.77 | 80.44 | | countertop | 50.88 | 82.03 | | stove | 70.82 | 86.57 | | palm | 48.99 | 80.55 | | kitchen island | 35.84 | 89.61 | | computer | 66.73 | 93.65 | | swivel chair | 32.4 | 41.75 | | boat | 59.53 | 77.76 | | bar | 66.83 | 79.38 | | arcade machine | 85.83 | 96.19 | | hovel | 41.38 | 55.54 | | bus | 86.61 | 95.41 | | towel | 56.3 | 82.92 | | light | 24.26 | 25.3 | | truck | 32.75 | 61.93 | | tower | 13.88 | 25.8 | | chandelier | 59.38 | 78.99 | | awning | 26.73 | 28.32 | | streetlight | 14.28 | 19.87 | | booth | 31.06 | 34.96 | | television receiver | 71.22 | 78.34 | | airplane | 52.36 | 62.58 | | dirt track | 0.0 | 0.0 | | apparel | 30.54 | 38.65 | | pole | 0.06 | 0.06 | | land | 13.36 | 15.63 | | bannister | 2.17 | 2.61 | | escalator | 60.19 | 88.56 | | ottoman | 48.17 | 65.09 | | bottle | 36.64 | 58.42 | | buffet | 0.0 | 0.0 | | poster | 2.1 | 2.1 | | stage | 18.54 | 36.25 | | van | 43.78 | 55.28 | | ship | 12.61 | 12.7 | | fountain | 63.62 | 66.62 | | conveyer belt | 53.78 | 99.29 | | canopy | 30.95 | 34.0 | | washer | 78.89 | 91.62 | | plaything | 20.8 | 52.99 | | swimming pool | 67.41 | 76.2 | | stool | 10.71 | 11.07 | | barrel | 49.58 | 65.0 | | basket | 16.32 | 17.04 | | waterfall | 56.18 | 95.83 | | tent | 84.51 | 99.31 | | bag | 2.47 | 2.48 | | minibike | 62.73 | 87.8 | | cradle | 70.1 | 98.65 | | oven | 42.01 | 47.49 | | ball | 38.59 | 65.08 | | food | 57.64 | 77.48 | | step | 0.0 | 0.0 | | tank | 33.7 | 34.48 | | trade name | 2.27 | 2.29 | | microwave | 81.25 | 93.34 | | pot | 45.62 | 50.72 | | animal | 58.53 | 60.15 | | bicycle | 48.7 | 75.16 | | lake | 0.0 | 0.0 | | dishwasher | 60.17 | 76.51 | | screen | 51.25 | 93.2 | | blanket | 0.55 | 0.56 | | sculpture | 41.56 | 53.49 | | hood | 57.94 | 62.86 | | sconce | 15.67 | 16.24 | | vase | 27.87 | 43.08 | | traffic light | 0.0 | 0.0 | | tray | 0.0 | 0.0 | | ashcan | 23.19 | 23.43 | | fan | 41.99 | 49.45 | | pier | 26.11 | 26.35 | | crt screen | 0.0 | 0.0 | | plate | 41.51 | 49.45 | | monitor | 57.88 | 80.43 | | bulletin board | 22.89 | 24.24 | | shower | 0.0 | 0.0 | | radiator | 52.24 | 55.05 | | glass | 0.0 | 0.0 | | clock | 0.0 | 0.0 | | flag | 7.62 | 7.63 | +---------------------+-------+-------+ 2023-11-02 03:00:39,145 - mmseg - INFO - Summary: 2023-11-02 03:00:39,145 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 81.39 | 43.97 | 57.29 | +-------+-------+-------+ 2023-11-02 03:00:39,146 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 03:00:39,146 - mmseg - INFO - Iter(val) [250] aAcc: 0.8139, mIoU: 0.4397, mAcc: 0.5729, IoU.wall: 0.7437, IoU.building: 0.8035, IoU.sky: 0.9357, IoU.floor: 0.7935, IoU.tree: 0.7364, IoU.ceiling: 0.8240, IoU.road: 0.8338, IoU.bed : 0.8539, IoU.windowpane: 0.6147, IoU.grass: 0.6597, IoU.cabinet: 0.5846, IoU.sidewalk: 0.6252, IoU.person: 0.7827, IoU.earth: 0.3078, IoU.door: 0.5512, IoU.table: 0.5731, IoU.mountain: 0.5199, IoU.plant: 0.5417, IoU.curtain: 0.6661, IoU.chair: 0.5326, IoU.car: 0.8261, IoU.water: 0.4124, IoU.painting: 0.6516, IoU.sofa: 0.6886, IoU.shelf: 0.3628, IoU.house: 0.3913, IoU.sea: 0.5582, IoU.mirror: 0.6968, IoU.rug: 0.6599, IoU.field: 0.2343, IoU.armchair: 0.4644, IoU.seat: 0.5644, IoU.fence: 0.2745, IoU.desk: 0.3982, IoU.rock: 0.4799, IoU.wardrobe: 0.5938, IoU.lamp: 0.5528, IoU.bathtub: 0.7372, IoU.railing: 0.3953, IoU.cushion: 0.5509, IoU.base: 0.2333, IoU.box: 0.2686, IoU.column: 0.4636, IoU.signboard: 0.3258, IoU.chest of drawers: 0.3691, IoU.counter: 0.5337, IoU.sand: 0.4039, IoU.sink: 0.6396, IoU.skyscraper: 0.4944, IoU.fireplace: 0.6451, IoU.refrigerator: 0.6384, IoU.grandstand: 0.4382, IoU.path: 0.2002, IoU.stairs: 0.1111, IoU.runway: 0.6764, IoU.case: 0.5571, IoU.pool table: 0.8893, IoU.pillow: 0.4433, IoU.screen door: 0.6626, IoU.stairway: 0.3028, IoU.river: 0.1186, IoU.bridge: 0.3653, IoU.bookcase: 0.2898, IoU.blind: 0.2170, IoU.coffee table: 0.5893, IoU.toilet: 0.8329, IoU.flower: 0.3616, IoU.book: 0.3587, IoU.hill: 0.0652, IoU.bench: 0.4777, IoU.countertop: 0.5088, IoU.stove: 0.7082, IoU.palm: 0.4899, IoU.kitchen island: 0.3584, IoU.computer: 0.6673, IoU.swivel chair: 0.3240, IoU.boat: 0.5953, IoU.bar: 0.6683, IoU.arcade machine: 0.8583, IoU.hovel: 0.4138, IoU.bus: 0.8661, IoU.towel: 0.5630, IoU.light: 0.2426, IoU.truck: 0.3275, IoU.tower: 0.1388, IoU.chandelier: 0.5938, IoU.awning: 0.2673, IoU.streetlight: 0.1428, IoU.booth: 0.3106, IoU.television receiver: 0.7122, IoU.airplane: 0.5236, IoU.dirt track: 0.0000, IoU.apparel: 0.3054, IoU.pole: 0.0006, IoU.land: 0.1336, IoU.bannister: 0.0217, IoU.escalator: 0.6019, IoU.ottoman: 0.4817, IoU.bottle: 0.3664, IoU.buffet: 0.0000, IoU.poster: 0.0210, IoU.stage: 0.1854, IoU.van: 0.4378, IoU.ship: 0.1261, IoU.fountain: 0.6362, IoU.conveyer belt: 0.5378, IoU.canopy: 0.3095, IoU.washer: 0.7889, IoU.plaything: 0.2080, IoU.swimming pool: 0.6741, IoU.stool: 0.1071, IoU.barrel: 0.4958, IoU.basket: 0.1632, IoU.waterfall: 0.5618, IoU.tent: 0.8451, IoU.bag: 0.0247, IoU.minibike: 0.6273, IoU.cradle: 0.7010, IoU.oven: 0.4201, IoU.ball: 0.3859, IoU.food: 0.5764, IoU.step: 0.0000, IoU.tank: 0.3370, IoU.trade name: 0.0227, IoU.microwave: 0.8125, IoU.pot: 0.4562, IoU.animal: 0.5853, IoU.bicycle: 0.4870, IoU.lake: 0.0000, IoU.dishwasher: 0.6017, IoU.screen: 0.5125, IoU.blanket: 0.0055, IoU.sculpture: 0.4156, IoU.hood: 0.5794, IoU.sconce: 0.1567, IoU.vase: 0.2787, IoU.traffic light: 0.0000, IoU.tray: 0.0000, IoU.ashcan: 0.2319, IoU.fan: 0.4199, IoU.pier: 0.2611, IoU.crt screen: 0.0000, IoU.plate: 0.4151, IoU.monitor: 0.5788, IoU.bulletin board: 0.2289, IoU.shower: 0.0000, IoU.radiator: 0.5224, IoU.glass: 0.0000, IoU.clock: 0.0000, IoU.flag: 0.0762, Acc.wall: 0.8406, Acc.building: 0.9467, Acc.sky: 0.9593, Acc.floor: 0.8512, Acc.tree: 0.8894, Acc.ceiling: 0.9342, Acc.road: 0.9094, Acc.bed : 0.9740, Acc.windowpane: 0.7630, Acc.grass: 0.8855, Acc.cabinet: 0.6928, Acc.sidewalk: 0.8113, Acc.person: 0.8914, Acc.earth: 0.3850, Acc.door: 0.7141, Acc.table: 0.6932, Acc.mountain: 0.6351, Acc.plant: 0.6559, Acc.curtain: 0.8872, Acc.chair: 0.6730, Acc.car: 0.9081, Acc.water: 0.4805, Acc.painting: 0.8770, Acc.sofa: 0.7978, Acc.shelf: 0.5384, Acc.house: 0.4344, Acc.sea: 0.6340, Acc.mirror: 0.8109, Acc.rug: 0.8598, Acc.field: 0.3686, Acc.armchair: 0.7574, Acc.seat: 0.9144, Acc.fence: 0.3119, Acc.desk: 0.6254, Acc.rock: 0.8021, Acc.wardrobe: 0.7803, Acc.lamp: 0.6358, Acc.bathtub: 0.8172, Acc.railing: 0.5524, Acc.cushion: 0.6775, Acc.base: 0.2610, Acc.box: 0.4703, Acc.column: 0.7038, Acc.signboard: 0.4300, Acc.chest of drawers: 0.5897, Acc.counter: 0.6826, Acc.sand: 0.6259, Acc.sink: 0.6714, Acc.skyscraper: 0.6006, Acc.fireplace: 0.9373, Acc.refrigerator: 0.8705, Acc.grandstand: 0.8477, Acc.path: 0.2983, Acc.stairs: 0.1188, Acc.runway: 0.9406, Acc.case: 0.6000, Acc.pool table: 0.9707, Acc.pillow: 0.4894, Acc.screen door: 0.7418, Acc.stairway: 0.5532, Acc.river: 0.6983, Acc.bridge: 0.4394, Acc.bookcase: 0.7465, Acc.blind: 0.2353, Acc.coffee table: 0.8189, Acc.toilet: 0.9314, Acc.flower: 0.5137, Acc.book: 0.4816, Acc.hill: 0.0921, Acc.bench: 0.8044, Acc.countertop: 0.8203, Acc.stove: 0.8657, Acc.palm: 0.8055, Acc.kitchen island: 0.8961, Acc.computer: 0.9365, Acc.swivel chair: 0.4175, Acc.boat: 0.7776, Acc.bar: 0.7938, Acc.arcade machine: 0.9619, Acc.hovel: 0.5554, Acc.bus: 0.9541, Acc.towel: 0.8292, Acc.light: 0.2530, Acc.truck: 0.6193, Acc.tower: 0.2580, Acc.chandelier: 0.7899, Acc.awning: 0.2832, Acc.streetlight: 0.1987, Acc.booth: 0.3496, Acc.television receiver: 0.7834, Acc.airplane: 0.6258, Acc.dirt track: 0.0000, Acc.apparel: 0.3865, Acc.pole: 0.0006, Acc.land: 0.1563, Acc.bannister: 0.0261, Acc.escalator: 0.8856, Acc.ottoman: 0.6509, Acc.bottle: 0.5842, Acc.buffet: 0.0000, Acc.poster: 0.0210, Acc.stage: 0.3625, Acc.van: 0.5528, Acc.ship: 0.1270, Acc.fountain: 0.6662, Acc.conveyer belt: 0.9929, Acc.canopy: 0.3400, Acc.washer: 0.9162, Acc.plaything: 0.5299, Acc.swimming pool: 0.7620, Acc.stool: 0.1107, Acc.barrel: 0.6500, Acc.basket: 0.1704, Acc.waterfall: 0.9583, Acc.tent: 0.9931, Acc.bag: 0.0248, Acc.minibike: 0.8780, Acc.cradle: 0.9865, Acc.oven: 0.4749, Acc.ball: 0.6508, Acc.food: 0.7748, Acc.step: 0.0000, Acc.tank: 0.3448, Acc.trade name: 0.0229, Acc.microwave: 0.9334, Acc.pot: 0.5072, Acc.animal: 0.6015, Acc.bicycle: 0.7516, Acc.lake: 0.0000, Acc.dishwasher: 0.7651, Acc.screen: 0.9320, Acc.blanket: 0.0056, Acc.sculpture: 0.5349, Acc.hood: 0.6286, Acc.sconce: 0.1624, Acc.vase: 0.4308, Acc.traffic light: 0.0000, Acc.tray: 0.0000, Acc.ashcan: 0.2343, Acc.fan: 0.4945, Acc.pier: 0.2635, Acc.crt screen: 0.0000, Acc.plate: 0.4945, Acc.monitor: 0.8043, Acc.bulletin board: 0.2424, Acc.shower: 0.0000, Acc.radiator: 0.5505, Acc.glass: 0.0000, Acc.clock: 0.0000, Acc.flag: 0.0763 2023-11-02 03:02:02,606 - mmseg - INFO - Iter [2050/80000] lr: 3.157e-06, eta: 1 day, 16:02:55, time: 3.378, data_time: 1.717, memory: 69173, decode.loss_ce: 0.5788, decode.acc_seg: 78.7135, aux.loss_ce: 0.2842, aux.acc_seg: 75.2671, loss: 0.8630 2023-11-02 03:03:25,899 - mmseg - INFO - Iter [2100/80000] lr: 3.155e-06, eta: 1 day, 15:55:42, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5895, decode.acc_seg: 78.5556, aux.loss_ce: 0.2944, aux.acc_seg: 74.7344, loss: 0.8839 2023-11-02 03:04:49,223 - mmseg - INFO - Iter [2150/80000] lr: 3.153e-06, eta: 1 day, 15:48:46, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6309, decode.acc_seg: 77.3599, aux.loss_ce: 0.3058, aux.acc_seg: 74.4430, loss: 0.9367 2023-11-02 03:06:12,523 - mmseg - INFO - Iter [2200/80000] lr: 3.151e-06, eta: 1 day, 15:42:04, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5864, decode.acc_seg: 78.4154, aux.loss_ce: 0.2859, aux.acc_seg: 75.2480, loss: 0.8723 2023-11-02 03:07:35,861 - mmseg - INFO - Iter [2250/80000] lr: 3.149e-06, eta: 1 day, 15:35:38, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6116, decode.acc_seg: 77.9086, aux.loss_ce: 0.2947, aux.acc_seg: 74.9552, loss: 0.9064 2023-11-02 03:08:59,133 - mmseg - INFO - Iter [2300/80000] lr: 3.147e-06, eta: 1 day, 15:29:23, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6041, decode.acc_seg: 77.4538, aux.loss_ce: 0.2896, aux.acc_seg: 74.0099, loss: 0.8936 2023-11-02 03:10:22,453 - mmseg - INFO - Iter [2350/80000] lr: 3.145e-06, eta: 1 day, 15:23:22, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5903, decode.acc_seg: 78.1299, aux.loss_ce: 0.2959, aux.acc_seg: 74.1439, loss: 0.8863 2023-11-02 03:11:45,805 - mmseg - INFO - Iter [2400/80000] lr: 3.143e-06, eta: 1 day, 15:17:33, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5919, decode.acc_seg: 77.7478, aux.loss_ce: 0.2944, aux.acc_seg: 74.5164, loss: 0.8863 2023-11-02 03:13:09,164 - mmseg - INFO - Iter [2450/80000] lr: 3.141e-06, eta: 1 day, 15:11:55, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5714, decode.acc_seg: 79.2093, aux.loss_ce: 0.2834, aux.acc_seg: 75.2507, loss: 0.8548 2023-11-02 03:14:32,566 - mmseg - INFO - Iter [2500/80000] lr: 3.139e-06, eta: 1 day, 15:06:29, time: 1.668, data_time: 0.008, memory: 69173, decode.loss_ce: 0.6065, decode.acc_seg: 77.8139, aux.loss_ce: 0.2811, aux.acc_seg: 75.4401, loss: 0.8877 2023-11-02 03:15:58,304 - mmseg - INFO - Iter [2550/80000] lr: 3.137e-06, eta: 1 day, 15:02:24, time: 1.715, data_time: 0.052, memory: 69173, decode.loss_ce: 0.5796, decode.acc_seg: 79.6056, aux.loss_ce: 0.2880, aux.acc_seg: 75.5898, loss: 0.8676 2023-11-02 03:17:21,647 - mmseg - INFO - Iter [2600/80000] lr: 3.135e-06, eta: 1 day, 14:57:13, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5740, decode.acc_seg: 78.6349, aux.loss_ce: 0.2825, aux.acc_seg: 75.2762, loss: 0.8565 2023-11-02 03:18:44,996 - mmseg - INFO - Iter [2650/80000] lr: 3.133e-06, eta: 1 day, 14:52:11, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5269, decode.acc_seg: 80.5207, aux.loss_ce: 0.2624, aux.acc_seg: 77.5334, loss: 0.7893 2023-11-02 03:20:08,287 - mmseg - INFO - Iter [2700/80000] lr: 3.130e-06, eta: 1 day, 14:47:16, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5628, decode.acc_seg: 79.4340, aux.loss_ce: 0.2746, aux.acc_seg: 75.9002, loss: 0.8374 2023-11-02 03:21:31,632 - mmseg - INFO - Iter [2750/80000] lr: 3.128e-06, eta: 1 day, 14:42:29, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5539, decode.acc_seg: 78.4883, aux.loss_ce: 0.2691, aux.acc_seg: 75.6635, loss: 0.8229 2023-11-02 03:22:54,917 - mmseg - INFO - Iter [2800/80000] lr: 3.126e-06, eta: 1 day, 14:37:49, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5685, decode.acc_seg: 78.8379, aux.loss_ce: 0.2747, aux.acc_seg: 75.3494, loss: 0.8432 2023-11-02 03:24:18,206 - mmseg - INFO - Iter [2850/80000] lr: 3.124e-06, eta: 1 day, 14:33:15, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5472, decode.acc_seg: 80.2107, aux.loss_ce: 0.2646, aux.acc_seg: 76.6490, loss: 0.8118 2023-11-02 03:25:41,531 - mmseg - INFO - Iter [2900/80000] lr: 3.122e-06, eta: 1 day, 14:28:49, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5162, decode.acc_seg: 80.4569, aux.loss_ce: 0.2568, aux.acc_seg: 77.2543, loss: 0.7730 2023-11-02 03:27:04,906 - mmseg - INFO - Iter [2950/80000] lr: 3.120e-06, eta: 1 day, 14:24:30, time: 1.667, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5058, decode.acc_seg: 80.5610, aux.loss_ce: 0.2482, aux.acc_seg: 77.7475, loss: 0.7541 2023-11-02 03:28:28,224 - mmseg - INFO - Saving checkpoint at 3000 iterations 2023-11-02 03:29:23,108 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 03:29:23,108 - mmseg - INFO - Iter [3000/80000] lr: 3.118e-06, eta: 1 day, 14:43:45, time: 2.764, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5289, decode.acc_seg: 79.6922, aux.loss_ce: 0.2569, aux.acc_seg: 77.0387, loss: 0.7858 2023-11-02 03:30:48,073 - mmseg - INFO - per class results: 2023-11-02 03:30:48,079 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 75.61 | 84.95 | | building | 81.85 | 90.99 | | sky | 93.58 | 95.54 | | floor | 80.57 | 88.2 | | tree | 74.39 | 90.32 | | ceiling | 82.45 | 88.05 | | road | 84.29 | 91.87 | | bed | 88.65 | 95.19 | | windowpane | 60.93 | 75.43 | | grass | 67.33 | 77.68 | | cabinet | 61.07 | 73.87 | | sidewalk | 63.68 | 74.84 | | person | 80.13 | 90.82 | | earth | 33.69 | 45.13 | | door | 53.59 | 72.36 | | table | 60.14 | 74.14 | | mountain | 56.34 | 76.73 | | plant | 54.71 | 62.29 | | curtain | 65.11 | 92.21 | | chair | 54.62 | 67.58 | | car | 83.96 | 92.81 | | water | 62.11 | 79.95 | | painting | 68.99 | 89.04 | | sofa | 73.34 | 89.18 | | shelf | 39.27 | 61.2 | | house | 52.71 | 79.18 | | sea | 70.0 | 85.79 | | mirror | 64.78 | 91.34 | | rug | 58.36 | 61.07 | | field | 31.8 | 71.24 | | armchair | 50.44 | 69.1 | | seat | 60.92 | 87.18 | | fence | 44.22 | 59.63 | | desk | 41.98 | 72.61 | | rock | 56.61 | 73.84 | | wardrobe | 54.69 | 79.82 | | lamp | 56.97 | 68.94 | | bathtub | 83.34 | 91.43 | | railing | 29.39 | 36.95 | | cushion | 57.24 | 78.11 | | base | 37.44 | 47.35 | | box | 28.47 | 51.63 | | column | 42.65 | 48.22 | | signboard | 36.07 | 50.51 | | chest of drawers | 41.42 | 67.13 | | counter | 28.28 | 32.72 | | sand | 49.74 | 69.96 | | sink | 68.14 | 83.05 | | skyscraper | 44.95 | 67.11 | | fireplace | 64.03 | 93.16 | | refrigerator | 72.23 | 88.13 | | grandstand | 38.35 | 85.78 | | path | 24.54 | 33.73 | | stairs | 37.33 | 47.0 | | runway | 71.17 | 94.08 | | case | 46.34 | 50.18 | | pool table | 88.24 | 98.57 | | pillow | 56.66 | 78.44 | | screen door | 67.76 | 88.68 | | stairway | 44.9 | 58.54 | | river | 18.93 | 19.56 | | bridge | 59.12 | 67.49 | | bookcase | 25.08 | 34.2 | | blind | 31.96 | 35.23 | | coffee table | 56.08 | 81.87 | | toilet | 84.94 | 93.51 | | flower | 35.63 | 53.71 | | book | 44.39 | 79.3 | | hill | 0.02 | 0.02 | | bench | 43.56 | 67.56 | | countertop | 55.4 | 68.3 | | stove | 73.98 | 87.08 | | palm | 45.81 | 81.14 | | kitchen island | 42.36 | 75.0 | | computer | 65.7 | 94.83 | | swivel chair | 37.9 | 77.81 | | boat | 55.74 | 90.49 | | bar | 51.93 | 87.5 | | arcade machine | 85.5 | 97.66 | | hovel | 31.15 | 33.97 | | bus | 81.45 | 97.27 | | towel | 60.29 | 81.48 | | light | 33.13 | 35.07 | | truck | 34.46 | 52.78 | | tower | 8.09 | 11.81 | | chandelier | 60.15 | 86.49 | | awning | 45.37 | 58.59 | | streetlight | 18.75 | 24.84 | | booth | 33.9 | 35.05 | | television receiver | 67.59 | 86.01 | | airplane | 58.95 | 67.04 | | dirt track | 7.68 | 8.38 | | apparel | 39.4 | 61.32 | | pole | 10.72 | 12.94 | | land | 0.92 | 1.24 | | bannister | 6.96 | 9.85 | | escalator | 37.23 | 40.77 | | ottoman | 46.88 | 61.68 | | bottle | 14.12 | 15.61 | | buffet | 49.74 | 67.95 | | poster | 32.13 | 39.89 | | stage | 24.34 | 79.05 | | van | 37.41 | 44.29 | | ship | 70.54 | 79.21 | | fountain | 39.09 | 39.5 | | conveyer belt | 24.08 | 24.41 | | canopy | 35.06 | 40.03 | | washer | 80.91 | 91.6 | | plaything | 17.07 | 39.75 | | swimming pool | 54.32 | 93.66 | | stool | 38.81 | 49.84 | | barrel | 42.2 | 64.93 | | basket | 33.21 | 43.39 | | waterfall | 49.72 | 98.61 | | tent | 75.94 | 99.63 | | bag | 13.55 | 14.1 | | minibike | 70.04 | 84.49 | | cradle | 75.55 | 98.0 | | oven | 31.57 | 32.4 | | ball | 47.69 | 62.06 | | food | 60.48 | 71.06 | | step | 4.6 | 4.91 | | tank | 44.36 | 68.27 | | trade name | 30.59 | 39.29 | | microwave | 84.32 | 91.8 | | pot | 46.55 | 54.31 | | animal | 63.76 | 65.28 | | bicycle | 53.17 | 75.19 | | lake | 1.53 | 1.94 | | dishwasher | 61.9 | 77.84 | | screen | 50.33 | 90.97 | | blanket | 3.16 | 3.31 | | sculpture | 48.25 | 70.99 | | hood | 65.79 | 75.76 | | sconce | 41.56 | 53.63 | | vase | 34.16 | 44.38 | | traffic light | 22.6 | 31.25 | | tray | 9.12 | 14.42 | | ashcan | 40.62 | 61.98 | | fan | 52.94 | 73.77 | | pier | 36.24 | 37.63 | | crt screen | 0.29 | 0.86 | | plate | 47.68 | 73.09 | | monitor | 0.03 | 0.03 | | bulletin board | 39.56 | 41.61 | | shower | 0.0 | 0.0 | | radiator | 61.23 | 77.96 | | glass | 0.03 | 0.03 | | clock | 16.77 | 16.99 | | flag | 61.3 | 67.73 | +---------------------+-------+-------+ 2023-11-02 03:30:48,080 - mmseg - INFO - Summary: 2023-11-02 03:30:48,080 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 82.49 | 47.6 | 62.05 | +-------+------+-------+ 2023-11-02 03:30:48,081 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 03:30:48,081 - mmseg - INFO - Iter(val) [250] aAcc: 0.8249, mIoU: 0.4760, mAcc: 0.6205, IoU.wall: 0.7561, IoU.building: 0.8185, IoU.sky: 0.9358, IoU.floor: 0.8057, IoU.tree: 0.7439, IoU.ceiling: 0.8245, IoU.road: 0.8429, IoU.bed : 0.8865, IoU.windowpane: 0.6093, IoU.grass: 0.6733, IoU.cabinet: 0.6107, IoU.sidewalk: 0.6368, IoU.person: 0.8013, IoU.earth: 0.3369, IoU.door: 0.5359, IoU.table: 0.6014, IoU.mountain: 0.5634, IoU.plant: 0.5471, IoU.curtain: 0.6511, IoU.chair: 0.5462, IoU.car: 0.8396, IoU.water: 0.6211, IoU.painting: 0.6899, IoU.sofa: 0.7334, IoU.shelf: 0.3927, IoU.house: 0.5271, IoU.sea: 0.7000, IoU.mirror: 0.6478, IoU.rug: 0.5836, IoU.field: 0.3180, IoU.armchair: 0.5044, IoU.seat: 0.6092, IoU.fence: 0.4422, IoU.desk: 0.4198, IoU.rock: 0.5661, IoU.wardrobe: 0.5469, IoU.lamp: 0.5697, IoU.bathtub: 0.8334, IoU.railing: 0.2939, IoU.cushion: 0.5724, IoU.base: 0.3744, IoU.box: 0.2847, IoU.column: 0.4265, IoU.signboard: 0.3607, IoU.chest of drawers: 0.4142, IoU.counter: 0.2828, IoU.sand: 0.4974, IoU.sink: 0.6814, IoU.skyscraper: 0.4495, IoU.fireplace: 0.6403, IoU.refrigerator: 0.7223, IoU.grandstand: 0.3835, IoU.path: 0.2454, IoU.stairs: 0.3733, IoU.runway: 0.7117, IoU.case: 0.4634, IoU.pool table: 0.8824, IoU.pillow: 0.5666, IoU.screen door: 0.6776, IoU.stairway: 0.4490, IoU.river: 0.1893, IoU.bridge: 0.5912, IoU.bookcase: 0.2508, IoU.blind: 0.3196, IoU.coffee table: 0.5608, IoU.toilet: 0.8494, IoU.flower: 0.3563, IoU.book: 0.4439, IoU.hill: 0.0002, IoU.bench: 0.4356, IoU.countertop: 0.5540, IoU.stove: 0.7398, IoU.palm: 0.4581, IoU.kitchen island: 0.4236, IoU.computer: 0.6570, IoU.swivel chair: 0.3790, IoU.boat: 0.5574, IoU.bar: 0.5193, IoU.arcade machine: 0.8550, IoU.hovel: 0.3115, IoU.bus: 0.8145, IoU.towel: 0.6029, IoU.light: 0.3313, IoU.truck: 0.3446, IoU.tower: 0.0809, IoU.chandelier: 0.6015, IoU.awning: 0.4537, IoU.streetlight: 0.1875, IoU.booth: 0.3390, IoU.television receiver: 0.6759, IoU.airplane: 0.5895, IoU.dirt track: 0.0768, IoU.apparel: 0.3940, IoU.pole: 0.1072, IoU.land: 0.0092, IoU.bannister: 0.0696, IoU.escalator: 0.3723, IoU.ottoman: 0.4688, IoU.bottle: 0.1412, IoU.buffet: 0.4974, IoU.poster: 0.3213, IoU.stage: 0.2434, IoU.van: 0.3741, IoU.ship: 0.7054, IoU.fountain: 0.3909, IoU.conveyer belt: 0.2408, IoU.canopy: 0.3506, IoU.washer: 0.8091, IoU.plaything: 0.1707, IoU.swimming pool: 0.5432, IoU.stool: 0.3881, IoU.barrel: 0.4220, IoU.basket: 0.3321, IoU.waterfall: 0.4972, IoU.tent: 0.7594, IoU.bag: 0.1355, IoU.minibike: 0.7004, IoU.cradle: 0.7555, IoU.oven: 0.3157, IoU.ball: 0.4769, IoU.food: 0.6048, IoU.step: 0.0460, IoU.tank: 0.4436, IoU.trade name: 0.3059, IoU.microwave: 0.8432, IoU.pot: 0.4655, IoU.animal: 0.6376, IoU.bicycle: 0.5317, IoU.lake: 0.0153, IoU.dishwasher: 0.6190, IoU.screen: 0.5033, IoU.blanket: 0.0316, IoU.sculpture: 0.4825, IoU.hood: 0.6579, IoU.sconce: 0.4156, IoU.vase: 0.3416, IoU.traffic light: 0.2260, IoU.tray: 0.0912, IoU.ashcan: 0.4062, IoU.fan: 0.5294, IoU.pier: 0.3624, IoU.crt screen: 0.0029, IoU.plate: 0.4768, IoU.monitor: 0.0003, IoU.bulletin board: 0.3956, IoU.shower: 0.0000, IoU.radiator: 0.6123, IoU.glass: 0.0003, IoU.clock: 0.1677, IoU.flag: 0.6130, Acc.wall: 0.8495, Acc.building: 0.9099, Acc.sky: 0.9554, Acc.floor: 0.8820, Acc.tree: 0.9032, Acc.ceiling: 0.8805, Acc.road: 0.9187, Acc.bed : 0.9519, Acc.windowpane: 0.7543, Acc.grass: 0.7768, Acc.cabinet: 0.7387, Acc.sidewalk: 0.7484, Acc.person: 0.9082, Acc.earth: 0.4513, Acc.door: 0.7236, Acc.table: 0.7414, Acc.mountain: 0.7673, Acc.plant: 0.6229, Acc.curtain: 0.9221, Acc.chair: 0.6758, Acc.car: 0.9281, Acc.water: 0.7995, Acc.painting: 0.8904, Acc.sofa: 0.8918, Acc.shelf: 0.6120, Acc.house: 0.7918, Acc.sea: 0.8579, Acc.mirror: 0.9134, Acc.rug: 0.6107, Acc.field: 0.7124, Acc.armchair: 0.6910, Acc.seat: 0.8718, Acc.fence: 0.5963, Acc.desk: 0.7261, Acc.rock: 0.7384, Acc.wardrobe: 0.7982, Acc.lamp: 0.6894, Acc.bathtub: 0.9143, Acc.railing: 0.3695, Acc.cushion: 0.7811, Acc.base: 0.4735, Acc.box: 0.5163, Acc.column: 0.4822, Acc.signboard: 0.5051, Acc.chest of drawers: 0.6713, Acc.counter: 0.3272, Acc.sand: 0.6996, Acc.sink: 0.8305, Acc.skyscraper: 0.6711, Acc.fireplace: 0.9316, Acc.refrigerator: 0.8813, Acc.grandstand: 0.8578, Acc.path: 0.3373, Acc.stairs: 0.4700, Acc.runway: 0.9408, Acc.case: 0.5018, Acc.pool table: 0.9857, Acc.pillow: 0.7844, Acc.screen door: 0.8868, Acc.stairway: 0.5854, Acc.river: 0.1956, Acc.bridge: 0.6749, Acc.bookcase: 0.3420, Acc.blind: 0.3523, Acc.coffee table: 0.8187, Acc.toilet: 0.9351, Acc.flower: 0.5371, Acc.book: 0.7930, Acc.hill: 0.0002, Acc.bench: 0.6756, Acc.countertop: 0.6830, Acc.stove: 0.8708, Acc.palm: 0.8114, Acc.kitchen island: 0.7500, Acc.computer: 0.9483, Acc.swivel chair: 0.7781, Acc.boat: 0.9049, Acc.bar: 0.8750, Acc.arcade machine: 0.9766, Acc.hovel: 0.3397, Acc.bus: 0.9727, Acc.towel: 0.8148, Acc.light: 0.3507, Acc.truck: 0.5278, Acc.tower: 0.1181, Acc.chandelier: 0.8649, Acc.awning: 0.5859, Acc.streetlight: 0.2484, Acc.booth: 0.3505, Acc.television receiver: 0.8601, Acc.airplane: 0.6704, Acc.dirt track: 0.0838, Acc.apparel: 0.6132, Acc.pole: 0.1294, Acc.land: 0.0124, Acc.bannister: 0.0985, Acc.escalator: 0.4077, Acc.ottoman: 0.6168, Acc.bottle: 0.1561, Acc.buffet: 0.6795, Acc.poster: 0.3989, Acc.stage: 0.7905, Acc.van: 0.4429, Acc.ship: 0.7921, Acc.fountain: 0.3950, Acc.conveyer belt: 0.2441, Acc.canopy: 0.4003, Acc.washer: 0.9160, Acc.plaything: 0.3975, Acc.swimming pool: 0.9366, Acc.stool: 0.4984, Acc.barrel: 0.6493, Acc.basket: 0.4339, Acc.waterfall: 0.9861, Acc.tent: 0.9963, Acc.bag: 0.1410, Acc.minibike: 0.8449, Acc.cradle: 0.9800, Acc.oven: 0.3240, Acc.ball: 0.6206, Acc.food: 0.7106, Acc.step: 0.0491, Acc.tank: 0.6827, Acc.trade name: 0.3929, Acc.microwave: 0.9180, Acc.pot: 0.5431, Acc.animal: 0.6528, Acc.bicycle: 0.7519, Acc.lake: 0.0194, Acc.dishwasher: 0.7784, Acc.screen: 0.9097, Acc.blanket: 0.0331, Acc.sculpture: 0.7099, Acc.hood: 0.7576, Acc.sconce: 0.5363, Acc.vase: 0.4438, Acc.traffic light: 0.3125, Acc.tray: 0.1442, Acc.ashcan: 0.6198, Acc.fan: 0.7377, Acc.pier: 0.3763, Acc.crt screen: 0.0086, Acc.plate: 0.7309, Acc.monitor: 0.0003, Acc.bulletin board: 0.4161, Acc.shower: 0.0000, Acc.radiator: 0.7796, Acc.glass: 0.0003, Acc.clock: 0.1699, Acc.flag: 0.6773 2023-11-02 03:32:11,478 - mmseg - INFO - Iter [3050/80000] lr: 3.116e-06, eta: 1 day, 15:14:58, time: 3.367, data_time: 1.708, memory: 69173, decode.loss_ce: 0.5163, decode.acc_seg: 80.5922, aux.loss_ce: 0.2520, aux.acc_seg: 77.3516, loss: 0.7683 2023-11-02 03:33:34,712 - mmseg - INFO - Iter [3100/80000] lr: 3.114e-06, eta: 1 day, 15:09:53, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5190, decode.acc_seg: 79.5445, aux.loss_ce: 0.2539, aux.acc_seg: 76.4375, loss: 0.7729 2023-11-02 03:34:57,920 - mmseg - INFO - Iter [3150/80000] lr: 3.112e-06, eta: 1 day, 15:04:55, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5221, decode.acc_seg: 79.9993, aux.loss_ce: 0.2527, aux.acc_seg: 77.3263, loss: 0.7748 2023-11-02 03:36:21,176 - mmseg - INFO - Iter [3200/80000] lr: 3.110e-06, eta: 1 day, 15:00:05, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5173, decode.acc_seg: 80.5264, aux.loss_ce: 0.2509, aux.acc_seg: 77.4165, loss: 0.7682 2023-11-02 03:37:44,414 - mmseg - INFO - Iter [3250/80000] lr: 3.108e-06, eta: 1 day, 14:55:20, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5166, decode.acc_seg: 80.5643, aux.loss_ce: 0.2523, aux.acc_seg: 77.3504, loss: 0.7689 2023-11-02 03:39:07,668 - mmseg - INFO - Iter [3300/80000] lr: 3.106e-06, eta: 1 day, 14:50:42, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5207, decode.acc_seg: 80.0774, aux.loss_ce: 0.2512, aux.acc_seg: 77.2693, loss: 0.7720 2023-11-02 03:40:30,932 - mmseg - INFO - Iter [3350/80000] lr: 3.104e-06, eta: 1 day, 14:46:10, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5257, decode.acc_seg: 80.1039, aux.loss_ce: 0.2548, aux.acc_seg: 77.1793, loss: 0.7805 2023-11-02 03:41:54,151 - mmseg - INFO - Iter [3400/80000] lr: 3.102e-06, eta: 1 day, 14:41:43, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5234, decode.acc_seg: 79.8292, aux.loss_ce: 0.2541, aux.acc_seg: 76.7187, loss: 0.7775 2023-11-02 03:43:17,370 - mmseg - INFO - Iter [3450/80000] lr: 3.100e-06, eta: 1 day, 14:37:21, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5002, decode.acc_seg: 80.7704, aux.loss_ce: 0.2360, aux.acc_seg: 78.4279, loss: 0.7362 2023-11-02 03:44:40,597 - mmseg - INFO - Iter [3500/80000] lr: 3.098e-06, eta: 1 day, 14:33:04, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4929, decode.acc_seg: 80.9767, aux.loss_ce: 0.2448, aux.acc_seg: 77.5904, loss: 0.7377 2023-11-02 03:46:03,801 - mmseg - INFO - Iter [3550/80000] lr: 3.096e-06, eta: 1 day, 14:28:52, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5176, decode.acc_seg: 79.7780, aux.loss_ce: 0.2489, aux.acc_seg: 77.3083, loss: 0.7665 2023-11-02 03:47:27,059 - mmseg - INFO - Iter [3600/80000] lr: 3.094e-06, eta: 1 day, 14:24:45, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5321, decode.acc_seg: 79.6810, aux.loss_ce: 0.2560, aux.acc_seg: 76.8035, loss: 0.7881 2023-11-02 03:48:50,284 - mmseg - INFO - Iter [3650/80000] lr: 3.092e-06, eta: 1 day, 14:20:43, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5059, decode.acc_seg: 79.9304, aux.loss_ce: 0.2402, aux.acc_seg: 77.2005, loss: 0.7461 2023-11-02 03:50:13,526 - mmseg - INFO - Iter [3700/80000] lr: 3.090e-06, eta: 1 day, 14:16:45, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5185, decode.acc_seg: 79.9773, aux.loss_ce: 0.2449, aux.acc_seg: 77.7954, loss: 0.7634 2023-11-02 03:51:36,776 - mmseg - INFO - Iter [3750/80000] lr: 3.088e-06, eta: 1 day, 14:12:51, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5375, decode.acc_seg: 79.5421, aux.loss_ce: 0.2486, aux.acc_seg: 77.4293, loss: 0.7861 2023-11-02 03:53:02,423 - mmseg - INFO - Iter [3800/80000] lr: 3.086e-06, eta: 1 day, 14:09:49, time: 1.713, data_time: 0.052, memory: 69173, decode.loss_ce: 0.4822, decode.acc_seg: 81.5997, aux.loss_ce: 0.2250, aux.acc_seg: 78.9187, loss: 0.7072 2023-11-02 03:54:25,754 - mmseg - INFO - Iter [3850/80000] lr: 3.084e-06, eta: 1 day, 14:06:04, time: 1.667, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4736, decode.acc_seg: 81.8288, aux.loss_ce: 0.2283, aux.acc_seg: 79.3786, loss: 0.7019 2023-11-02 03:55:49,043 - mmseg - INFO - Iter [3900/80000] lr: 3.082e-06, eta: 1 day, 14:02:22, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4580, decode.acc_seg: 82.4339, aux.loss_ce: 0.2272, aux.acc_seg: 78.8957, loss: 0.6852 2023-11-02 03:57:12,346 - mmseg - INFO - Iter [3950/80000] lr: 3.080e-06, eta: 1 day, 13:58:43, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4654, decode.acc_seg: 81.7602, aux.loss_ce: 0.2276, aux.acc_seg: 78.5835, loss: 0.6930 2023-11-02 03:58:35,631 - mmseg - INFO - Saving checkpoint at 4000 iterations 2023-11-02 03:59:34,287 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 03:59:34,287 - mmseg - INFO - Iter [4000/80000] lr: 3.078e-06, eta: 1 day, 14:13:42, time: 2.839, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4533, decode.acc_seg: 82.2387, aux.loss_ce: 0.2189, aux.acc_seg: 79.4557, loss: 0.6723 2023-11-02 04:00:58,556 - mmseg - INFO - per class results: 2023-11-02 04:00:58,565 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.1 | 87.12 | | building | 83.05 | 91.89 | | sky | 94.2 | 96.7 | | floor | 82.56 | 89.85 | | tree | 74.25 | 89.9 | | ceiling | 84.2 | 92.42 | | road | 83.89 | 93.03 | | bed | 88.86 | 96.41 | | windowpane | 62.24 | 76.48 | | grass | 68.74 | 81.67 | | cabinet | 61.18 | 71.13 | | sidewalk | 63.15 | 75.54 | | person | 80.99 | 92.52 | | earth | 33.5 | 43.52 | | door | 53.28 | 75.57 | | table | 60.53 | 74.96 | | mountain | 60.36 | 73.08 | | plant | 53.11 | 62.91 | | curtain | 70.71 | 89.72 | | chair | 59.0 | 72.91 | | car | 84.82 | 91.6 | | water | 65.06 | 86.52 | | painting | 72.4 | 88.0 | | sofa | 74.42 | 85.89 | | shelf | 45.32 | 63.22 | | house | 52.3 | 83.29 | | sea | 75.64 | 93.46 | | mirror | 72.23 | 89.16 | | rug | 66.68 | 75.88 | | field | 35.48 | 67.82 | | armchair | 50.11 | 59.89 | | seat | 64.61 | 80.01 | | fence | 50.37 | 68.04 | | desk | 47.65 | 67.13 | | rock | 57.38 | 79.7 | | wardrobe | 55.47 | 86.96 | | lamp | 60.17 | 72.74 | | bathtub | 81.44 | 89.87 | | railing | 35.17 | 49.34 | | cushion | 58.79 | 76.83 | | base | 42.68 | 54.21 | | box | 28.6 | 36.41 | | column | 48.46 | 59.96 | | signboard | 34.89 | 42.89 | | chest of drawers | 50.24 | 67.16 | | counter | 46.88 | 54.91 | | sand | 40.66 | 50.35 | | sink | 71.24 | 78.36 | | skyscraper | 41.7 | 46.4 | | fireplace | 66.71 | 92.5 | | refrigerator | 69.04 | 91.1 | | grandstand | 55.02 | 81.2 | | path | 20.44 | 42.84 | | stairs | 38.94 | 46.76 | | runway | 69.08 | 91.66 | | case | 58.14 | 83.13 | | pool table | 90.86 | 96.92 | | pillow | 49.44 | 54.89 | | screen door | 73.62 | 83.44 | | stairway | 34.42 | 38.32 | | river | 8.74 | 9.65 | | bridge | 71.51 | 76.26 | | bookcase | 34.34 | 44.29 | | blind | 25.25 | 27.23 | | coffee table | 54.63 | 87.61 | | toilet | 86.8 | 92.09 | | flower | 32.78 | 59.47 | | book | 50.17 | 69.56 | | hill | 4.78 | 6.25 | | bench | 57.85 | 65.96 | | countertop | 56.72 | 66.21 | | stove | 76.66 | 86.91 | | palm | 44.04 | 85.35 | | kitchen island | 22.5 | 30.86 | | computer | 70.3 | 93.75 | | swivel chair | 44.5 | 71.52 | | boat | 36.54 | 90.12 | | bar | 58.25 | 77.54 | | arcade machine | 86.46 | 92.45 | | hovel | 20.68 | 23.25 | | bus | 89.61 | 93.69 | | towel | 61.29 | 73.57 | | light | 42.22 | 46.82 | | truck | 40.48 | 53.91 | | tower | 26.44 | 55.44 | | chandelier | 64.2 | 77.59 | | awning | 41.18 | 48.77 | | streetlight | 22.13 | 30.47 | | booth | 36.94 | 91.23 | | television receiver | 72.4 | 82.14 | | airplane | 73.03 | 89.91 | | dirt track | 3.13 | 3.14 | | apparel | 27.54 | 31.9 | | pole | 8.27 | 9.53 | | land | 0.0 | 0.0 | | bannister | 6.48 | 10.68 | | escalator | 60.38 | 78.97 | | ottoman | 46.43 | 74.42 | | bottle | 22.45 | 26.68 | | buffet | 51.22 | 75.52 | | poster | 31.71 | 38.32 | | stage | 17.36 | 33.99 | | van | 45.28 | 61.36 | | ship | 1.53 | 1.54 | | fountain | 33.02 | 33.88 | | conveyer belt | 71.81 | 94.65 | | canopy | 42.32 | 57.27 | | washer | 80.9 | 86.57 | | plaything | 16.42 | 21.78 | | swimming pool | 73.19 | 78.11 | | stool | 38.32 | 44.37 | | barrel | 48.84 | 74.76 | | basket | 37.68 | 51.54 | | waterfall | 70.1 | 88.51 | | tent | 79.01 | 99.54 | | bag | 16.99 | 17.72 | | minibike | 70.23 | 81.92 | | cradle | 75.19 | 96.49 | | oven | 52.64 | 63.16 | | ball | 45.7 | 67.3 | | food | 50.92 | 64.36 | | step | 12.0 | 13.18 | | tank | 49.27 | 56.79 | | trade name | 15.39 | 16.07 | | microwave | 82.69 | 94.15 | | pot | 50.75 | 59.6 | | animal | 74.39 | 78.17 | | bicycle | 52.65 | 67.77 | | lake | 0.39 | 0.44 | | dishwasher | 58.29 | 66.51 | | screen | 61.71 | 84.58 | | blanket | 10.78 | 12.31 | | sculpture | 64.66 | 70.19 | | hood | 59.57 | 65.25 | | sconce | 43.58 | 49.7 | | vase | 34.01 | 49.25 | | traffic light | 23.69 | 35.34 | | tray | 2.37 | 2.39 | | ashcan | 47.53 | 57.55 | | fan | 57.1 | 75.39 | | pier | 37.65 | 42.73 | | crt screen | 0.0 | 0.0 | | plate | 52.27 | 65.7 | | monitor | 56.93 | 78.15 | | bulletin board | 54.15 | 60.29 | | shower | 0.0 | 0.0 | | radiator | 64.07 | 76.58 | | glass | 6.65 | 6.79 | | clock | 32.85 | 35.44 | | flag | 60.17 | 62.57 | +---------------------+-------+-------+ 2023-11-02 04:00:58,565 - mmseg - INFO - Summary: 2023-11-02 04:00:58,565 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.72 | 50.24 | 62.85 | +-------+-------+-------+ 2023-11-02 04:00:58,567 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 04:00:58,567 - mmseg - INFO - Iter(val) [250] aAcc: 0.8372, mIoU: 0.5024, mAcc: 0.6285, IoU.wall: 0.7810, IoU.building: 0.8305, IoU.sky: 0.9420, IoU.floor: 0.8256, IoU.tree: 0.7425, IoU.ceiling: 0.8420, IoU.road: 0.8389, IoU.bed : 0.8886, IoU.windowpane: 0.6224, IoU.grass: 0.6874, IoU.cabinet: 0.6118, IoU.sidewalk: 0.6315, IoU.person: 0.8099, IoU.earth: 0.3350, IoU.door: 0.5328, IoU.table: 0.6053, IoU.mountain: 0.6036, IoU.plant: 0.5311, IoU.curtain: 0.7071, IoU.chair: 0.5900, IoU.car: 0.8482, IoU.water: 0.6506, IoU.painting: 0.7240, IoU.sofa: 0.7442, IoU.shelf: 0.4532, IoU.house: 0.5230, IoU.sea: 0.7564, IoU.mirror: 0.7223, IoU.rug: 0.6668, IoU.field: 0.3548, IoU.armchair: 0.5011, IoU.seat: 0.6461, IoU.fence: 0.5037, IoU.desk: 0.4765, IoU.rock: 0.5738, IoU.wardrobe: 0.5547, IoU.lamp: 0.6017, IoU.bathtub: 0.8144, IoU.railing: 0.3517, IoU.cushion: 0.5879, IoU.base: 0.4268, IoU.box: 0.2860, IoU.column: 0.4846, IoU.signboard: 0.3489, IoU.chest of drawers: 0.5024, IoU.counter: 0.4688, IoU.sand: 0.4066, IoU.sink: 0.7124, IoU.skyscraper: 0.4170, IoU.fireplace: 0.6671, IoU.refrigerator: 0.6904, IoU.grandstand: 0.5502, IoU.path: 0.2044, IoU.stairs: 0.3894, IoU.runway: 0.6908, IoU.case: 0.5814, IoU.pool table: 0.9086, IoU.pillow: 0.4944, IoU.screen door: 0.7362, IoU.stairway: 0.3442, IoU.river: 0.0874, IoU.bridge: 0.7151, IoU.bookcase: 0.3434, IoU.blind: 0.2525, IoU.coffee table: 0.5463, IoU.toilet: 0.8680, IoU.flower: 0.3278, IoU.book: 0.5017, IoU.hill: 0.0478, IoU.bench: 0.5785, IoU.countertop: 0.5672, IoU.stove: 0.7666, IoU.palm: 0.4404, IoU.kitchen island: 0.2250, IoU.computer: 0.7030, IoU.swivel chair: 0.4450, IoU.boat: 0.3654, IoU.bar: 0.5825, IoU.arcade machine: 0.8646, IoU.hovel: 0.2068, IoU.bus: 0.8961, IoU.towel: 0.6129, IoU.light: 0.4222, IoU.truck: 0.4048, IoU.tower: 0.2644, IoU.chandelier: 0.6420, IoU.awning: 0.4118, IoU.streetlight: 0.2213, IoU.booth: 0.3694, IoU.television receiver: 0.7240, IoU.airplane: 0.7303, IoU.dirt track: 0.0313, IoU.apparel: 0.2754, IoU.pole: 0.0827, IoU.land: 0.0000, IoU.bannister: 0.0648, IoU.escalator: 0.6038, IoU.ottoman: 0.4643, IoU.bottle: 0.2245, IoU.buffet: 0.5122, IoU.poster: 0.3171, IoU.stage: 0.1736, IoU.van: 0.4528, IoU.ship: 0.0153, IoU.fountain: 0.3302, IoU.conveyer belt: 0.7181, IoU.canopy: 0.4232, IoU.washer: 0.8090, IoU.plaything: 0.1642, IoU.swimming pool: 0.7319, IoU.stool: 0.3832, IoU.barrel: 0.4884, IoU.basket: 0.3768, IoU.waterfall: 0.7010, IoU.tent: 0.7901, IoU.bag: 0.1699, IoU.minibike: 0.7023, IoU.cradle: 0.7519, IoU.oven: 0.5264, IoU.ball: 0.4570, IoU.food: 0.5092, IoU.step: 0.1200, IoU.tank: 0.4927, IoU.trade name: 0.1539, IoU.microwave: 0.8269, IoU.pot: 0.5075, IoU.animal: 0.7439, IoU.bicycle: 0.5265, IoU.lake: 0.0039, IoU.dishwasher: 0.5829, IoU.screen: 0.6171, IoU.blanket: 0.1078, IoU.sculpture: 0.6466, IoU.hood: 0.5957, IoU.sconce: 0.4358, IoU.vase: 0.3401, IoU.traffic light: 0.2369, IoU.tray: 0.0237, IoU.ashcan: 0.4753, IoU.fan: 0.5710, IoU.pier: 0.3765, IoU.crt screen: 0.0000, IoU.plate: 0.5227, IoU.monitor: 0.5693, IoU.bulletin board: 0.5415, IoU.shower: 0.0000, IoU.radiator: 0.6407, IoU.glass: 0.0665, IoU.clock: 0.3285, IoU.flag: 0.6017, Acc.wall: 0.8712, Acc.building: 0.9189, Acc.sky: 0.9670, Acc.floor: 0.8985, Acc.tree: 0.8990, Acc.ceiling: 0.9242, Acc.road: 0.9303, Acc.bed : 0.9641, Acc.windowpane: 0.7648, Acc.grass: 0.8167, Acc.cabinet: 0.7113, Acc.sidewalk: 0.7554, Acc.person: 0.9252, Acc.earth: 0.4352, Acc.door: 0.7557, Acc.table: 0.7496, Acc.mountain: 0.7308, Acc.plant: 0.6291, Acc.curtain: 0.8972, Acc.chair: 0.7291, Acc.car: 0.9160, Acc.water: 0.8652, Acc.painting: 0.8800, Acc.sofa: 0.8589, Acc.shelf: 0.6322, Acc.house: 0.8329, Acc.sea: 0.9346, Acc.mirror: 0.8916, Acc.rug: 0.7588, Acc.field: 0.6782, Acc.armchair: 0.5989, Acc.seat: 0.8001, Acc.fence: 0.6804, Acc.desk: 0.6713, Acc.rock: 0.7970, Acc.wardrobe: 0.8696, Acc.lamp: 0.7274, Acc.bathtub: 0.8987, Acc.railing: 0.4934, Acc.cushion: 0.7683, Acc.base: 0.5421, Acc.box: 0.3641, Acc.column: 0.5996, Acc.signboard: 0.4289, Acc.chest of drawers: 0.6716, Acc.counter: 0.5491, Acc.sand: 0.5035, Acc.sink: 0.7836, Acc.skyscraper: 0.4640, Acc.fireplace: 0.9250, Acc.refrigerator: 0.9110, Acc.grandstand: 0.8120, Acc.path: 0.4284, Acc.stairs: 0.4676, Acc.runway: 0.9166, Acc.case: 0.8313, Acc.pool table: 0.9692, Acc.pillow: 0.5489, Acc.screen door: 0.8344, Acc.stairway: 0.3832, Acc.river: 0.0965, Acc.bridge: 0.7626, Acc.bookcase: 0.4429, Acc.blind: 0.2723, Acc.coffee table: 0.8761, Acc.toilet: 0.9209, Acc.flower: 0.5947, Acc.book: 0.6956, Acc.hill: 0.0625, Acc.bench: 0.6596, Acc.countertop: 0.6621, Acc.stove: 0.8691, Acc.palm: 0.8535, Acc.kitchen island: 0.3086, Acc.computer: 0.9375, Acc.swivel chair: 0.7152, Acc.boat: 0.9012, Acc.bar: 0.7754, Acc.arcade machine: 0.9245, Acc.hovel: 0.2325, Acc.bus: 0.9369, Acc.towel: 0.7357, Acc.light: 0.4682, Acc.truck: 0.5391, Acc.tower: 0.5544, Acc.chandelier: 0.7759, Acc.awning: 0.4877, Acc.streetlight: 0.3047, Acc.booth: 0.9123, Acc.television receiver: 0.8214, Acc.airplane: 0.8991, Acc.dirt track: 0.0314, Acc.apparel: 0.3190, Acc.pole: 0.0953, Acc.land: 0.0000, Acc.bannister: 0.1068, Acc.escalator: 0.7897, Acc.ottoman: 0.7442, Acc.bottle: 0.2668, Acc.buffet: 0.7552, Acc.poster: 0.3832, Acc.stage: 0.3399, Acc.van: 0.6136, Acc.ship: 0.0154, Acc.fountain: 0.3388, Acc.conveyer belt: 0.9465, Acc.canopy: 0.5727, Acc.washer: 0.8657, Acc.plaything: 0.2178, Acc.swimming pool: 0.7811, Acc.stool: 0.4437, Acc.barrel: 0.7476, Acc.basket: 0.5154, Acc.waterfall: 0.8851, Acc.tent: 0.9954, Acc.bag: 0.1772, Acc.minibike: 0.8192, Acc.cradle: 0.9649, Acc.oven: 0.6316, Acc.ball: 0.6730, Acc.food: 0.6436, Acc.step: 0.1318, Acc.tank: 0.5679, Acc.trade name: 0.1607, Acc.microwave: 0.9415, Acc.pot: 0.5960, Acc.animal: 0.7817, Acc.bicycle: 0.6777, Acc.lake: 0.0044, Acc.dishwasher: 0.6651, Acc.screen: 0.8458, Acc.blanket: 0.1231, Acc.sculpture: 0.7019, Acc.hood: 0.6525, Acc.sconce: 0.4970, Acc.vase: 0.4925, Acc.traffic light: 0.3534, Acc.tray: 0.0239, Acc.ashcan: 0.5755, Acc.fan: 0.7539, Acc.pier: 0.4273, Acc.crt screen: 0.0000, Acc.plate: 0.6570, Acc.monitor: 0.7815, Acc.bulletin board: 0.6029, Acc.shower: 0.0000, Acc.radiator: 0.7658, Acc.glass: 0.0679, Acc.clock: 0.3544, Acc.flag: 0.6257 2023-11-02 04:02:21,956 - mmseg - INFO - Iter [4050/80000] lr: 3.076e-06, eta: 1 day, 14:36:18, time: 3.353, data_time: 1.694, memory: 69173, decode.loss_ce: 0.4459, decode.acc_seg: 82.6705, aux.loss_ce: 0.2205, aux.acc_seg: 80.3545, loss: 0.6665 2023-11-02 04:03:45,224 - mmseg - INFO - Iter [4100/80000] lr: 3.074e-06, eta: 1 day, 14:32:15, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4710, decode.acc_seg: 82.1807, aux.loss_ce: 0.2248, aux.acc_seg: 79.3478, loss: 0.6958 2023-11-02 04:05:08,472 - mmseg - INFO - Iter [4150/80000] lr: 3.072e-06, eta: 1 day, 14:28:14, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5043, decode.acc_seg: 80.3605, aux.loss_ce: 0.2395, aux.acc_seg: 77.6468, loss: 0.7438 2023-11-02 04:06:31,770 - mmseg - INFO - Iter [4200/80000] lr: 3.070e-06, eta: 1 day, 14:24:19, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4666, decode.acc_seg: 81.9099, aux.loss_ce: 0.2324, aux.acc_seg: 78.7080, loss: 0.6990 2023-11-02 04:07:55,099 - mmseg - INFO - Iter [4250/80000] lr: 3.068e-06, eta: 1 day, 14:20:27, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4747, decode.acc_seg: 81.8255, aux.loss_ce: 0.2334, aux.acc_seg: 78.3463, loss: 0.7081 2023-11-02 04:09:18,389 - mmseg - INFO - Iter [4300/80000] lr: 3.066e-06, eta: 1 day, 14:16:38, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4520, decode.acc_seg: 82.5249, aux.loss_ce: 0.2170, aux.acc_seg: 79.4770, loss: 0.6690 2023-11-02 04:10:41,688 - mmseg - INFO - Iter [4350/80000] lr: 3.064e-06, eta: 1 day, 14:12:53, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4720, decode.acc_seg: 81.3801, aux.loss_ce: 0.2337, aux.acc_seg: 78.0793, loss: 0.7057 2023-11-02 04:12:04,968 - mmseg - INFO - Iter [4400/80000] lr: 3.062e-06, eta: 1 day, 14:09:11, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4759, decode.acc_seg: 81.0033, aux.loss_ce: 0.2272, aux.acc_seg: 78.4216, loss: 0.7032 2023-11-02 04:13:28,264 - mmseg - INFO - Iter [4450/80000] lr: 3.060e-06, eta: 1 day, 14:05:32, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.5002, decode.acc_seg: 80.3748, aux.loss_ce: 0.2417, aux.acc_seg: 77.6501, loss: 0.7418 2023-11-02 04:14:51,561 - mmseg - INFO - Iter [4500/80000] lr: 3.058e-06, eta: 1 day, 14:01:56, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4781, decode.acc_seg: 81.3797, aux.loss_ce: 0.2255, aux.acc_seg: 79.2114, loss: 0.7036 2023-11-02 04:16:14,836 - mmseg - INFO - Iter [4550/80000] lr: 3.056e-06, eta: 1 day, 13:58:23, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4571, decode.acc_seg: 82.2169, aux.loss_ce: 0.2240, aux.acc_seg: 79.2329, loss: 0.6811 2023-11-02 04:17:38,116 - mmseg - INFO - Iter [4600/80000] lr: 3.054e-06, eta: 1 day, 13:54:52, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4603, decode.acc_seg: 82.0111, aux.loss_ce: 0.2201, aux.acc_seg: 79.0099, loss: 0.6805 2023-11-02 04:19:01,425 - mmseg - INFO - Iter [4650/80000] lr: 3.052e-06, eta: 1 day, 13:51:25, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4888, decode.acc_seg: 81.4019, aux.loss_ce: 0.2247, aux.acc_seg: 79.1712, loss: 0.7136 2023-11-02 04:20:24,738 - mmseg - INFO - Iter [4700/80000] lr: 3.049e-06, eta: 1 day, 13:48:00, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4676, decode.acc_seg: 82.0261, aux.loss_ce: 0.2239, aux.acc_seg: 79.0924, loss: 0.6915 2023-11-02 04:21:48,044 - mmseg - INFO - Iter [4750/80000] lr: 3.047e-06, eta: 1 day, 13:44:38, time: 1.666, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4651, decode.acc_seg: 81.7727, aux.loss_ce: 0.2240, aux.acc_seg: 78.7911, loss: 0.6891 2023-11-02 04:23:11,348 - mmseg - INFO - Iter [4800/80000] lr: 3.045e-06, eta: 1 day, 13:41:19, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4879, decode.acc_seg: 81.3427, aux.loss_ce: 0.2350, aux.acc_seg: 78.3975, loss: 0.7228 2023-11-02 04:24:34,640 - mmseg - INFO - Iter [4850/80000] lr: 3.043e-06, eta: 1 day, 13:38:01, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4792, decode.acc_seg: 81.5704, aux.loss_ce: 0.2258, aux.acc_seg: 78.8847, loss: 0.7050 2023-11-02 04:25:57,962 - mmseg - INFO - Iter [4900/80000] lr: 3.041e-06, eta: 1 day, 13:34:47, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4508, decode.acc_seg: 82.8184, aux.loss_ce: 0.2141, aux.acc_seg: 80.5181, loss: 0.6649 2023-11-02 04:27:21,230 - mmseg - INFO - Iter [4950/80000] lr: 3.039e-06, eta: 1 day, 13:31:33, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.5033, decode.acc_seg: 80.3861, aux.loss_ce: 0.2370, aux.acc_seg: 78.1088, loss: 0.7404 2023-11-02 04:28:44,543 - mmseg - INFO - Saving checkpoint at 5000 iterations 2023-11-02 04:29:40,556 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 04:29:40,557 - mmseg - INFO - Iter [5000/80000] lr: 3.037e-06, eta: 1 day, 13:42:23, time: 2.786, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4836, decode.acc_seg: 81.3398, aux.loss_ce: 0.2294, aux.acc_seg: 78.8453, loss: 0.7130 2023-11-02 04:31:06,078 - mmseg - INFO - per class results: 2023-11-02 04:31:06,084 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.01 | 85.88 | | building | 82.7 | 88.63 | | sky | 94.32 | 96.66 | | floor | 82.36 | 89.25 | | tree | 73.89 | 87.08 | | ceiling | 83.98 | 94.42 | | road | 82.48 | 90.63 | | bed | 89.25 | 97.69 | | windowpane | 62.88 | 82.69 | | grass | 66.51 | 87.71 | | cabinet | 61.63 | 75.36 | | sidewalk | 66.52 | 83.53 | | person | 81.5 | 90.78 | | earth | 36.41 | 43.74 | | door | 52.61 | 73.95 | | table | 59.5 | 69.08 | | mountain | 59.27 | 74.57 | | plant | 55.12 | 73.8 | | curtain | 70.89 | 88.3 | | chair | 56.1 | 65.03 | | car | 84.28 | 94.43 | | water | 58.27 | 78.38 | | painting | 76.81 | 88.13 | | sofa | 73.3 | 84.31 | | shelf | 39.95 | 50.66 | | house | 54.06 | 74.9 | | sea | 63.97 | 75.22 | | mirror | 72.85 | 88.37 | | rug | 69.87 | 82.17 | | field | 30.9 | 54.19 | | armchair | 54.26 | 77.97 | | seat | 64.25 | 85.59 | | fence | 44.72 | 64.99 | | desk | 47.67 | 77.27 | | rock | 57.92 | 70.84 | | wardrobe | 50.49 | 78.49 | | lamp | 58.53 | 80.79 | | bathtub | 79.46 | 86.49 | | railing | 35.49 | 47.44 | | cushion | 58.82 | 71.24 | | base | 34.53 | 51.55 | | box | 29.14 | 33.65 | | column | 53.54 | 70.07 | | signboard | 35.03 | 40.44 | | chest of drawers | 44.56 | 62.01 | | counter | 41.74 | 49.79 | | sand | 40.55 | 56.45 | | sink | 72.58 | 80.56 | | skyscraper | 49.61 | 75.96 | | fireplace | 67.98 | 94.94 | | refrigerator | 73.54 | 87.02 | | grandstand | 46.01 | 85.7 | | path | 21.63 | 25.71 | | stairs | 17.62 | 19.8 | | runway | 70.8 | 95.46 | | case | 61.64 | 87.24 | | pool table | 86.58 | 98.9 | | pillow | 60.46 | 69.74 | | screen door | 68.17 | 76.26 | | stairway | 39.47 | 70.84 | | river | 26.13 | 50.23 | | bridge | 74.69 | 84.17 | | bookcase | 34.44 | 72.43 | | blind | 33.34 | 35.22 | | coffee table | 53.01 | 85.87 | | toilet | 85.86 | 94.52 | | flower | 36.68 | 47.42 | | book | 44.7 | 57.8 | | hill | 4.97 | 5.74 | | bench | 60.16 | 70.61 | | countertop | 53.68 | 60.97 | | stove | 77.4 | 83.92 | | palm | 47.15 | 86.89 | | kitchen island | 34.03 | 77.71 | | computer | 72.2 | 92.5 | | swivel chair | 45.62 | 68.35 | | boat | 56.58 | 80.57 | | bar | 56.15 | 77.19 | | arcade machine | 85.16 | 98.65 | | hovel | 21.65 | 22.81 | | bus | 86.11 | 97.07 | | towel | 56.69 | 65.4 | | light | 47.88 | 59.16 | | truck | 38.63 | 51.44 | | tower | 28.14 | 55.52 | | chandelier | 63.88 | 86.78 | | awning | 46.85 | 62.43 | | streetlight | 26.36 | 37.84 | | booth | 33.33 | 40.73 | | television receiver | 69.93 | 87.99 | | airplane | 71.75 | 93.03 | | dirt track | 6.01 | 10.32 | | apparel | 27.49 | 42.44 | | pole | 19.38 | 26.78 | | land | 13.83 | 19.72 | | bannister | 8.26 | 10.58 | | escalator | 50.21 | 67.29 | | ottoman | 42.37 | 79.55 | | bottle | 37.41 | 59.98 | | buffet | 50.73 | 87.22 | | poster | 22.59 | 23.59 | | stage | 19.25 | 40.8 | | van | 49.22 | 62.53 | | ship | 26.11 | 29.83 | | fountain | 32.09 | 33.35 | | conveyer belt | 55.28 | 98.89 | | canopy | 57.49 | 63.76 | | washer | 84.23 | 93.88 | | plaything | 16.71 | 17.35 | | swimming pool | 67.85 | 92.7 | | stool | 26.82 | 61.73 | | barrel | 48.37 | 66.17 | | basket | 38.97 | 44.24 | | waterfall | 70.68 | 86.11 | | tent | 94.88 | 98.81 | | bag | 34.15 | 40.11 | | minibike | 69.05 | 89.89 | | cradle | 81.12 | 98.36 | | oven | 48.15 | 52.23 | | ball | 43.92 | 67.75 | | food | 44.89 | 45.82 | | step | 18.86 | 24.24 | | tank | 58.75 | 77.75 | | trade name | 25.57 | 30.04 | | microwave | 82.33 | 95.65 | | pot | 54.09 | 63.67 | | animal | 63.05 | 65.17 | | bicycle | 58.46 | 76.73 | | lake | 0.0 | 0.0 | | dishwasher | 60.2 | 80.64 | | screen | 57.88 | 88.69 | | blanket | 14.1 | 17.0 | | sculpture | 55.81 | 80.54 | | hood | 62.24 | 64.71 | | sconce | 48.06 | 60.72 | | vase | 36.14 | 55.49 | | traffic light | 27.53 | 38.55 | | tray | 0.85 | 0.92 | | ashcan | 45.98 | 64.62 | | fan | 55.48 | 64.8 | | pier | 27.54 | 28.92 | | crt screen | 1.24 | 1.36 | | plate | 50.07 | 71.79 | | monitor | 57.22 | 62.7 | | bulletin board | 54.96 | 62.53 | | shower | 0.18 | 1.02 | | radiator | 60.32 | 80.93 | | glass | 14.07 | 15.2 | | clock | 36.96 | 49.25 | | flag | 54.89 | 58.48 | +---------------------+-------+-------+ 2023-11-02 04:31:06,084 - mmseg - INFO - Summary: 2023-11-02 04:31:06,084 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.47 | 50.86 | 65.12 | +-------+-------+-------+ 2023-11-02 04:31:06,085 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 04:31:06,085 - mmseg - INFO - Iter(val) [250] aAcc: 0.8347, mIoU: 0.5086, mAcc: 0.6512, IoU.wall: 0.7701, IoU.building: 0.8270, IoU.sky: 0.9432, IoU.floor: 0.8236, IoU.tree: 0.7389, IoU.ceiling: 0.8398, IoU.road: 0.8248, IoU.bed : 0.8925, IoU.windowpane: 0.6288, IoU.grass: 0.6651, IoU.cabinet: 0.6163, IoU.sidewalk: 0.6652, IoU.person: 0.8150, IoU.earth: 0.3641, IoU.door: 0.5261, IoU.table: 0.5950, IoU.mountain: 0.5927, IoU.plant: 0.5512, IoU.curtain: 0.7089, IoU.chair: 0.5610, IoU.car: 0.8428, IoU.water: 0.5827, IoU.painting: 0.7681, IoU.sofa: 0.7330, IoU.shelf: 0.3995, IoU.house: 0.5406, IoU.sea: 0.6397, IoU.mirror: 0.7285, IoU.rug: 0.6987, IoU.field: 0.3090, IoU.armchair: 0.5426, IoU.seat: 0.6425, IoU.fence: 0.4472, IoU.desk: 0.4767, IoU.rock: 0.5792, IoU.wardrobe: 0.5049, IoU.lamp: 0.5853, IoU.bathtub: 0.7946, IoU.railing: 0.3549, IoU.cushion: 0.5882, IoU.base: 0.3453, IoU.box: 0.2914, IoU.column: 0.5354, IoU.signboard: 0.3503, IoU.chest of drawers: 0.4456, IoU.counter: 0.4174, IoU.sand: 0.4055, IoU.sink: 0.7258, IoU.skyscraper: 0.4961, IoU.fireplace: 0.6798, IoU.refrigerator: 0.7354, IoU.grandstand: 0.4601, IoU.path: 0.2163, IoU.stairs: 0.1762, IoU.runway: 0.7080, IoU.case: 0.6164, IoU.pool table: 0.8658, IoU.pillow: 0.6046, IoU.screen door: 0.6817, IoU.stairway: 0.3947, IoU.river: 0.2613, IoU.bridge: 0.7469, IoU.bookcase: 0.3444, IoU.blind: 0.3334, IoU.coffee table: 0.5301, IoU.toilet: 0.8586, IoU.flower: 0.3668, IoU.book: 0.4470, IoU.hill: 0.0497, IoU.bench: 0.6016, IoU.countertop: 0.5368, IoU.stove: 0.7740, IoU.palm: 0.4715, IoU.kitchen island: 0.3403, IoU.computer: 0.7220, IoU.swivel chair: 0.4562, IoU.boat: 0.5658, IoU.bar: 0.5615, IoU.arcade machine: 0.8516, IoU.hovel: 0.2165, IoU.bus: 0.8611, IoU.towel: 0.5669, IoU.light: 0.4788, IoU.truck: 0.3863, IoU.tower: 0.2814, IoU.chandelier: 0.6388, IoU.awning: 0.4685, IoU.streetlight: 0.2636, IoU.booth: 0.3333, IoU.television receiver: 0.6993, IoU.airplane: 0.7175, IoU.dirt track: 0.0601, IoU.apparel: 0.2749, IoU.pole: 0.1938, IoU.land: 0.1383, IoU.bannister: 0.0826, IoU.escalator: 0.5021, IoU.ottoman: 0.4237, IoU.bottle: 0.3741, IoU.buffet: 0.5073, IoU.poster: 0.2259, IoU.stage: 0.1925, IoU.van: 0.4922, IoU.ship: 0.2611, IoU.fountain: 0.3209, IoU.conveyer belt: 0.5528, IoU.canopy: 0.5749, IoU.washer: 0.8423, IoU.plaything: 0.1671, IoU.swimming pool: 0.6785, IoU.stool: 0.2682, IoU.barrel: 0.4837, IoU.basket: 0.3897, IoU.waterfall: 0.7068, IoU.tent: 0.9488, IoU.bag: 0.3415, IoU.minibike: 0.6905, IoU.cradle: 0.8112, IoU.oven: 0.4815, IoU.ball: 0.4392, IoU.food: 0.4489, IoU.step: 0.1886, IoU.tank: 0.5875, IoU.trade name: 0.2557, IoU.microwave: 0.8233, IoU.pot: 0.5409, IoU.animal: 0.6305, IoU.bicycle: 0.5846, IoU.lake: 0.0000, IoU.dishwasher: 0.6020, IoU.screen: 0.5788, IoU.blanket: 0.1410, IoU.sculpture: 0.5581, IoU.hood: 0.6224, IoU.sconce: 0.4806, IoU.vase: 0.3614, IoU.traffic light: 0.2753, IoU.tray: 0.0085, IoU.ashcan: 0.4598, IoU.fan: 0.5548, IoU.pier: 0.2754, IoU.crt screen: 0.0124, IoU.plate: 0.5007, IoU.monitor: 0.5722, IoU.bulletin board: 0.5496, IoU.shower: 0.0018, IoU.radiator: 0.6032, IoU.glass: 0.1407, IoU.clock: 0.3696, IoU.flag: 0.5489, Acc.wall: 0.8588, Acc.building: 0.8863, Acc.sky: 0.9666, Acc.floor: 0.8925, Acc.tree: 0.8708, Acc.ceiling: 0.9442, Acc.road: 0.9063, Acc.bed : 0.9769, Acc.windowpane: 0.8269, Acc.grass: 0.8771, Acc.cabinet: 0.7536, Acc.sidewalk: 0.8353, Acc.person: 0.9078, Acc.earth: 0.4374, Acc.door: 0.7395, Acc.table: 0.6908, Acc.mountain: 0.7457, Acc.plant: 0.7380, Acc.curtain: 0.8830, Acc.chair: 0.6503, Acc.car: 0.9443, Acc.water: 0.7838, Acc.painting: 0.8813, Acc.sofa: 0.8431, Acc.shelf: 0.5066, Acc.house: 0.7490, Acc.sea: 0.7522, Acc.mirror: 0.8837, Acc.rug: 0.8217, Acc.field: 0.5419, Acc.armchair: 0.7797, Acc.seat: 0.8559, Acc.fence: 0.6499, Acc.desk: 0.7727, Acc.rock: 0.7084, Acc.wardrobe: 0.7849, Acc.lamp: 0.8079, Acc.bathtub: 0.8649, Acc.railing: 0.4744, Acc.cushion: 0.7124, Acc.base: 0.5155, Acc.box: 0.3365, Acc.column: 0.7007, Acc.signboard: 0.4044, Acc.chest of drawers: 0.6201, Acc.counter: 0.4979, Acc.sand: 0.5645, Acc.sink: 0.8056, Acc.skyscraper: 0.7596, Acc.fireplace: 0.9494, Acc.refrigerator: 0.8702, Acc.grandstand: 0.8570, Acc.path: 0.2571, Acc.stairs: 0.1980, Acc.runway: 0.9546, Acc.case: 0.8724, Acc.pool table: 0.9890, Acc.pillow: 0.6974, Acc.screen door: 0.7626, Acc.stairway: 0.7084, Acc.river: 0.5023, Acc.bridge: 0.8417, Acc.bookcase: 0.7243, Acc.blind: 0.3522, Acc.coffee table: 0.8587, Acc.toilet: 0.9452, Acc.flower: 0.4742, Acc.book: 0.5780, Acc.hill: 0.0574, Acc.bench: 0.7061, Acc.countertop: 0.6097, Acc.stove: 0.8392, Acc.palm: 0.8689, Acc.kitchen island: 0.7771, Acc.computer: 0.9250, Acc.swivel chair: 0.6835, Acc.boat: 0.8057, Acc.bar: 0.7719, Acc.arcade machine: 0.9865, Acc.hovel: 0.2281, Acc.bus: 0.9707, Acc.towel: 0.6540, Acc.light: 0.5916, Acc.truck: 0.5144, Acc.tower: 0.5552, Acc.chandelier: 0.8678, Acc.awning: 0.6243, Acc.streetlight: 0.3784, Acc.booth: 0.4073, Acc.television receiver: 0.8799, Acc.airplane: 0.9303, Acc.dirt track: 0.1032, Acc.apparel: 0.4244, Acc.pole: 0.2678, Acc.land: 0.1972, Acc.bannister: 0.1058, Acc.escalator: 0.6729, Acc.ottoman: 0.7955, Acc.bottle: 0.5998, Acc.buffet: 0.8722, Acc.poster: 0.2359, Acc.stage: 0.4080, Acc.van: 0.6253, Acc.ship: 0.2983, Acc.fountain: 0.3335, Acc.conveyer belt: 0.9889, Acc.canopy: 0.6376, Acc.washer: 0.9388, Acc.plaything: 0.1735, Acc.swimming pool: 0.9270, Acc.stool: 0.6173, Acc.barrel: 0.6617, Acc.basket: 0.4424, Acc.waterfall: 0.8611, Acc.tent: 0.9881, Acc.bag: 0.4011, Acc.minibike: 0.8989, Acc.cradle: 0.9836, Acc.oven: 0.5223, Acc.ball: 0.6775, Acc.food: 0.4582, Acc.step: 0.2424, Acc.tank: 0.7775, Acc.trade name: 0.3004, Acc.microwave: 0.9565, Acc.pot: 0.6367, Acc.animal: 0.6517, Acc.bicycle: 0.7673, Acc.lake: 0.0000, Acc.dishwasher: 0.8064, Acc.screen: 0.8869, Acc.blanket: 0.1700, Acc.sculpture: 0.8054, Acc.hood: 0.6471, Acc.sconce: 0.6072, Acc.vase: 0.5549, Acc.traffic light: 0.3855, Acc.tray: 0.0092, Acc.ashcan: 0.6462, Acc.fan: 0.6480, Acc.pier: 0.2892, Acc.crt screen: 0.0136, Acc.plate: 0.7179, Acc.monitor: 0.6270, Acc.bulletin board: 0.6253, Acc.shower: 0.0102, Acc.radiator: 0.8093, Acc.glass: 0.1520, Acc.clock: 0.4925, Acc.flag: 0.5848 2023-11-02 04:32:29,387 - mmseg - INFO - Iter [5050/80000] lr: 3.035e-06, eta: 1 day, 14:00:15, time: 3.377, data_time: 1.719, memory: 69173, decode.loss_ce: 0.4612, decode.acc_seg: 82.2676, aux.loss_ce: 0.2201, aux.acc_seg: 79.1863, loss: 0.6813 2023-11-02 04:33:54,964 - mmseg - INFO - Iter [5100/80000] lr: 3.033e-06, eta: 1 day, 13:57:20, time: 1.712, data_time: 0.052, memory: 69173, decode.loss_ce: 0.4365, decode.acc_seg: 82.9378, aux.loss_ce: 0.2093, aux.acc_seg: 80.4359, loss: 0.6458 2023-11-02 04:35:18,213 - mmseg - INFO - Iter [5150/80000] lr: 3.031e-06, eta: 1 day, 13:53:53, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4799, decode.acc_seg: 81.7878, aux.loss_ce: 0.2313, aux.acc_seg: 78.6775, loss: 0.7111 2023-11-02 04:36:41,441 - mmseg - INFO - Iter [5200/80000] lr: 3.029e-06, eta: 1 day, 13:50:28, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4298, decode.acc_seg: 83.2007, aux.loss_ce: 0.2030, aux.acc_seg: 80.8365, loss: 0.6328 2023-11-02 04:38:04,690 - mmseg - INFO - Iter [5250/80000] lr: 3.027e-06, eta: 1 day, 13:47:06, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4226, decode.acc_seg: 83.4581, aux.loss_ce: 0.2042, aux.acc_seg: 80.9763, loss: 0.6269 2023-11-02 04:39:27,976 - mmseg - INFO - Iter [5300/80000] lr: 3.025e-06, eta: 1 day, 13:43:47, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4323, decode.acc_seg: 82.4691, aux.loss_ce: 0.2025, aux.acc_seg: 80.4750, loss: 0.6349 2023-11-02 04:40:51,207 - mmseg - INFO - Iter [5350/80000] lr: 3.023e-06, eta: 1 day, 13:40:28, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4205, decode.acc_seg: 83.5208, aux.loss_ce: 0.2053, aux.acc_seg: 80.7644, loss: 0.6258 2023-11-02 04:42:14,433 - mmseg - INFO - Iter [5400/80000] lr: 3.021e-06, eta: 1 day, 13:37:12, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4259, decode.acc_seg: 83.4695, aux.loss_ce: 0.2063, aux.acc_seg: 80.5764, loss: 0.6322 2023-11-02 04:43:37,685 - mmseg - INFO - Iter [5450/80000] lr: 3.019e-06, eta: 1 day, 13:33:59, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4426, decode.acc_seg: 82.6255, aux.loss_ce: 0.2120, aux.acc_seg: 80.2503, loss: 0.6547 2023-11-02 04:45:00,927 - mmseg - INFO - Iter [5500/80000] lr: 3.017e-06, eta: 1 day, 13:30:47, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4619, decode.acc_seg: 82.0065, aux.loss_ce: 0.2172, aux.acc_seg: 79.7398, loss: 0.6792 2023-11-02 04:46:24,188 - mmseg - INFO - Iter [5550/80000] lr: 3.015e-06, eta: 1 day, 13:27:37, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4362, decode.acc_seg: 82.9554, aux.loss_ce: 0.2079, aux.acc_seg: 80.2075, loss: 0.6442 2023-11-02 04:47:47,458 - mmseg - INFO - Iter [5600/80000] lr: 3.013e-06, eta: 1 day, 13:24:30, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4430, decode.acc_seg: 82.5614, aux.loss_ce: 0.2160, aux.acc_seg: 79.3046, loss: 0.6589 2023-11-02 04:49:10,746 - mmseg - INFO - Iter [5650/80000] lr: 3.011e-06, eta: 1 day, 13:21:24, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4288, decode.acc_seg: 82.9591, aux.loss_ce: 0.2085, aux.acc_seg: 80.3739, loss: 0.6373 2023-11-02 04:50:34,006 - mmseg - INFO - Iter [5700/80000] lr: 3.009e-06, eta: 1 day, 13:18:20, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4576, decode.acc_seg: 82.1573, aux.loss_ce: 0.2212, aux.acc_seg: 79.4490, loss: 0.6787 2023-11-02 04:51:57,282 - mmseg - INFO - Iter [5750/80000] lr: 3.007e-06, eta: 1 day, 13:15:18, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4552, decode.acc_seg: 82.4109, aux.loss_ce: 0.2106, aux.acc_seg: 79.8884, loss: 0.6657 2023-11-02 04:53:20,534 - mmseg - INFO - Iter [5800/80000] lr: 3.005e-06, eta: 1 day, 13:12:17, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4476, decode.acc_seg: 82.0695, aux.loss_ce: 0.2180, aux.acc_seg: 79.2363, loss: 0.6656 2023-11-02 04:54:43,788 - mmseg - INFO - Iter [5850/80000] lr: 3.003e-06, eta: 1 day, 13:09:18, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4505, decode.acc_seg: 82.3723, aux.loss_ce: 0.2136, aux.acc_seg: 80.1690, loss: 0.6641 2023-11-02 04:56:07,016 - mmseg - INFO - Iter [5900/80000] lr: 3.001e-06, eta: 1 day, 13:06:21, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4670, decode.acc_seg: 81.6289, aux.loss_ce: 0.2215, aux.acc_seg: 78.8579, loss: 0.6885 2023-11-02 04:57:30,245 - mmseg - INFO - Iter [5950/80000] lr: 2.999e-06, eta: 1 day, 13:03:25, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.4268, decode.acc_seg: 83.1967, aux.loss_ce: 0.2041, aux.acc_seg: 80.1833, loss: 0.6309 2023-11-02 04:58:53,504 - mmseg - INFO - Saving checkpoint at 6000 iterations 2023-11-02 04:59:50,985 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 04:59:50,985 - mmseg - INFO - Iter [6000/80000] lr: 2.997e-06, eta: 1 day, 13:12:19, time: 2.815, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4468, decode.acc_seg: 82.2889, aux.loss_ce: 0.2166, aux.acc_seg: 78.9647, loss: 0.6634 2023-11-02 05:01:15,660 - mmseg - INFO - per class results: 2023-11-02 05:01:15,665 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.87 | 87.24 | | building | 83.08 | 92.38 | | sky | 94.37 | 97.04 | | floor | 83.01 | 89.25 | | tree | 76.11 | 90.19 | | ceiling | 84.49 | 91.3 | | road | 82.87 | 92.33 | | bed | 91.15 | 96.05 | | windowpane | 62.75 | 72.42 | | grass | 64.42 | 82.18 | | cabinet | 62.58 | 69.48 | | sidewalk | 62.55 | 73.76 | | person | 82.1 | 92.08 | | earth | 32.55 | 45.83 | | door | 53.89 | 71.0 | | table | 59.98 | 69.94 | | mountain | 57.24 | 66.81 | | plant | 56.75 | 68.98 | | curtain | 72.9 | 90.95 | | chair | 59.13 | 73.53 | | car | 83.61 | 93.87 | | water | 56.69 | 76.41 | | painting | 75.06 | 87.68 | | sofa | 73.71 | 83.58 | | shelf | 43.3 | 60.86 | | house | 46.71 | 53.2 | | sea | 61.28 | 72.79 | | mirror | 72.26 | 79.7 | | rug | 70.01 | 85.79 | | field | 26.03 | 45.29 | | armchair | 51.54 | 82.37 | | seat | 60.87 | 90.57 | | fence | 49.72 | 65.44 | | desk | 48.74 | 76.11 | | rock | 55.65 | 87.16 | | wardrobe | 57.06 | 84.88 | | lamp | 65.58 | 78.34 | | bathtub | 80.34 | 86.71 | | railing | 39.28 | 58.63 | | cushion | 54.65 | 59.45 | | base | 35.5 | 53.37 | | box | 29.71 | 36.98 | | column | 44.65 | 49.52 | | signboard | 38.86 | 50.87 | | chest of drawers | 45.31 | 75.54 | | counter | 42.8 | 49.39 | | sand | 37.05 | 62.18 | | sink | 70.76 | 80.54 | | skyscraper | 49.79 | 70.07 | | fireplace | 72.0 | 86.67 | | refrigerator | 73.93 | 87.58 | | grandstand | 56.22 | 83.31 | | path | 25.13 | 39.83 | | stairs | 27.59 | 30.96 | | runway | 70.87 | 96.18 | | case | 53.75 | 84.99 | | pool table | 90.38 | 98.53 | | pillow | 64.57 | 79.63 | | screen door | 80.03 | 89.4 | | stairway | 42.73 | 68.34 | | river | 21.4 | 45.65 | | bridge | 50.81 | 67.2 | | bookcase | 35.74 | 54.42 | | blind | 50.68 | 69.53 | | coffee table | 52.47 | 88.68 | | toilet | 83.42 | 93.95 | | flower | 38.76 | 47.67 | | book | 48.8 | 75.91 | | hill | 6.9 | 16.78 | | bench | 45.78 | 53.13 | | countertop | 59.45 | 80.57 | | stove | 76.88 | 93.92 | | palm | 50.38 | 79.1 | | kitchen island | 34.44 | 96.59 | | computer | 73.35 | 89.25 | | swivel chair | 39.88 | 54.14 | | boat | 52.14 | 86.65 | | bar | 59.16 | 88.75 | | arcade machine | 83.57 | 99.08 | | hovel | 32.28 | 36.22 | | bus | 89.73 | 95.76 | | towel | 61.74 | 88.18 | | light | 49.14 | 60.54 | | truck | 42.65 | 57.71 | | tower | 13.34 | 19.37 | | chandelier | 65.09 | 83.35 | | awning | 46.01 | 74.61 | | streetlight | 26.3 | 37.26 | | booth | 38.31 | 50.85 | | television receiver | 67.69 | 82.39 | | airplane | 82.45 | 91.27 | | dirt track | 4.28 | 33.8 | | apparel | 47.3 | 59.56 | | pole | 10.58 | 12.77 | | land | 9.02 | 12.46 | | bannister | 8.6 | 12.83 | | escalator | 51.79 | 85.49 | | ottoman | 53.11 | 71.96 | | bottle | 37.79 | 59.63 | | buffet | 55.56 | 84.39 | | poster | 28.19 | 29.72 | | stage | 21.93 | 37.21 | | van | 40.92 | 51.98 | | ship | 61.76 | 64.31 | | fountain | 17.75 | 18.14 | | conveyer belt | 67.95 | 96.65 | | canopy | 45.15 | 79.14 | | washer | 80.65 | 86.52 | | plaything | 27.55 | 46.69 | | swimming pool | 60.03 | 88.39 | | stool | 28.35 | 33.28 | | barrel | 60.17 | 81.1 | | basket | 36.64 | 54.46 | | waterfall | 47.95 | 63.31 | | tent | 73.95 | 99.64 | | bag | 20.71 | 22.09 | | minibike | 69.74 | 89.12 | | cradle | 81.07 | 97.56 | | oven | 48.6 | 51.51 | | ball | 43.88 | 60.04 | | food | 54.27 | 61.5 | | step | 18.09 | 21.52 | | tank | 51.07 | 74.92 | | trade name | 12.19 | 12.4 | | microwave | 85.86 | 94.79 | | pot | 52.33 | 64.37 | | animal | 67.03 | 68.68 | | bicycle | 57.56 | 74.28 | | lake | 0.0 | 0.0 | | dishwasher | 62.66 | 75.07 | | screen | 56.13 | 92.02 | | blanket | 14.21 | 15.1 | | sculpture | 68.65 | 81.57 | | hood | 67.79 | 73.26 | | sconce | 42.12 | 47.46 | | vase | 38.12 | 51.57 | | traffic light | 25.22 | 55.79 | | tray | 8.33 | 11.21 | | ashcan | 48.62 | 54.35 | | fan | 58.72 | 71.38 | | pier | 34.05 | 47.24 | | crt screen | 0.72 | 1.12 | | plate | 54.85 | 75.07 | | monitor | 42.03 | 47.98 | | bulletin board | 63.49 | 69.52 | | shower | 0.0 | 0.0 | | radiator | 62.54 | 69.18 | | glass | 14.87 | 16.03 | | clock | 34.69 | 36.17 | | flag | 40.97 | 43.99 | +---------------------+-------+-------+ 2023-11-02 05:01:15,665 - mmseg - INFO - Summary: 2023-11-02 05:01:15,666 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.69 | 51.21 | 65.63 | +-------+-------+-------+ 2023-11-02 05:01:15,667 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 05:01:15,667 - mmseg - INFO - Iter(val) [250] aAcc: 0.8369, mIoU: 0.5121, mAcc: 0.6563, IoU.wall: 0.7887, IoU.building: 0.8308, IoU.sky: 0.9437, IoU.floor: 0.8301, IoU.tree: 0.7611, IoU.ceiling: 0.8449, IoU.road: 0.8287, IoU.bed : 0.9115, IoU.windowpane: 0.6275, IoU.grass: 0.6442, IoU.cabinet: 0.6258, IoU.sidewalk: 0.6255, IoU.person: 0.8210, IoU.earth: 0.3255, IoU.door: 0.5389, IoU.table: 0.5998, IoU.mountain: 0.5724, IoU.plant: 0.5675, IoU.curtain: 0.7290, IoU.chair: 0.5913, IoU.car: 0.8361, IoU.water: 0.5669, IoU.painting: 0.7506, IoU.sofa: 0.7371, IoU.shelf: 0.4330, IoU.house: 0.4671, IoU.sea: 0.6128, IoU.mirror: 0.7226, IoU.rug: 0.7001, IoU.field: 0.2603, IoU.armchair: 0.5154, IoU.seat: 0.6087, IoU.fence: 0.4972, IoU.desk: 0.4874, IoU.rock: 0.5565, IoU.wardrobe: 0.5706, IoU.lamp: 0.6558, IoU.bathtub: 0.8034, IoU.railing: 0.3928, IoU.cushion: 0.5465, IoU.base: 0.3550, IoU.box: 0.2971, IoU.column: 0.4465, IoU.signboard: 0.3886, IoU.chest of drawers: 0.4531, IoU.counter: 0.4280, IoU.sand: 0.3705, IoU.sink: 0.7076, IoU.skyscraper: 0.4979, IoU.fireplace: 0.7200, IoU.refrigerator: 0.7393, IoU.grandstand: 0.5622, IoU.path: 0.2513, IoU.stairs: 0.2759, IoU.runway: 0.7087, IoU.case: 0.5375, IoU.pool table: 0.9038, IoU.pillow: 0.6457, IoU.screen door: 0.8003, IoU.stairway: 0.4273, IoU.river: 0.2140, IoU.bridge: 0.5081, IoU.bookcase: 0.3574, IoU.blind: 0.5068, IoU.coffee table: 0.5247, IoU.toilet: 0.8342, IoU.flower: 0.3876, IoU.book: 0.4880, IoU.hill: 0.0690, IoU.bench: 0.4578, IoU.countertop: 0.5945, IoU.stove: 0.7688, IoU.palm: 0.5038, IoU.kitchen island: 0.3444, IoU.computer: 0.7335, IoU.swivel chair: 0.3988, IoU.boat: 0.5214, IoU.bar: 0.5916, IoU.arcade machine: 0.8357, IoU.hovel: 0.3228, IoU.bus: 0.8973, IoU.towel: 0.6174, IoU.light: 0.4914, IoU.truck: 0.4265, IoU.tower: 0.1334, IoU.chandelier: 0.6509, IoU.awning: 0.4601, IoU.streetlight: 0.2630, IoU.booth: 0.3831, IoU.television receiver: 0.6769, IoU.airplane: 0.8245, IoU.dirt track: 0.0428, IoU.apparel: 0.4730, IoU.pole: 0.1058, IoU.land: 0.0902, IoU.bannister: 0.0860, IoU.escalator: 0.5179, IoU.ottoman: 0.5311, IoU.bottle: 0.3779, IoU.buffet: 0.5556, IoU.poster: 0.2819, IoU.stage: 0.2193, IoU.van: 0.4092, IoU.ship: 0.6176, IoU.fountain: 0.1775, IoU.conveyer belt: 0.6795, IoU.canopy: 0.4515, IoU.washer: 0.8065, IoU.plaything: 0.2755, IoU.swimming pool: 0.6003, IoU.stool: 0.2835, IoU.barrel: 0.6017, IoU.basket: 0.3664, IoU.waterfall: 0.4795, IoU.tent: 0.7395, IoU.bag: 0.2071, IoU.minibike: 0.6974, IoU.cradle: 0.8107, IoU.oven: 0.4860, IoU.ball: 0.4388, IoU.food: 0.5427, IoU.step: 0.1809, IoU.tank: 0.5107, IoU.trade name: 0.1219, IoU.microwave: 0.8586, IoU.pot: 0.5233, IoU.animal: 0.6703, IoU.bicycle: 0.5756, IoU.lake: 0.0000, IoU.dishwasher: 0.6266, IoU.screen: 0.5613, IoU.blanket: 0.1421, IoU.sculpture: 0.6865, IoU.hood: 0.6779, IoU.sconce: 0.4212, IoU.vase: 0.3812, IoU.traffic light: 0.2522, IoU.tray: 0.0833, IoU.ashcan: 0.4862, IoU.fan: 0.5872, IoU.pier: 0.3405, IoU.crt screen: 0.0072, IoU.plate: 0.5485, IoU.monitor: 0.4203, IoU.bulletin board: 0.6349, IoU.shower: 0.0000, IoU.radiator: 0.6254, IoU.glass: 0.1487, IoU.clock: 0.3469, IoU.flag: 0.4097, Acc.wall: 0.8724, Acc.building: 0.9238, Acc.sky: 0.9704, Acc.floor: 0.8925, Acc.tree: 0.9019, Acc.ceiling: 0.9130, Acc.road: 0.9233, Acc.bed : 0.9605, Acc.windowpane: 0.7242, Acc.grass: 0.8218, Acc.cabinet: 0.6948, Acc.sidewalk: 0.7376, Acc.person: 0.9208, Acc.earth: 0.4583, Acc.door: 0.7100, Acc.table: 0.6994, Acc.mountain: 0.6681, Acc.plant: 0.6898, Acc.curtain: 0.9095, Acc.chair: 0.7353, Acc.car: 0.9387, Acc.water: 0.7641, Acc.painting: 0.8768, Acc.sofa: 0.8358, Acc.shelf: 0.6086, Acc.house: 0.5320, Acc.sea: 0.7279, Acc.mirror: 0.7970, Acc.rug: 0.8579, Acc.field: 0.4529, Acc.armchair: 0.8237, Acc.seat: 0.9057, Acc.fence: 0.6544, Acc.desk: 0.7611, Acc.rock: 0.8716, Acc.wardrobe: 0.8488, Acc.lamp: 0.7834, Acc.bathtub: 0.8671, Acc.railing: 0.5863, Acc.cushion: 0.5945, Acc.base: 0.5337, Acc.box: 0.3698, Acc.column: 0.4952, Acc.signboard: 0.5087, Acc.chest of drawers: 0.7554, Acc.counter: 0.4939, Acc.sand: 0.6218, Acc.sink: 0.8054, Acc.skyscraper: 0.7007, Acc.fireplace: 0.8667, Acc.refrigerator: 0.8758, Acc.grandstand: 0.8331, Acc.path: 0.3983, Acc.stairs: 0.3096, Acc.runway: 0.9618, Acc.case: 0.8499, Acc.pool table: 0.9853, Acc.pillow: 0.7963, Acc.screen door: 0.8940, Acc.stairway: 0.6834, Acc.river: 0.4565, Acc.bridge: 0.6720, Acc.bookcase: 0.5442, Acc.blind: 0.6953, Acc.coffee table: 0.8868, Acc.toilet: 0.9395, Acc.flower: 0.4767, Acc.book: 0.7591, Acc.hill: 0.1678, Acc.bench: 0.5313, Acc.countertop: 0.8057, Acc.stove: 0.9392, Acc.palm: 0.7910, Acc.kitchen island: 0.9659, Acc.computer: 0.8925, Acc.swivel chair: 0.5414, Acc.boat: 0.8665, Acc.bar: 0.8875, Acc.arcade machine: 0.9908, Acc.hovel: 0.3622, Acc.bus: 0.9576, Acc.towel: 0.8818, Acc.light: 0.6054, Acc.truck: 0.5771, Acc.tower: 0.1937, Acc.chandelier: 0.8335, Acc.awning: 0.7461, Acc.streetlight: 0.3726, Acc.booth: 0.5085, Acc.television receiver: 0.8239, Acc.airplane: 0.9127, Acc.dirt track: 0.3380, Acc.apparel: 0.5956, Acc.pole: 0.1277, Acc.land: 0.1246, Acc.bannister: 0.1283, Acc.escalator: 0.8549, Acc.ottoman: 0.7196, Acc.bottle: 0.5963, Acc.buffet: 0.8439, Acc.poster: 0.2972, Acc.stage: 0.3721, Acc.van: 0.5198, Acc.ship: 0.6431, Acc.fountain: 0.1814, Acc.conveyer belt: 0.9665, Acc.canopy: 0.7914, Acc.washer: 0.8652, Acc.plaything: 0.4669, Acc.swimming pool: 0.8839, Acc.stool: 0.3328, Acc.barrel: 0.8110, Acc.basket: 0.5446, Acc.waterfall: 0.6331, Acc.tent: 0.9964, Acc.bag: 0.2209, Acc.minibike: 0.8912, Acc.cradle: 0.9756, Acc.oven: 0.5151, Acc.ball: 0.6004, Acc.food: 0.6150, Acc.step: 0.2152, Acc.tank: 0.7492, Acc.trade name: 0.1240, Acc.microwave: 0.9479, Acc.pot: 0.6437, Acc.animal: 0.6868, Acc.bicycle: 0.7428, Acc.lake: 0.0000, Acc.dishwasher: 0.7507, Acc.screen: 0.9202, Acc.blanket: 0.1510, Acc.sculpture: 0.8157, Acc.hood: 0.7326, Acc.sconce: 0.4746, Acc.vase: 0.5157, Acc.traffic light: 0.5579, Acc.tray: 0.1121, Acc.ashcan: 0.5435, Acc.fan: 0.7138, Acc.pier: 0.4724, Acc.crt screen: 0.0112, Acc.plate: 0.7507, Acc.monitor: 0.4798, Acc.bulletin board: 0.6952, Acc.shower: 0.0000, Acc.radiator: 0.6918, Acc.glass: 0.1603, Acc.clock: 0.3617, Acc.flag: 0.4399 2023-11-02 05:02:38,966 - mmseg - INFO - Iter [6050/80000] lr: 2.995e-06, eta: 1 day, 13:26:36, time: 3.360, data_time: 1.702, memory: 69173, decode.loss_ce: 0.4082, decode.acc_seg: 83.7594, aux.loss_ce: 0.1981, aux.acc_seg: 81.2348, loss: 0.6063 2023-11-02 05:04:02,255 - mmseg - INFO - Iter [6100/80000] lr: 2.993e-06, eta: 1 day, 13:23:30, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4298, decode.acc_seg: 83.0395, aux.loss_ce: 0.2077, aux.acc_seg: 80.7879, loss: 0.6375 2023-11-02 05:05:25,441 - mmseg - INFO - Iter [6150/80000] lr: 2.991e-06, eta: 1 day, 13:20:24, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4377, decode.acc_seg: 82.7393, aux.loss_ce: 0.2113, aux.acc_seg: 79.5542, loss: 0.6490 2023-11-02 05:06:48,625 - mmseg - INFO - Iter [6200/80000] lr: 2.989e-06, eta: 1 day, 13:17:20, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4518, decode.acc_seg: 82.4233, aux.loss_ce: 0.2106, aux.acc_seg: 80.1998, loss: 0.6624 2023-11-02 05:08:11,814 - mmseg - INFO - Iter [6250/80000] lr: 2.987e-06, eta: 1 day, 13:14:17, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4428, decode.acc_seg: 82.5067, aux.loss_ce: 0.2134, aux.acc_seg: 80.3035, loss: 0.6562 2023-11-02 05:09:35,001 - mmseg - INFO - Iter [6300/80000] lr: 2.985e-06, eta: 1 day, 13:11:16, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4636, decode.acc_seg: 81.4517, aux.loss_ce: 0.2201, aux.acc_seg: 79.5534, loss: 0.6837 2023-11-02 05:11:00,604 - mmseg - INFO - Iter [6350/80000] lr: 2.983e-06, eta: 1 day, 13:08:45, time: 1.712, data_time: 0.052, memory: 69173, decode.loss_ce: 0.4125, decode.acc_seg: 83.6291, aux.loss_ce: 0.1969, aux.acc_seg: 81.4383, loss: 0.6094 2023-11-02 05:12:23,906 - mmseg - INFO - Iter [6400/80000] lr: 2.981e-06, eta: 1 day, 13:05:48, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3903, decode.acc_seg: 84.4137, aux.loss_ce: 0.1950, aux.acc_seg: 81.5026, loss: 0.5853 2023-11-02 05:13:47,173 - mmseg - INFO - Iter [6450/80000] lr: 2.979e-06, eta: 1 day, 13:02:52, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4083, decode.acc_seg: 84.0622, aux.loss_ce: 0.1963, aux.acc_seg: 81.3562, loss: 0.6046 2023-11-02 05:15:10,468 - mmseg - INFO - Iter [6500/80000] lr: 2.977e-06, eta: 1 day, 12:59:58, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3943, decode.acc_seg: 84.1573, aux.loss_ce: 0.1967, aux.acc_seg: 81.3289, loss: 0.5909 2023-11-02 05:16:33,735 - mmseg - INFO - Iter [6550/80000] lr: 2.975e-06, eta: 1 day, 12:57:05, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3627, decode.acc_seg: 85.5363, aux.loss_ce: 0.1809, aux.acc_seg: 82.5421, loss: 0.5436 2023-11-02 05:17:56,995 - mmseg - INFO - Iter [6600/80000] lr: 2.973e-06, eta: 1 day, 12:54:13, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4320, decode.acc_seg: 83.0031, aux.loss_ce: 0.2092, aux.acc_seg: 80.0977, loss: 0.6411 2023-11-02 05:19:20,251 - mmseg - INFO - Iter [6650/80000] lr: 2.971e-06, eta: 1 day, 12:51:23, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4017, decode.acc_seg: 84.1251, aux.loss_ce: 0.1988, aux.acc_seg: 81.4970, loss: 0.6005 2023-11-02 05:20:43,562 - mmseg - INFO - Iter [6700/80000] lr: 2.968e-06, eta: 1 day, 12:48:35, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4338, decode.acc_seg: 82.6468, aux.loss_ce: 0.2062, aux.acc_seg: 80.2872, loss: 0.6401 2023-11-02 05:22:06,874 - mmseg - INFO - Iter [6750/80000] lr: 2.966e-06, eta: 1 day, 12:45:47, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4109, decode.acc_seg: 83.4153, aux.loss_ce: 0.1972, aux.acc_seg: 80.9103, loss: 0.6081 2023-11-02 05:23:30,134 - mmseg - INFO - Iter [6800/80000] lr: 2.964e-06, eta: 1 day, 12:43:01, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4096, decode.acc_seg: 84.0113, aux.loss_ce: 0.1945, aux.acc_seg: 81.7877, loss: 0.6041 2023-11-02 05:24:53,465 - mmseg - INFO - Iter [6850/80000] lr: 2.962e-06, eta: 1 day, 12:40:16, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3827, decode.acc_seg: 84.5745, aux.loss_ce: 0.1879, aux.acc_seg: 82.3475, loss: 0.5706 2023-11-02 05:26:16,740 - mmseg - INFO - Iter [6900/80000] lr: 2.960e-06, eta: 1 day, 12:37:32, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4101, decode.acc_seg: 83.5582, aux.loss_ce: 0.1932, aux.acc_seg: 81.2651, loss: 0.6034 2023-11-02 05:27:39,994 - mmseg - INFO - Iter [6950/80000] lr: 2.958e-06, eta: 1 day, 12:34:49, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4294, decode.acc_seg: 83.5518, aux.loss_ce: 0.2042, aux.acc_seg: 80.9634, loss: 0.6336 2023-11-02 05:29:03,266 - mmseg - INFO - Saving checkpoint at 7000 iterations 2023-11-02 05:30:00,381 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 05:30:00,381 - mmseg - INFO - Iter [7000/80000] lr: 2.956e-06, eta: 1 day, 12:42:03, time: 2.808, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4158, decode.acc_seg: 83.2883, aux.loss_ce: 0.1986, aux.acc_seg: 80.5623, loss: 0.6145 2023-11-02 05:31:26,557 - mmseg - INFO - per class results: 2023-11-02 05:31:26,563 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.19 | 87.13 | | building | 84.26 | 93.05 | | sky | 93.93 | 98.05 | | floor | 83.65 | 90.43 | | tree | 75.59 | 88.91 | | ceiling | 84.89 | 91.74 | | road | 85.06 | 92.0 | | bed | 90.63 | 96.82 | | windowpane | 61.71 | 80.18 | | grass | 66.24 | 86.71 | | cabinet | 62.62 | 69.25 | | sidewalk | 68.43 | 84.28 | | person | 82.78 | 93.67 | | earth | 35.9 | 48.54 | | door | 58.41 | 75.32 | | table | 60.59 | 77.65 | | mountain | 64.3 | 73.18 | | plant | 53.25 | 60.86 | | curtain | 73.16 | 88.77 | | chair | 60.27 | 70.44 | | car | 85.19 | 93.29 | | water | 65.72 | 79.29 | | painting | 75.84 | 88.44 | | sofa | 78.17 | 85.63 | | shelf | 41.6 | 56.48 | | house | 56.07 | 63.84 | | sea | 76.09 | 90.8 | | mirror | 71.01 | 77.08 | | rug | 69.43 | 83.28 | | field | 29.99 | 48.03 | | armchair | 54.26 | 84.14 | | seat | 67.81 | 86.02 | | fence | 49.78 | 70.55 | | desk | 47.37 | 66.83 | | rock | 54.05 | 75.95 | | wardrobe | 59.16 | 85.44 | | lamp | 65.12 | 79.57 | | bathtub | 85.96 | 92.21 | | railing | 41.21 | 63.01 | | cushion | 58.99 | 67.0 | | base | 38.0 | 53.43 | | box | 34.82 | 51.35 | | column | 49.41 | 56.3 | | signboard | 36.64 | 41.7 | | chest of drawers | 52.23 | 76.61 | | counter | 37.38 | 40.8 | | sand | 46.11 | 64.75 | | sink | 73.22 | 83.12 | | skyscraper | 49.53 | 60.93 | | fireplace | 74.9 | 89.01 | | refrigerator | 76.06 | 89.55 | | grandstand | 51.9 | 86.56 | | path | 27.8 | 35.66 | | stairs | 23.28 | 24.55 | | runway | 71.04 | 96.47 | | case | 53.34 | 79.73 | | pool table | 91.89 | 97.75 | | pillow | 64.04 | 80.97 | | screen door | 63.6 | 98.17 | | stairway | 39.81 | 60.87 | | river | 24.54 | 41.77 | | bridge | 66.47 | 77.77 | | bookcase | 31.69 | 50.29 | | blind | 18.3 | 18.48 | | coffee table | 53.72 | 90.15 | | toilet | 86.14 | 94.83 | | flower | 40.59 | 59.35 | | book | 48.68 | 74.96 | | hill | 4.98 | 8.18 | | bench | 61.89 | 74.41 | | countertop | 59.96 | 65.3 | | stove | 74.33 | 94.01 | | palm | 49.96 | 83.2 | | kitchen island | 39.07 | 92.29 | | computer | 74.83 | 90.36 | | swivel chair | 51.44 | 79.01 | | boat | 55.37 | 91.31 | | bar | 65.7 | 82.09 | | arcade machine | 80.45 | 86.35 | | hovel | 38.33 | 56.52 | | bus | 90.24 | 97.08 | | towel | 65.38 | 82.03 | | light | 49.74 | 57.49 | | truck | 43.32 | 62.65 | | tower | 11.5 | 16.18 | | chandelier | 65.9 | 80.64 | | awning | 41.41 | 48.08 | | streetlight | 26.86 | 35.78 | | booth | 34.5 | 38.92 | | television receiver | 72.59 | 86.96 | | airplane | 82.47 | 94.15 | | dirt track | 22.2 | 27.11 | | apparel | 37.98 | 44.57 | | pole | 21.9 | 32.16 | | land | 0.31 | 0.7 | | bannister | 10.02 | 12.89 | | escalator | 63.46 | 84.3 | | ottoman | 47.26 | 77.67 | | bottle | 38.63 | 66.42 | | buffet | 54.9 | 90.55 | | poster | 24.49 | 26.11 | | stage | 20.57 | 33.0 | | van | 51.12 | 68.09 | | ship | 76.76 | 88.93 | | fountain | 32.19 | 32.65 | | conveyer belt | 77.54 | 93.23 | | canopy | 47.55 | 66.01 | | washer | 80.36 | 85.27 | | plaything | 27.01 | 32.45 | | swimming pool | 74.21 | 90.07 | | stool | 41.84 | 55.43 | | barrel | 51.63 | 68.06 | | basket | 39.15 | 61.47 | | waterfall | 56.02 | 70.35 | | tent | 95.37 | 98.37 | | bag | 17.9 | 18.98 | | minibike | 71.1 | 87.95 | | cradle | 80.4 | 98.27 | | oven | 57.96 | 73.82 | | ball | 47.46 | 69.54 | | food | 62.54 | 70.76 | | step | 19.41 | 24.0 | | tank | 65.94 | 89.2 | | trade name | 19.55 | 20.66 | | microwave | 86.5 | 91.53 | | pot | 53.55 | 64.63 | | animal | 73.49 | 77.03 | | bicycle | 12.93 | 13.3 | | lake | 43.51 | 50.25 | | dishwasher | 66.09 | 72.94 | | screen | 58.49 | 92.96 | | blanket | 26.05 | 30.67 | | sculpture | 67.28 | 81.83 | | hood | 66.86 | 71.18 | | sconce | 52.88 | 68.05 | | vase | 38.47 | 60.26 | | traffic light | 27.81 | 45.99 | | tray | 14.8 | 32.62 | | ashcan | 48.34 | 60.46 | | fan | 58.13 | 73.99 | | pier | 37.01 | 41.82 | | crt screen | 1.03 | 2.82 | | plate | 53.45 | 64.07 | | monitor | 2.54 | 2.63 | | bulletin board | 65.75 | 76.75 | | shower | 0.0 | 0.0 | | radiator | 61.32 | 84.93 | | glass | 14.0 | 14.97 | | clock | 43.5 | 57.86 | | flag | 53.52 | 59.25 | +---------------------+-------+-------+ 2023-11-02 05:31:26,563 - mmseg - INFO - Summary: 2023-11-02 05:31:26,563 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.58 | 53.23 | 66.76 | +-------+-------+-------+ 2023-11-02 05:31:26,563 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 05:31:26,564 - mmseg - INFO - Iter(val) [250] aAcc: 0.8458, mIoU: 0.5323, mAcc: 0.6676, IoU.wall: 0.7919, IoU.building: 0.8426, IoU.sky: 0.9393, IoU.floor: 0.8365, IoU.tree: 0.7559, IoU.ceiling: 0.8489, IoU.road: 0.8506, IoU.bed : 0.9063, IoU.windowpane: 0.6171, IoU.grass: 0.6624, IoU.cabinet: 0.6262, IoU.sidewalk: 0.6843, IoU.person: 0.8278, IoU.earth: 0.3590, IoU.door: 0.5841, IoU.table: 0.6059, IoU.mountain: 0.6430, IoU.plant: 0.5325, IoU.curtain: 0.7316, IoU.chair: 0.6027, IoU.car: 0.8519, IoU.water: 0.6572, IoU.painting: 0.7584, IoU.sofa: 0.7817, IoU.shelf: 0.4160, IoU.house: 0.5607, IoU.sea: 0.7609, IoU.mirror: 0.7101, IoU.rug: 0.6943, IoU.field: 0.2999, IoU.armchair: 0.5426, IoU.seat: 0.6781, IoU.fence: 0.4978, IoU.desk: 0.4737, IoU.rock: 0.5405, IoU.wardrobe: 0.5916, IoU.lamp: 0.6512, IoU.bathtub: 0.8596, IoU.railing: 0.4121, IoU.cushion: 0.5899, IoU.base: 0.3800, IoU.box: 0.3482, IoU.column: 0.4941, IoU.signboard: 0.3664, IoU.chest of drawers: 0.5223, IoU.counter: 0.3738, IoU.sand: 0.4611, IoU.sink: 0.7322, IoU.skyscraper: 0.4953, IoU.fireplace: 0.7490, IoU.refrigerator: 0.7606, IoU.grandstand: 0.5190, IoU.path: 0.2780, IoU.stairs: 0.2328, IoU.runway: 0.7104, IoU.case: 0.5334, IoU.pool table: 0.9189, IoU.pillow: 0.6404, IoU.screen door: 0.6360, IoU.stairway: 0.3981, IoU.river: 0.2454, IoU.bridge: 0.6647, IoU.bookcase: 0.3169, IoU.blind: 0.1830, IoU.coffee table: 0.5372, IoU.toilet: 0.8614, IoU.flower: 0.4059, IoU.book: 0.4868, IoU.hill: 0.0498, IoU.bench: 0.6189, IoU.countertop: 0.5996, IoU.stove: 0.7433, IoU.palm: 0.4996, IoU.kitchen island: 0.3907, IoU.computer: 0.7483, IoU.swivel chair: 0.5144, IoU.boat: 0.5537, IoU.bar: 0.6570, IoU.arcade machine: 0.8045, IoU.hovel: 0.3833, IoU.bus: 0.9024, IoU.towel: 0.6538, IoU.light: 0.4974, IoU.truck: 0.4332, IoU.tower: 0.1150, IoU.chandelier: 0.6590, IoU.awning: 0.4141, IoU.streetlight: 0.2686, IoU.booth: 0.3450, IoU.television receiver: 0.7259, IoU.airplane: 0.8247, IoU.dirt track: 0.2220, IoU.apparel: 0.3798, IoU.pole: 0.2190, IoU.land: 0.0031, IoU.bannister: 0.1002, IoU.escalator: 0.6346, IoU.ottoman: 0.4726, IoU.bottle: 0.3863, IoU.buffet: 0.5490, IoU.poster: 0.2449, IoU.stage: 0.2057, IoU.van: 0.5112, IoU.ship: 0.7676, IoU.fountain: 0.3219, IoU.conveyer belt: 0.7754, IoU.canopy: 0.4755, IoU.washer: 0.8036, IoU.plaything: 0.2701, IoU.swimming pool: 0.7421, IoU.stool: 0.4184, IoU.barrel: 0.5163, IoU.basket: 0.3915, IoU.waterfall: 0.5602, IoU.tent: 0.9537, IoU.bag: 0.1790, IoU.minibike: 0.7110, IoU.cradle: 0.8040, IoU.oven: 0.5796, IoU.ball: 0.4746, IoU.food: 0.6254, IoU.step: 0.1941, IoU.tank: 0.6594, IoU.trade name: 0.1955, IoU.microwave: 0.8650, IoU.pot: 0.5355, IoU.animal: 0.7349, IoU.bicycle: 0.1293, IoU.lake: 0.4351, IoU.dishwasher: 0.6609, IoU.screen: 0.5849, IoU.blanket: 0.2605, IoU.sculpture: 0.6728, IoU.hood: 0.6686, IoU.sconce: 0.5288, IoU.vase: 0.3847, IoU.traffic light: 0.2781, IoU.tray: 0.1480, IoU.ashcan: 0.4834, IoU.fan: 0.5813, IoU.pier: 0.3701, IoU.crt screen: 0.0103, IoU.plate: 0.5345, IoU.monitor: 0.0254, IoU.bulletin board: 0.6575, IoU.shower: 0.0000, IoU.radiator: 0.6132, IoU.glass: 0.1400, IoU.clock: 0.4350, IoU.flag: 0.5352, Acc.wall: 0.8713, Acc.building: 0.9305, Acc.sky: 0.9805, Acc.floor: 0.9043, Acc.tree: 0.8891, Acc.ceiling: 0.9174, Acc.road: 0.9200, Acc.bed : 0.9682, Acc.windowpane: 0.8018, Acc.grass: 0.8671, Acc.cabinet: 0.6925, Acc.sidewalk: 0.8428, Acc.person: 0.9367, Acc.earth: 0.4854, Acc.door: 0.7532, Acc.table: 0.7765, Acc.mountain: 0.7318, Acc.plant: 0.6086, Acc.curtain: 0.8877, Acc.chair: 0.7044, Acc.car: 0.9329, Acc.water: 0.7929, Acc.painting: 0.8844, Acc.sofa: 0.8563, Acc.shelf: 0.5648, Acc.house: 0.6384, Acc.sea: 0.9080, Acc.mirror: 0.7708, Acc.rug: 0.8328, Acc.field: 0.4803, Acc.armchair: 0.8414, Acc.seat: 0.8602, Acc.fence: 0.7055, Acc.desk: 0.6683, Acc.rock: 0.7595, Acc.wardrobe: 0.8544, Acc.lamp: 0.7957, Acc.bathtub: 0.9221, Acc.railing: 0.6301, Acc.cushion: 0.6700, Acc.base: 0.5343, Acc.box: 0.5135, Acc.column: 0.5630, Acc.signboard: 0.4170, Acc.chest of drawers: 0.7661, Acc.counter: 0.4080, Acc.sand: 0.6475, Acc.sink: 0.8312, Acc.skyscraper: 0.6093, Acc.fireplace: 0.8901, Acc.refrigerator: 0.8955, Acc.grandstand: 0.8656, Acc.path: 0.3566, Acc.stairs: 0.2455, Acc.runway: 0.9647, Acc.case: 0.7973, Acc.pool table: 0.9775, Acc.pillow: 0.8097, Acc.screen door: 0.9817, Acc.stairway: 0.6087, Acc.river: 0.4177, Acc.bridge: 0.7777, Acc.bookcase: 0.5029, Acc.blind: 0.1848, Acc.coffee table: 0.9015, Acc.toilet: 0.9483, Acc.flower: 0.5935, Acc.book: 0.7496, Acc.hill: 0.0818, Acc.bench: 0.7441, Acc.countertop: 0.6530, Acc.stove: 0.9401, Acc.palm: 0.8320, Acc.kitchen island: 0.9229, Acc.computer: 0.9036, Acc.swivel chair: 0.7901, Acc.boat: 0.9131, Acc.bar: 0.8209, Acc.arcade machine: 0.8635, Acc.hovel: 0.5652, Acc.bus: 0.9708, Acc.towel: 0.8203, Acc.light: 0.5749, Acc.truck: 0.6265, Acc.tower: 0.1618, Acc.chandelier: 0.8064, Acc.awning: 0.4808, Acc.streetlight: 0.3578, Acc.booth: 0.3892, Acc.television receiver: 0.8696, Acc.airplane: 0.9415, Acc.dirt track: 0.2711, Acc.apparel: 0.4457, Acc.pole: 0.3216, Acc.land: 0.0070, Acc.bannister: 0.1289, Acc.escalator: 0.8430, Acc.ottoman: 0.7767, Acc.bottle: 0.6642, Acc.buffet: 0.9055, Acc.poster: 0.2611, Acc.stage: 0.3300, Acc.van: 0.6809, Acc.ship: 0.8893, Acc.fountain: 0.3265, Acc.conveyer belt: 0.9323, Acc.canopy: 0.6601, Acc.washer: 0.8527, Acc.plaything: 0.3245, Acc.swimming pool: 0.9007, Acc.stool: 0.5543, Acc.barrel: 0.6806, Acc.basket: 0.6147, Acc.waterfall: 0.7035, Acc.tent: 0.9837, Acc.bag: 0.1898, Acc.minibike: 0.8795, Acc.cradle: 0.9827, Acc.oven: 0.7382, Acc.ball: 0.6954, Acc.food: 0.7076, Acc.step: 0.2400, Acc.tank: 0.8920, Acc.trade name: 0.2066, Acc.microwave: 0.9153, Acc.pot: 0.6463, Acc.animal: 0.7703, Acc.bicycle: 0.1330, Acc.lake: 0.5025, Acc.dishwasher: 0.7294, Acc.screen: 0.9296, Acc.blanket: 0.3067, Acc.sculpture: 0.8183, Acc.hood: 0.7118, Acc.sconce: 0.6805, Acc.vase: 0.6026, Acc.traffic light: 0.4599, Acc.tray: 0.3262, Acc.ashcan: 0.6046, Acc.fan: 0.7399, Acc.pier: 0.4182, Acc.crt screen: 0.0282, Acc.plate: 0.6407, Acc.monitor: 0.0263, Acc.bulletin board: 0.7675, Acc.shower: 0.0000, Acc.radiator: 0.8493, Acc.glass: 0.1497, Acc.clock: 0.5786, Acc.flag: 0.5925 2023-11-02 05:32:50,004 - mmseg - INFO - Iter [7050/80000] lr: 2.954e-06, eta: 1 day, 12:54:11, time: 3.392, data_time: 1.732, memory: 69173, decode.loss_ce: 0.4294, decode.acc_seg: 83.0992, aux.loss_ce: 0.2039, aux.acc_seg: 80.5047, loss: 0.6333 2023-11-02 05:34:13,310 - mmseg - INFO - Iter [7100/80000] lr: 2.952e-06, eta: 1 day, 12:51:21, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4068, decode.acc_seg: 83.2929, aux.loss_ce: 0.1953, aux.acc_seg: 80.7108, loss: 0.6021 2023-11-02 05:35:36,617 - mmseg - INFO - Iter [7150/80000] lr: 2.950e-06, eta: 1 day, 12:48:31, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4039, decode.acc_seg: 83.7143, aux.loss_ce: 0.1959, aux.acc_seg: 81.1209, loss: 0.5998 2023-11-02 05:36:59,888 - mmseg - INFO - Iter [7200/80000] lr: 2.948e-06, eta: 1 day, 12:45:43, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4248, decode.acc_seg: 83.3262, aux.loss_ce: 0.2040, aux.acc_seg: 80.8153, loss: 0.6288 2023-11-02 05:38:23,210 - mmseg - INFO - Iter [7250/80000] lr: 2.946e-06, eta: 1 day, 12:42:56, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4045, decode.acc_seg: 83.6857, aux.loss_ce: 0.1958, aux.acc_seg: 81.3618, loss: 0.6003 2023-11-02 05:39:46,494 - mmseg - INFO - Iter [7300/80000] lr: 2.944e-06, eta: 1 day, 12:40:10, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4113, decode.acc_seg: 83.7557, aux.loss_ce: 0.1962, aux.acc_seg: 81.4575, loss: 0.6075 2023-11-02 05:41:09,838 - mmseg - INFO - Iter [7350/80000] lr: 2.942e-06, eta: 1 day, 12:37:25, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4528, decode.acc_seg: 81.9551, aux.loss_ce: 0.2098, aux.acc_seg: 79.9391, loss: 0.6625 2023-11-02 05:42:33,120 - mmseg - INFO - Iter [7400/80000] lr: 2.940e-06, eta: 1 day, 12:34:41, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4324, decode.acc_seg: 83.1390, aux.loss_ce: 0.2041, aux.acc_seg: 81.2212, loss: 0.6366 2023-11-02 05:43:56,439 - mmseg - INFO - Iter [7450/80000] lr: 2.938e-06, eta: 1 day, 12:31:59, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3967, decode.acc_seg: 83.6258, aux.loss_ce: 0.1973, aux.acc_seg: 80.9562, loss: 0.5939 2023-11-02 05:45:19,748 - mmseg - INFO - Iter [7500/80000] lr: 2.936e-06, eta: 1 day, 12:29:17, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4044, decode.acc_seg: 83.9627, aux.loss_ce: 0.1980, aux.acc_seg: 81.3254, loss: 0.6023 2023-11-02 05:46:43,033 - mmseg - INFO - Iter [7550/80000] lr: 2.934e-06, eta: 1 day, 12:26:37, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4109, decode.acc_seg: 83.3117, aux.loss_ce: 0.1944, aux.acc_seg: 80.6525, loss: 0.6053 2023-11-02 05:48:08,763 - mmseg - INFO - Iter [7600/80000] lr: 2.932e-06, eta: 1 day, 12:24:20, time: 1.715, data_time: 0.053, memory: 69173, decode.loss_ce: 0.3912, decode.acc_seg: 84.8655, aux.loss_ce: 0.1889, aux.acc_seg: 82.0115, loss: 0.5802 2023-11-02 05:49:32,050 - mmseg - INFO - Iter [7650/80000] lr: 2.930e-06, eta: 1 day, 12:21:41, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3603, decode.acc_seg: 85.2363, aux.loss_ce: 0.1767, aux.acc_seg: 82.6552, loss: 0.5370 2023-11-02 05:50:55,337 - mmseg - INFO - Iter [7700/80000] lr: 2.928e-06, eta: 1 day, 12:19:03, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3566, decode.acc_seg: 85.4778, aux.loss_ce: 0.1676, aux.acc_seg: 83.4975, loss: 0.5242 2023-11-02 05:52:18,608 - mmseg - INFO - Iter [7750/80000] lr: 2.926e-06, eta: 1 day, 12:16:26, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3742, decode.acc_seg: 84.7233, aux.loss_ce: 0.1856, aux.acc_seg: 81.8441, loss: 0.5599 2023-11-02 05:53:41,881 - mmseg - INFO - Iter [7800/80000] lr: 2.924e-06, eta: 1 day, 12:13:50, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3845, decode.acc_seg: 85.0903, aux.loss_ce: 0.1841, aux.acc_seg: 82.6229, loss: 0.5686 2023-11-02 05:55:05,197 - mmseg - INFO - Iter [7850/80000] lr: 2.922e-06, eta: 1 day, 12:11:16, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4157, decode.acc_seg: 83.7805, aux.loss_ce: 0.2033, aux.acc_seg: 80.8161, loss: 0.6190 2023-11-02 05:56:28,535 - mmseg - INFO - Iter [7900/80000] lr: 2.920e-06, eta: 1 day, 12:08:42, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3876, decode.acc_seg: 84.7760, aux.loss_ce: 0.1905, aux.acc_seg: 81.9815, loss: 0.5781 2023-11-02 05:57:51,848 - mmseg - INFO - Iter [7950/80000] lr: 2.918e-06, eta: 1 day, 12:06:09, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3840, decode.acc_seg: 85.1209, aux.loss_ce: 0.1902, aux.acc_seg: 82.2381, loss: 0.5742 2023-11-02 05:59:15,085 - mmseg - INFO - Saving checkpoint at 8000 iterations 2023-11-02 06:00:14,680 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 06:00:14,680 - mmseg - INFO - Iter [8000/80000] lr: 2.916e-06, eta: 1 day, 12:12:32, time: 2.857, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3969, decode.acc_seg: 84.2491, aux.loss_ce: 0.1926, aux.acc_seg: 81.8220, loss: 0.5895 2023-11-02 06:01:39,498 - mmseg - INFO - per class results: 2023-11-02 06:01:39,503 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.35 | 87.13 | | building | 83.95 | 92.84 | | sky | 94.43 | 97.15 | | floor | 82.87 | 87.88 | | tree | 75.56 | 90.34 | | ceiling | 84.35 | 94.34 | | road | 85.17 | 90.33 | | bed | 89.73 | 96.84 | | windowpane | 64.15 | 79.04 | | grass | 71.03 | 87.0 | | cabinet | 63.18 | 73.36 | | sidewalk | 66.2 | 84.26 | | person | 82.92 | 92.45 | | earth | 38.03 | 50.23 | | door | 54.0 | 77.73 | | table | 61.3 | 71.7 | | mountain | 63.79 | 78.27 | | plant | 52.37 | 62.31 | | curtain | 76.66 | 89.11 | | chair | 59.15 | 67.73 | | car | 85.47 | 92.9 | | water | 62.82 | 83.42 | | painting | 74.43 | 81.82 | | sofa | 78.67 | 91.32 | | shelf | 44.94 | 57.8 | | house | 50.42 | 66.41 | | sea | 57.01 | 62.87 | | mirror | 74.5 | 83.11 | | rug | 70.13 | 80.78 | | field | 33.1 | 46.2 | | armchair | 57.64 | 76.01 | | seat | 67.28 | 82.59 | | fence | 53.38 | 68.07 | | desk | 43.55 | 77.89 | | rock | 52.08 | 70.37 | | wardrobe | 58.96 | 80.19 | | lamp | 67.08 | 80.28 | | bathtub | 85.97 | 90.42 | | railing | 41.39 | 62.48 | | cushion | 63.6 | 74.18 | | base | 49.37 | 66.38 | | box | 30.66 | 40.82 | | column | 51.51 | 63.01 | | signboard | 40.4 | 55.41 | | chest of drawers | 50.41 | 71.89 | | counter | 46.97 | 66.48 | | sand | 48.22 | 66.03 | | sink | 72.01 | 83.31 | | skyscraper | 48.49 | 66.78 | | fireplace | 68.5 | 93.81 | | refrigerator | 76.32 | 87.15 | | grandstand | 46.02 | 89.98 | | path | 25.9 | 38.0 | | stairs | 34.8 | 44.99 | | runway | 70.73 | 99.03 | | case | 50.61 | 90.46 | | pool table | 90.78 | 98.81 | | pillow | 61.42 | 68.5 | | screen door | 73.16 | 89.16 | | stairway | 40.31 | 57.1 | | river | 26.06 | 30.02 | | bridge | 59.32 | 82.35 | | bookcase | 35.67 | 45.83 | | blind | 37.67 | 41.45 | | coffee table | 63.47 | 87.66 | | toilet | 86.89 | 95.45 | | flower | 35.75 | 48.47 | | book | 53.58 | 75.94 | | hill | 5.23 | 7.16 | | bench | 59.86 | 79.45 | | countertop | 62.49 | 80.07 | | stove | 77.84 | 93.42 | | palm | 47.33 | 78.88 | | kitchen island | 33.99 | 90.17 | | computer | 72.91 | 92.63 | | swivel chair | 46.49 | 78.19 | | boat | 64.83 | 84.31 | | bar | 56.13 | 59.3 | | arcade machine | 85.46 | 99.38 | | hovel | 8.18 | 8.72 | | bus | 88.36 | 96.44 | | towel | 64.88 | 80.25 | | light | 52.33 | 61.32 | | truck | 42.68 | 58.55 | | tower | 29.5 | 40.9 | | chandelier | 65.5 | 87.29 | | awning | 52.83 | 61.91 | | streetlight | 29.67 | 46.55 | | booth | 45.78 | 62.86 | | television receiver | 72.13 | 82.91 | | airplane | 78.21 | 93.93 | | dirt track | 5.81 | 15.01 | | apparel | 30.95 | 35.99 | | pole | 20.12 | 26.67 | | land | 0.12 | 0.26 | | bannister | 10.38 | 16.09 | | escalator | 47.15 | 58.88 | | ottoman | 53.64 | 71.84 | | bottle | 39.81 | 62.92 | | buffet | 49.64 | 66.77 | | poster | 34.16 | 55.95 | | stage | 29.8 | 52.2 | | van | 48.93 | 68.43 | | ship | 68.16 | 99.51 | | fountain | 23.15 | 23.53 | | conveyer belt | 77.67 | 96.37 | | canopy | 1.18 | 1.24 | | washer | 85.76 | 96.21 | | plaything | 20.96 | 34.15 | | swimming pool | 53.08 | 80.05 | | stool | 33.65 | 39.76 | | barrel | 47.07 | 79.74 | | basket | 39.14 | 47.83 | | waterfall | 69.74 | 86.44 | | tent | 94.39 | 98.74 | | bag | 23.47 | 25.82 | | minibike | 72.24 | 85.45 | | cradle | 82.87 | 98.08 | | oven | 61.77 | 70.94 | | ball | 14.15 | 14.29 | | food | 56.07 | 69.33 | | step | 14.68 | 16.3 | | tank | 71.28 | 89.44 | | trade name | 26.68 | 29.65 | | microwave | 85.51 | 95.44 | | pot | 55.38 | 68.63 | | animal | 68.21 | 70.53 | | bicycle | 51.06 | 57.43 | | lake | 53.68 | 63.26 | | dishwasher | 67.46 | 81.96 | | screen | 63.34 | 90.12 | | blanket | 18.48 | 21.14 | | sculpture | 61.7 | 86.33 | | hood | 60.99 | 70.49 | | sconce | 50.91 | 63.39 | | vase | 37.05 | 61.27 | | traffic light | 29.25 | 46.12 | | tray | 10.8 | 14.99 | | ashcan | 46.4 | 62.09 | | fan | 55.71 | 63.54 | | pier | 36.94 | 42.82 | | crt screen | 0.0 | 0.0 | | plate | 51.59 | 75.64 | | monitor | 25.61 | 30.49 | | bulletin board | 63.33 | 69.2 | | shower | 0.0 | 0.0 | | radiator | 65.01 | 72.4 | | glass | 12.47 | 13.0 | | clock | 40.07 | 52.02 | | flag | 22.09 | 22.66 | +---------------------+-------+-------+ 2023-11-02 06:01:39,504 - mmseg - INFO - Summary: 2023-11-02 06:01:39,504 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.51 | 52.72 | 66.25 | +-------+-------+-------+ 2023-11-02 06:01:39,505 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 06:01:39,505 - mmseg - INFO - Iter(val) [250] aAcc: 0.8451, mIoU: 0.5272, mAcc: 0.6625, IoU.wall: 0.7835, IoU.building: 0.8395, IoU.sky: 0.9443, IoU.floor: 0.8287, IoU.tree: 0.7556, IoU.ceiling: 0.8435, IoU.road: 0.8517, IoU.bed : 0.8973, IoU.windowpane: 0.6415, IoU.grass: 0.7103, IoU.cabinet: 0.6318, IoU.sidewalk: 0.6620, IoU.person: 0.8292, IoU.earth: 0.3803, IoU.door: 0.5400, IoU.table: 0.6130, IoU.mountain: 0.6379, IoU.plant: 0.5237, IoU.curtain: 0.7666, IoU.chair: 0.5915, IoU.car: 0.8547, IoU.water: 0.6282, IoU.painting: 0.7443, IoU.sofa: 0.7867, IoU.shelf: 0.4494, IoU.house: 0.5042, IoU.sea: 0.5701, IoU.mirror: 0.7450, IoU.rug: 0.7013, IoU.field: 0.3310, IoU.armchair: 0.5764, IoU.seat: 0.6728, IoU.fence: 0.5338, IoU.desk: 0.4355, IoU.rock: 0.5208, IoU.wardrobe: 0.5896, IoU.lamp: 0.6708, IoU.bathtub: 0.8597, IoU.railing: 0.4139, IoU.cushion: 0.6360, IoU.base: 0.4937, IoU.box: 0.3066, IoU.column: 0.5151, IoU.signboard: 0.4040, IoU.chest of drawers: 0.5041, IoU.counter: 0.4697, IoU.sand: 0.4822, IoU.sink: 0.7201, IoU.skyscraper: 0.4849, IoU.fireplace: 0.6850, IoU.refrigerator: 0.7632, IoU.grandstand: 0.4602, IoU.path: 0.2590, IoU.stairs: 0.3480, IoU.runway: 0.7073, IoU.case: 0.5061, IoU.pool table: 0.9078, IoU.pillow: 0.6142, IoU.screen door: 0.7316, IoU.stairway: 0.4031, IoU.river: 0.2606, IoU.bridge: 0.5932, IoU.bookcase: 0.3567, IoU.blind: 0.3767, IoU.coffee table: 0.6347, IoU.toilet: 0.8689, IoU.flower: 0.3575, IoU.book: 0.5358, IoU.hill: 0.0523, IoU.bench: 0.5986, IoU.countertop: 0.6249, IoU.stove: 0.7784, IoU.palm: 0.4733, IoU.kitchen island: 0.3399, IoU.computer: 0.7291, IoU.swivel chair: 0.4649, IoU.boat: 0.6483, IoU.bar: 0.5613, IoU.arcade machine: 0.8546, IoU.hovel: 0.0818, IoU.bus: 0.8836, IoU.towel: 0.6488, IoU.light: 0.5233, IoU.truck: 0.4268, IoU.tower: 0.2950, IoU.chandelier: 0.6550, IoU.awning: 0.5283, IoU.streetlight: 0.2967, IoU.booth: 0.4578, IoU.television receiver: 0.7213, IoU.airplane: 0.7821, IoU.dirt track: 0.0581, IoU.apparel: 0.3095, IoU.pole: 0.2012, IoU.land: 0.0012, IoU.bannister: 0.1038, IoU.escalator: 0.4715, IoU.ottoman: 0.5364, IoU.bottle: 0.3981, IoU.buffet: 0.4964, IoU.poster: 0.3416, IoU.stage: 0.2980, IoU.van: 0.4893, IoU.ship: 0.6816, IoU.fountain: 0.2315, IoU.conveyer belt: 0.7767, IoU.canopy: 0.0118, IoU.washer: 0.8576, IoU.plaything: 0.2096, IoU.swimming pool: 0.5308, IoU.stool: 0.3365, IoU.barrel: 0.4707, IoU.basket: 0.3914, IoU.waterfall: 0.6974, IoU.tent: 0.9439, IoU.bag: 0.2347, IoU.minibike: 0.7224, IoU.cradle: 0.8287, IoU.oven: 0.6177, IoU.ball: 0.1415, IoU.food: 0.5607, IoU.step: 0.1468, IoU.tank: 0.7128, IoU.trade name: 0.2668, IoU.microwave: 0.8551, IoU.pot: 0.5538, IoU.animal: 0.6821, IoU.bicycle: 0.5106, IoU.lake: 0.5368, IoU.dishwasher: 0.6746, IoU.screen: 0.6334, IoU.blanket: 0.1848, IoU.sculpture: 0.6170, IoU.hood: 0.6099, IoU.sconce: 0.5091, IoU.vase: 0.3705, IoU.traffic light: 0.2925, IoU.tray: 0.1080, IoU.ashcan: 0.4640, IoU.fan: 0.5571, IoU.pier: 0.3694, IoU.crt screen: 0.0000, IoU.plate: 0.5159, IoU.monitor: 0.2561, IoU.bulletin board: 0.6333, IoU.shower: 0.0000, IoU.radiator: 0.6501, IoU.glass: 0.1247, IoU.clock: 0.4007, IoU.flag: 0.2209, Acc.wall: 0.8713, Acc.building: 0.9284, Acc.sky: 0.9715, Acc.floor: 0.8788, Acc.tree: 0.9034, Acc.ceiling: 0.9434, Acc.road: 0.9033, Acc.bed : 0.9684, Acc.windowpane: 0.7904, Acc.grass: 0.8700, Acc.cabinet: 0.7336, Acc.sidewalk: 0.8426, Acc.person: 0.9245, Acc.earth: 0.5023, Acc.door: 0.7773, Acc.table: 0.7170, Acc.mountain: 0.7827, Acc.plant: 0.6231, Acc.curtain: 0.8911, Acc.chair: 0.6773, Acc.car: 0.9290, Acc.water: 0.8342, Acc.painting: 0.8182, Acc.sofa: 0.9132, Acc.shelf: 0.5780, Acc.house: 0.6641, Acc.sea: 0.6287, Acc.mirror: 0.8311, Acc.rug: 0.8078, Acc.field: 0.4620, Acc.armchair: 0.7601, Acc.seat: 0.8259, Acc.fence: 0.6807, Acc.desk: 0.7789, Acc.rock: 0.7037, Acc.wardrobe: 0.8019, Acc.lamp: 0.8028, Acc.bathtub: 0.9042, Acc.railing: 0.6248, Acc.cushion: 0.7418, Acc.base: 0.6638, Acc.box: 0.4082, Acc.column: 0.6301, Acc.signboard: 0.5541, Acc.chest of drawers: 0.7189, Acc.counter: 0.6648, Acc.sand: 0.6603, Acc.sink: 0.8331, Acc.skyscraper: 0.6678, Acc.fireplace: 0.9381, Acc.refrigerator: 0.8715, Acc.grandstand: 0.8998, Acc.path: 0.3800, Acc.stairs: 0.4499, Acc.runway: 0.9903, Acc.case: 0.9046, Acc.pool table: 0.9881, Acc.pillow: 0.6850, Acc.screen door: 0.8916, Acc.stairway: 0.5710, Acc.river: 0.3002, Acc.bridge: 0.8235, Acc.bookcase: 0.4583, Acc.blind: 0.4145, Acc.coffee table: 0.8766, Acc.toilet: 0.9545, Acc.flower: 0.4847, Acc.book: 0.7594, Acc.hill: 0.0716, Acc.bench: 0.7945, Acc.countertop: 0.8007, Acc.stove: 0.9342, Acc.palm: 0.7888, Acc.kitchen island: 0.9017, Acc.computer: 0.9263, Acc.swivel chair: 0.7819, Acc.boat: 0.8431, Acc.bar: 0.5930, Acc.arcade machine: 0.9938, Acc.hovel: 0.0872, Acc.bus: 0.9644, Acc.towel: 0.8025, Acc.light: 0.6132, Acc.truck: 0.5855, Acc.tower: 0.4090, Acc.chandelier: 0.8729, Acc.awning: 0.6191, Acc.streetlight: 0.4655, Acc.booth: 0.6286, Acc.television receiver: 0.8291, Acc.airplane: 0.9393, Acc.dirt track: 0.1501, Acc.apparel: 0.3599, Acc.pole: 0.2667, Acc.land: 0.0026, Acc.bannister: 0.1609, Acc.escalator: 0.5888, Acc.ottoman: 0.7184, Acc.bottle: 0.6292, Acc.buffet: 0.6677, Acc.poster: 0.5595, Acc.stage: 0.5220, Acc.van: 0.6843, Acc.ship: 0.9951, Acc.fountain: 0.2353, Acc.conveyer belt: 0.9637, Acc.canopy: 0.0124, Acc.washer: 0.9621, Acc.plaything: 0.3415, Acc.swimming pool: 0.8005, Acc.stool: 0.3976, Acc.barrel: 0.7974, Acc.basket: 0.4783, Acc.waterfall: 0.8644, Acc.tent: 0.9874, Acc.bag: 0.2582, Acc.minibike: 0.8545, Acc.cradle: 0.9808, Acc.oven: 0.7094, Acc.ball: 0.1429, Acc.food: 0.6933, Acc.step: 0.1630, Acc.tank: 0.8944, Acc.trade name: 0.2965, Acc.microwave: 0.9544, Acc.pot: 0.6863, Acc.animal: 0.7053, Acc.bicycle: 0.5743, Acc.lake: 0.6326, Acc.dishwasher: 0.8196, Acc.screen: 0.9012, Acc.blanket: 0.2114, Acc.sculpture: 0.8633, Acc.hood: 0.7049, Acc.sconce: 0.6339, Acc.vase: 0.6127, Acc.traffic light: 0.4612, Acc.tray: 0.1499, Acc.ashcan: 0.6209, Acc.fan: 0.6354, Acc.pier: 0.4282, Acc.crt screen: 0.0000, Acc.plate: 0.7564, Acc.monitor: 0.3049, Acc.bulletin board: 0.6920, Acc.shower: 0.0000, Acc.radiator: 0.7240, Acc.glass: 0.1300, Acc.clock: 0.5202, Acc.flag: 0.2266 2023-11-02 06:03:02,906 - mmseg - INFO - Iter [8050/80000] lr: 2.914e-06, eta: 1 day, 12:22:36, time: 3.365, data_time: 1.705, memory: 69173, decode.loss_ce: 0.3774, decode.acc_seg: 84.5535, aux.loss_ce: 0.1855, aux.acc_seg: 82.1457, loss: 0.5629 2023-11-02 06:04:26,225 - mmseg - INFO - Iter [8100/80000] lr: 2.912e-06, eta: 1 day, 12:19:57, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3806, decode.acc_seg: 85.0216, aux.loss_ce: 0.1851, aux.acc_seg: 82.4304, loss: 0.5656 2023-11-02 06:05:49,497 - mmseg - INFO - Iter [8150/80000] lr: 2.910e-06, eta: 1 day, 12:17:18, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3739, decode.acc_seg: 85.1739, aux.loss_ce: 0.1928, aux.acc_seg: 81.7941, loss: 0.5667 2023-11-02 06:07:12,800 - mmseg - INFO - Iter [8200/80000] lr: 2.908e-06, eta: 1 day, 12:14:41, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3822, decode.acc_seg: 84.4378, aux.loss_ce: 0.1923, aux.acc_seg: 81.2223, loss: 0.5745 2023-11-02 06:08:36,071 - mmseg - INFO - Iter [8250/80000] lr: 2.906e-06, eta: 1 day, 12:12:04, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3679, decode.acc_seg: 85.2526, aux.loss_ce: 0.1820, aux.acc_seg: 82.7572, loss: 0.5499 2023-11-02 06:09:59,368 - mmseg - INFO - Iter [8300/80000] lr: 2.904e-06, eta: 1 day, 12:09:28, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3813, decode.acc_seg: 85.0225, aux.loss_ce: 0.1829, aux.acc_seg: 82.7140, loss: 0.5642 2023-11-02 06:11:22,660 - mmseg - INFO - Iter [8350/80000] lr: 2.902e-06, eta: 1 day, 12:06:53, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3641, decode.acc_seg: 85.4306, aux.loss_ce: 0.1760, aux.acc_seg: 83.0558, loss: 0.5401 2023-11-02 06:12:45,956 - mmseg - INFO - Iter [8400/80000] lr: 2.900e-06, eta: 1 day, 12:04:19, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3775, decode.acc_seg: 84.6043, aux.loss_ce: 0.1818, aux.acc_seg: 82.5138, loss: 0.5593 2023-11-02 06:14:09,228 - mmseg - INFO - Iter [8450/80000] lr: 2.898e-06, eta: 1 day, 12:01:46, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3943, decode.acc_seg: 84.4111, aux.loss_ce: 0.1850, aux.acc_seg: 82.1953, loss: 0.5793 2023-11-02 06:15:32,474 - mmseg - INFO - Iter [8500/80000] lr: 2.896e-06, eta: 1 day, 11:59:13, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3708, decode.acc_seg: 85.0003, aux.loss_ce: 0.1808, aux.acc_seg: 82.2603, loss: 0.5516 2023-11-02 06:16:55,735 - mmseg - INFO - Iter [8550/80000] lr: 2.894e-06, eta: 1 day, 11:56:41, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4040, decode.acc_seg: 83.6081, aux.loss_ce: 0.1941, aux.acc_seg: 81.0872, loss: 0.5981 2023-11-02 06:18:19,004 - mmseg - INFO - Iter [8600/80000] lr: 2.892e-06, eta: 1 day, 11:54:10, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3754, decode.acc_seg: 85.5010, aux.loss_ce: 0.1879, aux.acc_seg: 82.5614, loss: 0.5633 2023-11-02 06:19:42,300 - mmseg - INFO - Iter [8650/80000] lr: 2.890e-06, eta: 1 day, 11:51:40, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4088, decode.acc_seg: 83.7834, aux.loss_ce: 0.1989, aux.acc_seg: 80.7132, loss: 0.6078 2023-11-02 06:21:05,606 - mmseg - INFO - Iter [8700/80000] lr: 2.888e-06, eta: 1 day, 11:49:11, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3593, decode.acc_seg: 85.4766, aux.loss_ce: 0.1771, aux.acc_seg: 82.7536, loss: 0.5364 2023-11-02 06:22:28,879 - mmseg - INFO - Iter [8750/80000] lr: 2.885e-06, eta: 1 day, 11:46:42, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4048, decode.acc_seg: 84.0887, aux.loss_ce: 0.1958, aux.acc_seg: 81.2470, loss: 0.6006 2023-11-02 06:23:52,148 - mmseg - INFO - Iter [8800/80000] lr: 2.883e-06, eta: 1 day, 11:44:14, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.4020, decode.acc_seg: 83.9952, aux.loss_ce: 0.1923, aux.acc_seg: 81.4766, loss: 0.5943 2023-11-02 06:25:17,817 - mmseg - INFO - Iter [8850/80000] lr: 2.881e-06, eta: 1 day, 11:42:06, time: 1.713, data_time: 0.053, memory: 69173, decode.loss_ce: 0.4107, decode.acc_seg: 83.8854, aux.loss_ce: 0.1925, aux.acc_seg: 82.1660, loss: 0.6031 2023-11-02 06:26:41,101 - mmseg - INFO - Iter [8900/80000] lr: 2.879e-06, eta: 1 day, 11:39:39, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3648, decode.acc_seg: 85.4788, aux.loss_ce: 0.1767, aux.acc_seg: 82.8310, loss: 0.5416 2023-11-02 06:28:04,379 - mmseg - INFO - Iter [8950/80000] lr: 2.877e-06, eta: 1 day, 11:37:14, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3812, decode.acc_seg: 84.8082, aux.loss_ce: 0.1824, aux.acc_seg: 82.5392, loss: 0.5636 2023-11-02 06:29:27,663 - mmseg - INFO - Saving checkpoint at 9000 iterations 2023-11-02 06:30:27,697 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 06:30:27,697 - mmseg - INFO - Iter [9000/80000] lr: 2.875e-06, eta: 1 day, 11:42:42, time: 2.866, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3426, decode.acc_seg: 86.1504, aux.loss_ce: 0.1688, aux.acc_seg: 83.3656, loss: 0.5113 2023-11-02 06:31:52,708 - mmseg - INFO - per class results: 2023-11-02 06:31:52,713 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.48 | 88.23 | | building | 83.06 | 92.72 | | sky | 94.54 | 97.58 | | floor | 82.62 | 88.35 | | tree | 75.87 | 90.4 | | ceiling | 86.27 | 92.93 | | road | 85.67 | 90.15 | | bed | 90.28 | 97.54 | | windowpane | 64.06 | 81.2 | | grass | 71.07 | 82.77 | | cabinet | 63.48 | 73.4 | | sidewalk | 68.43 | 86.27 | | person | 83.38 | 92.29 | | earth | 42.22 | 59.38 | | door | 55.21 | 68.08 | | table | 62.16 | 76.1 | | mountain | 60.3 | 71.13 | | plant | 56.67 | 68.85 | | curtain | 72.94 | 89.34 | | chair | 59.22 | 68.2 | | car | 85.63 | 93.6 | | water | 66.85 | 80.83 | | painting | 72.53 | 90.35 | | sofa | 74.24 | 86.11 | | shelf | 45.24 | 63.47 | | house | 46.29 | 54.02 | | sea | 77.44 | 88.63 | | mirror | 75.29 | 85.51 | | rug | 70.35 | 79.32 | | field | 30.14 | 43.35 | | armchair | 53.67 | 82.16 | | seat | 66.11 | 88.87 | | fence | 47.4 | 63.87 | | desk | 51.1 | 76.03 | | rock | 50.56 | 62.08 | | wardrobe | 59.52 | 81.53 | | lamp | 66.19 | 82.8 | | bathtub | 83.22 | 86.18 | | railing | 39.55 | 55.57 | | cushion | 62.4 | 73.78 | | base | 44.11 | 54.25 | | box | 35.43 | 46.46 | | column | 49.18 | 65.89 | | signboard | 40.07 | 52.12 | | chest of drawers | 49.34 | 78.2 | | counter | 47.5 | 58.07 | | sand | 50.61 | 74.67 | | sink | 74.24 | 83.55 | | skyscraper | 51.7 | 64.14 | | fireplace | 73.53 | 87.19 | | refrigerator | 79.36 | 86.54 | | grandstand | 50.59 | 88.5 | | path | 26.46 | 35.34 | | stairs | 38.03 | 43.06 | | runway | 67.2 | 86.98 | | case | 59.78 | 81.04 | | pool table | 92.77 | 98.15 | | pillow | 65.57 | 81.69 | | screen door | 81.3 | 88.3 | | stairway | 38.21 | 41.36 | | river | 25.3 | 38.02 | | bridge | 68.55 | 77.26 | | bookcase | 37.08 | 54.19 | | blind | 33.04 | 33.82 | | coffee table | 53.78 | 91.9 | | toilet | 86.87 | 90.82 | | flower | 38.13 | 54.02 | | book | 48.09 | 79.7 | | hill | 6.29 | 9.5 | | bench | 53.46 | 73.06 | | countertop | 65.55 | 81.5 | | stove | 81.98 | 89.42 | | palm | 53.25 | 85.23 | | kitchen island | 47.91 | 79.21 | | computer | 70.95 | 93.41 | | swivel chair | 48.42 | 72.95 | | boat | 62.2 | 91.47 | | bar | 66.08 | 82.57 | | arcade machine | 79.15 | 85.88 | | hovel | 46.86 | 52.01 | | bus | 91.7 | 95.46 | | towel | 66.31 | 82.2 | | light | 51.66 | 56.73 | | truck | 41.45 | 56.82 | | tower | 26.66 | 58.38 | | chandelier | 65.27 | 89.27 | | awning | 49.71 | 59.83 | | streetlight | 25.57 | 34.5 | | booth | 32.34 | 49.3 | | television receiver | 71.29 | 87.35 | | airplane | 75.28 | 87.6 | | dirt track | 10.94 | 32.82 | | apparel | 43.61 | 57.2 | | pole | 15.39 | 17.57 | | land | 0.1 | 0.16 | | bannister | 13.47 | 17.84 | | escalator | 59.39 | 86.01 | | ottoman | 50.19 | 71.83 | | bottle | 40.26 | 67.82 | | buffet | 47.11 | 56.09 | | poster | 31.68 | 38.0 | | stage | 17.13 | 36.3 | | van | 47.77 | 69.08 | | ship | 36.49 | 36.68 | | fountain | 35.28 | 42.73 | | conveyer belt | 71.4 | 96.1 | | canopy | 33.16 | 41.34 | | washer | 83.36 | 89.59 | | plaything | 22.11 | 48.11 | | swimming pool | 60.24 | 88.08 | | stool | 39.2 | 70.1 | | barrel | 53.39 | 72.47 | | basket | 42.7 | 54.38 | | waterfall | 68.65 | 91.82 | | tent | 92.67 | 98.72 | | bag | 32.85 | 41.53 | | minibike | 71.46 | 80.07 | | cradle | 84.54 | 98.15 | | oven | 54.54 | 72.3 | | ball | 48.28 | 69.26 | | food | 65.12 | 77.63 | | step | 18.8 | 20.87 | | tank | 59.94 | 72.05 | | trade name | 17.84 | 18.38 | | microwave | 84.43 | 96.64 | | pot | 56.02 | 66.27 | | animal | 66.69 | 69.26 | | bicycle | 59.12 | 72.46 | | lake | 68.46 | 68.85 | | dishwasher | 69.7 | 82.99 | | screen | 58.43 | 92.67 | | blanket | 17.92 | 20.46 | | sculpture | 69.66 | 83.42 | | hood | 61.12 | 72.32 | | sconce | 52.24 | 72.32 | | vase | 38.81 | 53.91 | | traffic light | 29.73 | 53.46 | | tray | 15.75 | 24.19 | | ashcan | 43.26 | 68.62 | | fan | 59.47 | 69.73 | | pier | 33.0 | 34.62 | | crt screen | 1.34 | 1.42 | | plate | 53.57 | 74.7 | | monitor | 51.63 | 69.93 | | bulletin board | 56.99 | 66.6 | | shower | 0.0 | 0.0 | | radiator | 64.45 | 77.82 | | glass | 15.49 | 16.63 | | clock | 39.59 | 54.69 | | flag | 63.9 | 67.0 | +---------------------+-------+-------+ 2023-11-02 06:31:52,713 - mmseg - INFO - Summary: 2023-11-02 06:31:52,713 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.88 | 54.3 | 68.03 | +-------+------+-------+ 2023-11-02 06:31:52,714 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 06:31:52,715 - mmseg - INFO - Iter(val) [250] aAcc: 0.8488, mIoU: 0.5430, mAcc: 0.6803, IoU.wall: 0.7948, IoU.building: 0.8306, IoU.sky: 0.9454, IoU.floor: 0.8262, IoU.tree: 0.7587, IoU.ceiling: 0.8627, IoU.road: 0.8567, IoU.bed : 0.9028, IoU.windowpane: 0.6406, IoU.grass: 0.7107, IoU.cabinet: 0.6348, IoU.sidewalk: 0.6843, IoU.person: 0.8338, IoU.earth: 0.4222, IoU.door: 0.5521, IoU.table: 0.6216, IoU.mountain: 0.6030, IoU.plant: 0.5667, IoU.curtain: 0.7294, IoU.chair: 0.5922, IoU.car: 0.8563, IoU.water: 0.6685, IoU.painting: 0.7253, IoU.sofa: 0.7424, IoU.shelf: 0.4524, IoU.house: 0.4629, IoU.sea: 0.7744, IoU.mirror: 0.7529, IoU.rug: 0.7035, IoU.field: 0.3014, IoU.armchair: 0.5367, IoU.seat: 0.6611, IoU.fence: 0.4740, IoU.desk: 0.5110, IoU.rock: 0.5056, IoU.wardrobe: 0.5952, IoU.lamp: 0.6619, IoU.bathtub: 0.8322, IoU.railing: 0.3955, IoU.cushion: 0.6240, IoU.base: 0.4411, IoU.box: 0.3543, IoU.column: 0.4918, IoU.signboard: 0.4007, IoU.chest of drawers: 0.4934, IoU.counter: 0.4750, IoU.sand: 0.5061, IoU.sink: 0.7424, IoU.skyscraper: 0.5170, IoU.fireplace: 0.7353, IoU.refrigerator: 0.7936, IoU.grandstand: 0.5059, IoU.path: 0.2646, IoU.stairs: 0.3803, IoU.runway: 0.6720, IoU.case: 0.5978, IoU.pool table: 0.9277, IoU.pillow: 0.6557, IoU.screen door: 0.8130, IoU.stairway: 0.3821, IoU.river: 0.2530, IoU.bridge: 0.6855, IoU.bookcase: 0.3708, IoU.blind: 0.3304, IoU.coffee table: 0.5378, IoU.toilet: 0.8687, IoU.flower: 0.3813, IoU.book: 0.4809, IoU.hill: 0.0629, IoU.bench: 0.5346, IoU.countertop: 0.6555, IoU.stove: 0.8198, IoU.palm: 0.5325, IoU.kitchen island: 0.4791, IoU.computer: 0.7095, IoU.swivel chair: 0.4842, IoU.boat: 0.6220, IoU.bar: 0.6608, IoU.arcade machine: 0.7915, IoU.hovel: 0.4686, IoU.bus: 0.9170, IoU.towel: 0.6631, IoU.light: 0.5166, IoU.truck: 0.4145, IoU.tower: 0.2666, IoU.chandelier: 0.6527, IoU.awning: 0.4971, IoU.streetlight: 0.2557, IoU.booth: 0.3234, IoU.television receiver: 0.7129, IoU.airplane: 0.7528, IoU.dirt track: 0.1094, IoU.apparel: 0.4361, IoU.pole: 0.1539, IoU.land: 0.0010, IoU.bannister: 0.1347, IoU.escalator: 0.5939, IoU.ottoman: 0.5019, IoU.bottle: 0.4026, IoU.buffet: 0.4711, IoU.poster: 0.3168, IoU.stage: 0.1713, IoU.van: 0.4777, IoU.ship: 0.3649, IoU.fountain: 0.3528, IoU.conveyer belt: 0.7140, IoU.canopy: 0.3316, IoU.washer: 0.8336, IoU.plaything: 0.2211, IoU.swimming pool: 0.6024, IoU.stool: 0.3920, IoU.barrel: 0.5339, IoU.basket: 0.4270, IoU.waterfall: 0.6865, IoU.tent: 0.9267, IoU.bag: 0.3285, IoU.minibike: 0.7146, IoU.cradle: 0.8454, IoU.oven: 0.5454, IoU.ball: 0.4828, IoU.food: 0.6512, IoU.step: 0.1880, IoU.tank: 0.5994, IoU.trade name: 0.1784, IoU.microwave: 0.8443, IoU.pot: 0.5602, IoU.animal: 0.6669, IoU.bicycle: 0.5912, IoU.lake: 0.6846, IoU.dishwasher: 0.6970, IoU.screen: 0.5843, IoU.blanket: 0.1792, IoU.sculpture: 0.6966, IoU.hood: 0.6112, IoU.sconce: 0.5224, IoU.vase: 0.3881, IoU.traffic light: 0.2973, IoU.tray: 0.1575, IoU.ashcan: 0.4326, IoU.fan: 0.5947, IoU.pier: 0.3300, IoU.crt screen: 0.0134, IoU.plate: 0.5357, IoU.monitor: 0.5163, IoU.bulletin board: 0.5699, IoU.shower: 0.0000, IoU.radiator: 0.6445, IoU.glass: 0.1549, IoU.clock: 0.3959, IoU.flag: 0.6390, Acc.wall: 0.8823, Acc.building: 0.9272, Acc.sky: 0.9758, Acc.floor: 0.8835, Acc.tree: 0.9040, Acc.ceiling: 0.9293, Acc.road: 0.9015, Acc.bed : 0.9754, Acc.windowpane: 0.8120, Acc.grass: 0.8277, Acc.cabinet: 0.7340, Acc.sidewalk: 0.8627, Acc.person: 0.9229, Acc.earth: 0.5938, Acc.door: 0.6808, Acc.table: 0.7610, Acc.mountain: 0.7113, Acc.plant: 0.6885, Acc.curtain: 0.8934, Acc.chair: 0.6820, Acc.car: 0.9360, Acc.water: 0.8083, Acc.painting: 0.9035, Acc.sofa: 0.8611, Acc.shelf: 0.6347, Acc.house: 0.5402, Acc.sea: 0.8863, Acc.mirror: 0.8551, Acc.rug: 0.7932, Acc.field: 0.4335, Acc.armchair: 0.8216, Acc.seat: 0.8887, Acc.fence: 0.6387, Acc.desk: 0.7603, Acc.rock: 0.6208, Acc.wardrobe: 0.8153, Acc.lamp: 0.8280, Acc.bathtub: 0.8618, Acc.railing: 0.5557, Acc.cushion: 0.7378, Acc.base: 0.5425, Acc.box: 0.4646, Acc.column: 0.6589, Acc.signboard: 0.5212, Acc.chest of drawers: 0.7820, Acc.counter: 0.5807, Acc.sand: 0.7467, Acc.sink: 0.8355, Acc.skyscraper: 0.6414, Acc.fireplace: 0.8719, Acc.refrigerator: 0.8654, Acc.grandstand: 0.8850, Acc.path: 0.3534, Acc.stairs: 0.4306, Acc.runway: 0.8698, Acc.case: 0.8104, Acc.pool table: 0.9815, Acc.pillow: 0.8169, Acc.screen door: 0.8830, Acc.stairway: 0.4136, Acc.river: 0.3802, Acc.bridge: 0.7726, Acc.bookcase: 0.5419, Acc.blind: 0.3382, Acc.coffee table: 0.9190, Acc.toilet: 0.9082, Acc.flower: 0.5402, Acc.book: 0.7970, Acc.hill: 0.0950, Acc.bench: 0.7306, Acc.countertop: 0.8150, Acc.stove: 0.8942, Acc.palm: 0.8523, Acc.kitchen island: 0.7921, Acc.computer: 0.9341, Acc.swivel chair: 0.7295, Acc.boat: 0.9147, Acc.bar: 0.8257, Acc.arcade machine: 0.8588, Acc.hovel: 0.5201, Acc.bus: 0.9546, Acc.towel: 0.8220, Acc.light: 0.5673, Acc.truck: 0.5682, Acc.tower: 0.5838, Acc.chandelier: 0.8927, Acc.awning: 0.5983, Acc.streetlight: 0.3450, Acc.booth: 0.4930, Acc.television receiver: 0.8735, Acc.airplane: 0.8760, Acc.dirt track: 0.3282, Acc.apparel: 0.5720, Acc.pole: 0.1757, Acc.land: 0.0016, Acc.bannister: 0.1784, Acc.escalator: 0.8601, Acc.ottoman: 0.7183, Acc.bottle: 0.6782, Acc.buffet: 0.5609, Acc.poster: 0.3800, Acc.stage: 0.3630, Acc.van: 0.6908, Acc.ship: 0.3668, Acc.fountain: 0.4273, Acc.conveyer belt: 0.9610, Acc.canopy: 0.4134, Acc.washer: 0.8959, Acc.plaything: 0.4811, Acc.swimming pool: 0.8808, Acc.stool: 0.7010, Acc.barrel: 0.7247, Acc.basket: 0.5438, Acc.waterfall: 0.9182, Acc.tent: 0.9872, Acc.bag: 0.4153, Acc.minibike: 0.8007, Acc.cradle: 0.9815, Acc.oven: 0.7230, Acc.ball: 0.6926, Acc.food: 0.7763, Acc.step: 0.2087, Acc.tank: 0.7205, Acc.trade name: 0.1838, Acc.microwave: 0.9664, Acc.pot: 0.6627, Acc.animal: 0.6926, Acc.bicycle: 0.7246, Acc.lake: 0.6885, Acc.dishwasher: 0.8299, Acc.screen: 0.9267, Acc.blanket: 0.2046, Acc.sculpture: 0.8342, Acc.hood: 0.7232, Acc.sconce: 0.7232, Acc.vase: 0.5391, Acc.traffic light: 0.5346, Acc.tray: 0.2419, Acc.ashcan: 0.6862, Acc.fan: 0.6973, Acc.pier: 0.3462, Acc.crt screen: 0.0142, Acc.plate: 0.7470, Acc.monitor: 0.6993, Acc.bulletin board: 0.6660, Acc.shower: 0.0000, Acc.radiator: 0.7782, Acc.glass: 0.1663, Acc.clock: 0.5469, Acc.flag: 0.6700 2023-11-02 06:33:16,087 - mmseg - INFO - Iter [9050/80000] lr: 2.873e-06, eta: 1 day, 11:51:22, time: 3.368, data_time: 1.709, memory: 69173, decode.loss_ce: 0.3488, decode.acc_seg: 86.3286, aux.loss_ce: 0.1753, aux.acc_seg: 83.2715, loss: 0.5241 2023-11-02 06:34:39,373 - mmseg - INFO - Iter [9100/80000] lr: 2.871e-06, eta: 1 day, 11:48:51, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3563, decode.acc_seg: 86.1833, aux.loss_ce: 0.1706, aux.acc_seg: 83.8947, loss: 0.5269 2023-11-02 06:36:02,699 - mmseg - INFO - Iter [9150/80000] lr: 2.869e-06, eta: 1 day, 11:46:21, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3498, decode.acc_seg: 85.9583, aux.loss_ce: 0.1712, aux.acc_seg: 83.5393, loss: 0.5210 2023-11-02 06:37:26,003 - mmseg - INFO - Iter [9200/80000] lr: 2.867e-06, eta: 1 day, 11:43:52, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3849, decode.acc_seg: 84.8739, aux.loss_ce: 0.1891, aux.acc_seg: 81.8923, loss: 0.5741 2023-11-02 06:38:49,257 - mmseg - INFO - Iter [9250/80000] lr: 2.865e-06, eta: 1 day, 11:41:23, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3800, decode.acc_seg: 84.7355, aux.loss_ce: 0.1877, aux.acc_seg: 81.9727, loss: 0.5677 2023-11-02 06:40:12,500 - mmseg - INFO - Iter [9300/80000] lr: 2.863e-06, eta: 1 day, 11:38:55, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3673, decode.acc_seg: 85.1985, aux.loss_ce: 0.1840, aux.acc_seg: 82.5103, loss: 0.5513 2023-11-02 06:41:35,740 - mmseg - INFO - Iter [9350/80000] lr: 2.861e-06, eta: 1 day, 11:36:27, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3591, decode.acc_seg: 85.2958, aux.loss_ce: 0.1716, aux.acc_seg: 82.6050, loss: 0.5306 2023-11-02 06:42:59,029 - mmseg - INFO - Iter [9400/80000] lr: 2.859e-06, eta: 1 day, 11:34:01, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3593, decode.acc_seg: 85.2006, aux.loss_ce: 0.1738, aux.acc_seg: 83.0172, loss: 0.5332 2023-11-02 06:44:22,299 - mmseg - INFO - Iter [9450/80000] lr: 2.857e-06, eta: 1 day, 11:31:35, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3709, decode.acc_seg: 84.9761, aux.loss_ce: 0.1894, aux.acc_seg: 81.6387, loss: 0.5603 2023-11-02 06:45:45,549 - mmseg - INFO - Iter [9500/80000] lr: 2.855e-06, eta: 1 day, 11:29:09, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3568, decode.acc_seg: 85.6198, aux.loss_ce: 0.1719, aux.acc_seg: 83.1931, loss: 0.5287 2023-11-02 06:47:08,816 - mmseg - INFO - Iter [9550/80000] lr: 2.853e-06, eta: 1 day, 11:26:45, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3706, decode.acc_seg: 85.1469, aux.loss_ce: 0.1780, aux.acc_seg: 82.8013, loss: 0.5485 2023-11-02 06:48:32,093 - mmseg - INFO - Iter [9600/80000] lr: 2.851e-06, eta: 1 day, 11:24:21, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3540, decode.acc_seg: 85.4532, aux.loss_ce: 0.1702, aux.acc_seg: 83.4092, loss: 0.5243 2023-11-02 06:49:55,354 - mmseg - INFO - Iter [9650/80000] lr: 2.849e-06, eta: 1 day, 11:21:57, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3718, decode.acc_seg: 85.0538, aux.loss_ce: 0.1803, aux.acc_seg: 82.4653, loss: 0.5521 2023-11-02 06:51:18,640 - mmseg - INFO - Iter [9700/80000] lr: 2.847e-06, eta: 1 day, 11:19:34, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3554, decode.acc_seg: 85.6185, aux.loss_ce: 0.1680, aux.acc_seg: 83.7198, loss: 0.5234 2023-11-02 06:52:41,965 - mmseg - INFO - Iter [9750/80000] lr: 2.845e-06, eta: 1 day, 11:17:13, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3554, decode.acc_seg: 85.8766, aux.loss_ce: 0.1752, aux.acc_seg: 83.0651, loss: 0.5307 2023-11-02 06:54:05,245 - mmseg - INFO - Iter [9800/80000] lr: 2.843e-06, eta: 1 day, 11:14:51, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3752, decode.acc_seg: 84.7804, aux.loss_ce: 0.1883, aux.acc_seg: 81.4500, loss: 0.5635 2023-11-02 06:55:28,564 - mmseg - INFO - Iter [9850/80000] lr: 2.841e-06, eta: 1 day, 11:12:30, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3547, decode.acc_seg: 85.6295, aux.loss_ce: 0.1751, aux.acc_seg: 82.8114, loss: 0.5297 2023-11-02 06:56:51,890 - mmseg - INFO - Iter [9900/80000] lr: 2.839e-06, eta: 1 day, 11:10:10, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3814, decode.acc_seg: 85.2384, aux.loss_ce: 0.1862, aux.acc_seg: 82.4306, loss: 0.5675 2023-11-02 06:58:15,184 - mmseg - INFO - Iter [9950/80000] lr: 2.837e-06, eta: 1 day, 11:07:51, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3564, decode.acc_seg: 85.5679, aux.loss_ce: 0.1730, aux.acc_seg: 83.1438, loss: 0.5294 2023-11-02 06:59:38,473 - mmseg - INFO - Saving checkpoint at 10000 iterations 2023-11-02 07:01:01,341 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 07:01:01,342 - mmseg - INFO - Iter [10000/80000] lr: 2.835e-06, eta: 1 day, 11:15:12, time: 3.323, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3549, decode.acc_seg: 85.9996, aux.loss_ce: 0.1702, aux.acc_seg: 83.5167, loss: 0.5251 2023-11-02 07:02:26,974 - mmseg - INFO - per class results: 2023-11-02 07:02:26,979 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.69 | 86.48 | | building | 84.47 | 92.79 | | sky | 94.6 | 97.37 | | floor | 83.28 | 88.63 | | tree | 76.65 | 87.85 | | ceiling | 85.14 | 94.58 | | road | 85.41 | 90.38 | | bed | 90.75 | 97.4 | | windowpane | 64.39 | 80.55 | | grass | 67.16 | 73.65 | | cabinet | 63.84 | 74.74 | | sidewalk | 67.68 | 85.97 | | person | 82.86 | 92.85 | | earth | 44.02 | 63.67 | | door | 58.64 | 71.45 | | table | 64.68 | 77.45 | | mountain | 61.16 | 78.2 | | plant | 57.21 | 70.57 | | curtain | 71.29 | 92.66 | | chair | 61.82 | 72.38 | | car | 84.41 | 94.63 | | water | 62.89 | 84.82 | | painting | 76.05 | 89.91 | | sofa | 74.6 | 95.14 | | shelf | 41.25 | 58.29 | | house | 52.06 | 67.94 | | sea | 76.02 | 85.03 | | mirror | 76.82 | 86.55 | | rug | 68.92 | 88.3 | | field | 32.15 | 50.67 | | armchair | 52.46 | 66.39 | | seat | 62.76 | 85.45 | | fence | 33.36 | 37.07 | | desk | 52.33 | 74.15 | | rock | 46.57 | 59.84 | | wardrobe | 54.79 | 73.88 | | lamp | 67.44 | 80.87 | | bathtub | 87.27 | 91.69 | | railing | 40.3 | 57.14 | | cushion | 61.57 | 68.97 | | base | 27.62 | 72.09 | | box | 34.79 | 49.66 | | column | 48.42 | 59.5 | | signboard | 37.33 | 44.98 | | chest of drawers | 44.74 | 60.24 | | counter | 37.14 | 45.31 | | sand | 39.59 | 54.01 | | sink | 73.67 | 83.02 | | skyscraper | 58.64 | 78.8 | | fireplace | 62.82 | 97.74 | | refrigerator | 76.07 | 93.77 | | grandstand | 47.91 | 86.37 | | path | 29.47 | 39.83 | | stairs | 31.49 | 35.84 | | runway | 67.26 | 89.01 | | case | 53.47 | 63.72 | | pool table | 91.13 | 98.35 | | pillow | 65.94 | 78.23 | | screen door | 79.49 | 87.88 | | stairway | 40.41 | 56.0 | | river | 15.83 | 23.6 | | bridge | 60.78 | 88.91 | | bookcase | 36.62 | 61.59 | | blind | 25.68 | 27.15 | | coffee table | 66.88 | 82.97 | | toilet | 85.77 | 93.49 | | flower | 34.78 | 56.14 | | book | 48.74 | 66.4 | | hill | 6.4 | 8.3 | | bench | 55.51 | 64.98 | | countertop | 62.77 | 82.41 | | stove | 83.72 | 91.91 | | palm | 44.04 | 90.18 | | kitchen island | 44.09 | 84.66 | | computer | 75.14 | 92.02 | | swivel chair | 49.06 | 72.51 | | boat | 53.49 | 90.08 | | bar | 64.68 | 84.36 | | arcade machine | 88.37 | 98.52 | | hovel | 36.23 | 65.94 | | bus | 91.07 | 95.31 | | towel | 70.14 | 83.82 | | light | 50.9 | 57.06 | | truck | 43.84 | 60.15 | | tower | 27.17 | 57.48 | | chandelier | 67.32 | 87.17 | | awning | 40.81 | 52.84 | | streetlight | 27.76 | 36.67 | | booth | 34.25 | 69.29 | | television receiver | 65.49 | 92.7 | | airplane | 76.9 | 94.46 | | dirt track | 18.56 | 19.47 | | apparel | 49.91 | 69.31 | | pole | 22.28 | 30.26 | | land | 0.84 | 1.52 | | bannister | 13.21 | 23.59 | | escalator | 51.69 | 89.71 | | ottoman | 47.98 | 68.02 | | bottle | 38.49 | 64.5 | | buffet | 55.81 | 63.39 | | poster | 31.54 | 36.28 | | stage | 18.29 | 26.12 | | van | 28.93 | 32.48 | | ship | 77.68 | 90.26 | | fountain | 18.17 | 21.01 | | conveyer belt | 64.16 | 98.54 | | canopy | 44.41 | 55.92 | | washer | 84.6 | 92.09 | | plaything | 27.91 | 36.28 | | swimming pool | 66.24 | 86.01 | | stool | 49.3 | 59.15 | | barrel | 55.75 | 83.62 | | basket | 43.24 | 59.05 | | waterfall | 53.92 | 63.1 | | tent | 80.97 | 99.13 | | bag | 11.63 | 12.25 | | minibike | 72.95 | 89.07 | | cradle | 76.89 | 98.34 | | oven | 65.46 | 79.28 | | ball | 0.0 | 0.0 | | food | 52.12 | 54.56 | | step | 8.88 | 9.53 | | tank | 64.48 | 92.17 | | trade name | 24.2 | 26.16 | | microwave | 87.68 | 95.66 | | pot | 54.83 | 64.15 | | animal | 66.57 | 69.33 | | bicycle | 56.81 | 67.71 | | lake | 24.72 | 28.42 | | dishwasher | 64.64 | 84.0 | | screen | 52.72 | 72.15 | | blanket | 27.12 | 30.78 | | sculpture | 69.85 | 84.39 | | hood | 63.58 | 79.75 | | sconce | 50.46 | 78.08 | | vase | 40.65 | 50.26 | | traffic light | 30.13 | 51.28 | | tray | 13.0 | 17.47 | | ashcan | 50.03 | 58.43 | | fan | 63.34 | 81.14 | | pier | 41.92 | 49.13 | | crt screen | 12.98 | 23.34 | | plate | 53.69 | 65.77 | | monitor | 47.19 | 62.3 | | bulletin board | 58.97 | 67.16 | | shower | 0.0 | 0.0 | | radiator | 63.33 | 84.01 | | glass | 12.54 | 12.94 | | clock | 45.2 | 49.33 | | flag | 62.28 | 64.94 | +---------------------+-------+-------+ 2023-11-02 07:02:26,979 - mmseg - INFO - Summary: 2023-11-02 07:02:26,979 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.62 | 53.09 | 67.17 | +-------+-------+-------+ 2023-11-02 07:02:26,980 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 07:02:26,980 - mmseg - INFO - Iter(val) [250] aAcc: 0.8462, mIoU: 0.5309, mAcc: 0.6717, IoU.wall: 0.7869, IoU.building: 0.8447, IoU.sky: 0.9460, IoU.floor: 0.8328, IoU.tree: 0.7665, IoU.ceiling: 0.8514, IoU.road: 0.8541, IoU.bed : 0.9075, IoU.windowpane: 0.6439, IoU.grass: 0.6716, IoU.cabinet: 0.6384, IoU.sidewalk: 0.6768, IoU.person: 0.8286, IoU.earth: 0.4402, IoU.door: 0.5864, IoU.table: 0.6468, IoU.mountain: 0.6116, IoU.plant: 0.5721, IoU.curtain: 0.7129, IoU.chair: 0.6182, IoU.car: 0.8441, IoU.water: 0.6289, IoU.painting: 0.7605, IoU.sofa: 0.7460, IoU.shelf: 0.4125, IoU.house: 0.5206, IoU.sea: 0.7602, IoU.mirror: 0.7682, IoU.rug: 0.6892, IoU.field: 0.3215, IoU.armchair: 0.5246, IoU.seat: 0.6276, IoU.fence: 0.3336, IoU.desk: 0.5233, IoU.rock: 0.4657, IoU.wardrobe: 0.5479, IoU.lamp: 0.6744, IoU.bathtub: 0.8727, IoU.railing: 0.4030, IoU.cushion: 0.6157, IoU.base: 0.2762, IoU.box: 0.3479, IoU.column: 0.4842, IoU.signboard: 0.3733, IoU.chest of drawers: 0.4474, IoU.counter: 0.3714, IoU.sand: 0.3959, IoU.sink: 0.7367, IoU.skyscraper: 0.5864, IoU.fireplace: 0.6282, IoU.refrigerator: 0.7607, IoU.grandstand: 0.4791, IoU.path: 0.2947, IoU.stairs: 0.3149, IoU.runway: 0.6726, IoU.case: 0.5347, IoU.pool table: 0.9113, IoU.pillow: 0.6594, IoU.screen door: 0.7949, IoU.stairway: 0.4041, IoU.river: 0.1583, IoU.bridge: 0.6078, IoU.bookcase: 0.3662, IoU.blind: 0.2568, IoU.coffee table: 0.6688, IoU.toilet: 0.8577, IoU.flower: 0.3478, IoU.book: 0.4874, IoU.hill: 0.0640, IoU.bench: 0.5551, IoU.countertop: 0.6277, IoU.stove: 0.8372, IoU.palm: 0.4404, IoU.kitchen island: 0.4409, IoU.computer: 0.7514, IoU.swivel chair: 0.4906, IoU.boat: 0.5349, IoU.bar: 0.6468, IoU.arcade machine: 0.8837, IoU.hovel: 0.3623, IoU.bus: 0.9107, IoU.towel: 0.7014, IoU.light: 0.5090, IoU.truck: 0.4384, IoU.tower: 0.2717, IoU.chandelier: 0.6732, IoU.awning: 0.4081, IoU.streetlight: 0.2776, IoU.booth: 0.3425, IoU.television receiver: 0.6549, IoU.airplane: 0.7690, IoU.dirt track: 0.1856, IoU.apparel: 0.4991, IoU.pole: 0.2228, IoU.land: 0.0084, IoU.bannister: 0.1321, IoU.escalator: 0.5169, IoU.ottoman: 0.4798, IoU.bottle: 0.3849, IoU.buffet: 0.5581, IoU.poster: 0.3154, IoU.stage: 0.1829, IoU.van: 0.2893, IoU.ship: 0.7768, IoU.fountain: 0.1817, IoU.conveyer belt: 0.6416, IoU.canopy: 0.4441, IoU.washer: 0.8460, IoU.plaything: 0.2791, IoU.swimming pool: 0.6624, IoU.stool: 0.4930, IoU.barrel: 0.5575, IoU.basket: 0.4324, IoU.waterfall: 0.5392, IoU.tent: 0.8097, IoU.bag: 0.1163, IoU.minibike: 0.7295, IoU.cradle: 0.7689, IoU.oven: 0.6546, IoU.ball: 0.0000, IoU.food: 0.5212, IoU.step: 0.0888, IoU.tank: 0.6448, IoU.trade name: 0.2420, IoU.microwave: 0.8768, IoU.pot: 0.5483, IoU.animal: 0.6657, IoU.bicycle: 0.5681, IoU.lake: 0.2472, IoU.dishwasher: 0.6464, IoU.screen: 0.5272, IoU.blanket: 0.2712, IoU.sculpture: 0.6985, IoU.hood: 0.6358, IoU.sconce: 0.5046, IoU.vase: 0.4065, IoU.traffic light: 0.3013, IoU.tray: 0.1300, IoU.ashcan: 0.5003, IoU.fan: 0.6334, IoU.pier: 0.4192, IoU.crt screen: 0.1298, IoU.plate: 0.5369, IoU.monitor: 0.4719, IoU.bulletin board: 0.5897, IoU.shower: 0.0000, IoU.radiator: 0.6333, IoU.glass: 0.1254, IoU.clock: 0.4520, IoU.flag: 0.6228, Acc.wall: 0.8648, Acc.building: 0.9279, Acc.sky: 0.9737, Acc.floor: 0.8863, Acc.tree: 0.8785, Acc.ceiling: 0.9458, Acc.road: 0.9038, Acc.bed : 0.9740, Acc.windowpane: 0.8055, Acc.grass: 0.7365, Acc.cabinet: 0.7474, Acc.sidewalk: 0.8597, Acc.person: 0.9285, Acc.earth: 0.6367, Acc.door: 0.7145, Acc.table: 0.7745, Acc.mountain: 0.7820, Acc.plant: 0.7057, Acc.curtain: 0.9266, Acc.chair: 0.7238, Acc.car: 0.9463, Acc.water: 0.8482, Acc.painting: 0.8991, Acc.sofa: 0.9514, Acc.shelf: 0.5829, Acc.house: 0.6794, Acc.sea: 0.8503, Acc.mirror: 0.8655, Acc.rug: 0.8830, Acc.field: 0.5067, Acc.armchair: 0.6639, Acc.seat: 0.8545, Acc.fence: 0.3707, Acc.desk: 0.7415, Acc.rock: 0.5984, Acc.wardrobe: 0.7388, Acc.lamp: 0.8087, Acc.bathtub: 0.9169, Acc.railing: 0.5714, Acc.cushion: 0.6897, Acc.base: 0.7209, Acc.box: 0.4966, Acc.column: 0.5950, Acc.signboard: 0.4498, Acc.chest of drawers: 0.6024, Acc.counter: 0.4531, Acc.sand: 0.5401, Acc.sink: 0.8302, Acc.skyscraper: 0.7880, Acc.fireplace: 0.9774, Acc.refrigerator: 0.9377, Acc.grandstand: 0.8637, Acc.path: 0.3983, Acc.stairs: 0.3584, Acc.runway: 0.8901, Acc.case: 0.6372, Acc.pool table: 0.9835, Acc.pillow: 0.7823, Acc.screen door: 0.8788, Acc.stairway: 0.5600, Acc.river: 0.2360, Acc.bridge: 0.8891, Acc.bookcase: 0.6159, Acc.blind: 0.2715, Acc.coffee table: 0.8297, Acc.toilet: 0.9349, Acc.flower: 0.5614, Acc.book: 0.6640, Acc.hill: 0.0830, Acc.bench: 0.6498, Acc.countertop: 0.8241, Acc.stove: 0.9191, Acc.palm: 0.9018, Acc.kitchen island: 0.8466, Acc.computer: 0.9202, Acc.swivel chair: 0.7251, Acc.boat: 0.9008, Acc.bar: 0.8436, Acc.arcade machine: 0.9852, Acc.hovel: 0.6594, Acc.bus: 0.9531, Acc.towel: 0.8382, Acc.light: 0.5706, Acc.truck: 0.6015, Acc.tower: 0.5748, Acc.chandelier: 0.8717, Acc.awning: 0.5284, Acc.streetlight: 0.3667, Acc.booth: 0.6929, Acc.television receiver: 0.9270, Acc.airplane: 0.9446, Acc.dirt track: 0.1947, Acc.apparel: 0.6931, Acc.pole: 0.3026, Acc.land: 0.0152, Acc.bannister: 0.2359, Acc.escalator: 0.8971, Acc.ottoman: 0.6802, Acc.bottle: 0.6450, Acc.buffet: 0.6339, Acc.poster: 0.3628, Acc.stage: 0.2612, Acc.van: 0.3248, Acc.ship: 0.9026, Acc.fountain: 0.2101, Acc.conveyer belt: 0.9854, Acc.canopy: 0.5592, Acc.washer: 0.9209, Acc.plaything: 0.3628, Acc.swimming pool: 0.8601, Acc.stool: 0.5915, Acc.barrel: 0.8362, Acc.basket: 0.5905, Acc.waterfall: 0.6310, Acc.tent: 0.9913, Acc.bag: 0.1225, Acc.minibike: 0.8907, Acc.cradle: 0.9834, Acc.oven: 0.7928, Acc.ball: 0.0000, Acc.food: 0.5456, Acc.step: 0.0953, Acc.tank: 0.9217, Acc.trade name: 0.2616, Acc.microwave: 0.9566, Acc.pot: 0.6415, Acc.animal: 0.6933, Acc.bicycle: 0.6771, Acc.lake: 0.2842, Acc.dishwasher: 0.8400, Acc.screen: 0.7215, Acc.blanket: 0.3078, Acc.sculpture: 0.8439, Acc.hood: 0.7975, Acc.sconce: 0.7808, Acc.vase: 0.5026, Acc.traffic light: 0.5128, Acc.tray: 0.1747, Acc.ashcan: 0.5843, Acc.fan: 0.8114, Acc.pier: 0.4913, Acc.crt screen: 0.2334, Acc.plate: 0.6577, Acc.monitor: 0.6230, Acc.bulletin board: 0.6716, Acc.shower: 0.0000, Acc.radiator: 0.8401, Acc.glass: 0.1294, Acc.clock: 0.4933, Acc.flag: 0.6494 2023-11-02 07:03:50,297 - mmseg - INFO - Iter [10050/80000] lr: 2.833e-06, eta: 1 day, 11:22:46, time: 3.379, data_time: 1.721, memory: 69173, decode.loss_ce: 0.3623, decode.acc_seg: 85.1421, aux.loss_ce: 0.1773, aux.acc_seg: 82.2785, loss: 0.5397 2023-11-02 07:05:13,537 - mmseg - INFO - Iter [10100/80000] lr: 2.831e-06, eta: 1 day, 11:20:21, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3741, decode.acc_seg: 84.9037, aux.loss_ce: 0.1779, aux.acc_seg: 82.6730, loss: 0.5520 2023-11-02 07:06:39,129 - mmseg - INFO - Iter [10150/80000] lr: 2.829e-06, eta: 1 day, 11:18:13, time: 1.712, data_time: 0.053, memory: 69173, decode.loss_ce: 0.3492, decode.acc_seg: 86.0011, aux.loss_ce: 0.1758, aux.acc_seg: 82.7020, loss: 0.5249 2023-11-02 07:08:02,392 - mmseg - INFO - Iter [10200/80000] lr: 2.827e-06, eta: 1 day, 11:15:49, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3189, decode.acc_seg: 86.8252, aux.loss_ce: 0.1598, aux.acc_seg: 84.1817, loss: 0.4787 2023-11-02 07:09:25,635 - mmseg - INFO - Iter [10250/80000] lr: 2.825e-06, eta: 1 day, 11:13:26, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3639, decode.acc_seg: 85.4215, aux.loss_ce: 0.1791, aux.acc_seg: 82.7137, loss: 0.5430 2023-11-02 07:10:48,886 - mmseg - INFO - Iter [10300/80000] lr: 2.823e-06, eta: 1 day, 11:11:03, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3266, decode.acc_seg: 86.7919, aux.loss_ce: 0.1667, aux.acc_seg: 83.8840, loss: 0.4933 2023-11-02 07:12:12,143 - mmseg - INFO - Iter [10350/80000] lr: 2.821e-06, eta: 1 day, 11:08:41, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3605, decode.acc_seg: 85.7425, aux.loss_ce: 0.1761, aux.acc_seg: 83.0978, loss: 0.5366 2023-11-02 07:13:35,385 - mmseg - INFO - Iter [10400/80000] lr: 2.819e-06, eta: 1 day, 11:06:19, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3486, decode.acc_seg: 86.0859, aux.loss_ce: 0.1753, aux.acc_seg: 83.0804, loss: 0.5239 2023-11-02 07:14:58,640 - mmseg - INFO - Iter [10450/80000] lr: 2.817e-06, eta: 1 day, 11:03:58, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3221, decode.acc_seg: 86.8742, aux.loss_ce: 0.1545, aux.acc_seg: 84.8646, loss: 0.4766 2023-11-02 07:16:21,825 - mmseg - INFO - Iter [10500/80000] lr: 2.815e-06, eta: 1 day, 11:01:37, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3327, decode.acc_seg: 86.4949, aux.loss_ce: 0.1691, aux.acc_seg: 83.4476, loss: 0.5019 2023-11-02 07:17:45,039 - mmseg - INFO - Iter [10550/80000] lr: 2.813e-06, eta: 1 day, 10:59:17, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3272, decode.acc_seg: 86.7238, aux.loss_ce: 0.1604, aux.acc_seg: 83.8201, loss: 0.4876 2023-11-02 07:19:08,261 - mmseg - INFO - Iter [10600/80000] lr: 2.811e-06, eta: 1 day, 10:56:58, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3632, decode.acc_seg: 85.5180, aux.loss_ce: 0.1761, aux.acc_seg: 83.4638, loss: 0.5393 2023-11-02 07:20:31,550 - mmseg - INFO - Iter [10650/80000] lr: 2.809e-06, eta: 1 day, 10:54:39, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3553, decode.acc_seg: 86.2952, aux.loss_ce: 0.1768, aux.acc_seg: 82.9681, loss: 0.5321 2023-11-02 07:21:54,828 - mmseg - INFO - Iter [10700/80000] lr: 2.807e-06, eta: 1 day, 10:52:21, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3410, decode.acc_seg: 86.4065, aux.loss_ce: 0.1716, aux.acc_seg: 83.3067, loss: 0.5126 2023-11-02 07:23:18,049 - mmseg - INFO - Iter [10750/80000] lr: 2.804e-06, eta: 1 day, 10:50:03, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3647, decode.acc_seg: 85.0887, aux.loss_ce: 0.1725, aux.acc_seg: 82.8201, loss: 0.5372 2023-11-02 07:24:41,303 - mmseg - INFO - Iter [10800/80000] lr: 2.802e-06, eta: 1 day, 10:47:46, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3528, decode.acc_seg: 85.8739, aux.loss_ce: 0.1759, aux.acc_seg: 83.2200, loss: 0.5287 2023-11-02 07:26:04,530 - mmseg - INFO - Iter [10850/80000] lr: 2.800e-06, eta: 1 day, 10:45:29, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3500, decode.acc_seg: 86.2521, aux.loss_ce: 0.1678, aux.acc_seg: 84.1251, loss: 0.5179 2023-11-02 07:27:27,765 - mmseg - INFO - Iter [10900/80000] lr: 2.798e-06, eta: 1 day, 10:43:13, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3487, decode.acc_seg: 86.0268, aux.loss_ce: 0.1703, aux.acc_seg: 83.4917, loss: 0.5190 2023-11-02 07:28:51,053 - mmseg - INFO - Iter [10950/80000] lr: 2.796e-06, eta: 1 day, 10:40:57, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3745, decode.acc_seg: 85.2708, aux.loss_ce: 0.1828, aux.acc_seg: 82.5358, loss: 0.5573 2023-11-02 07:30:14,334 - mmseg - INFO - Saving checkpoint at 11000 iterations 2023-11-02 07:31:12,051 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 07:31:12,051 - mmseg - INFO - Iter [11000/80000] lr: 2.794e-06, eta: 1 day, 10:44:44, time: 2.820, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3472, decode.acc_seg: 85.9448, aux.loss_ce: 0.1713, aux.acc_seg: 83.0027, loss: 0.5185 2023-11-02 07:32:37,136 - mmseg - INFO - per class results: 2023-11-02 07:32:37,141 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.88 | 87.92 | | building | 83.41 | 92.6 | | sky | 94.63 | 97.18 | | floor | 83.46 | 89.33 | | tree | 76.56 | 87.93 | | ceiling | 85.45 | 93.65 | | road | 86.05 | 90.72 | | bed | 91.08 | 97.12 | | windowpane | 64.39 | 81.26 | | grass | 67.89 | 84.91 | | cabinet | 61.38 | 69.42 | | sidewalk | 67.34 | 82.69 | | person | 83.62 | 91.5 | | earth | 35.83 | 46.87 | | door | 55.91 | 76.01 | | table | 63.84 | 76.83 | | mountain | 59.58 | 66.46 | | plant | 55.84 | 69.98 | | curtain | 77.12 | 88.95 | | chair | 63.01 | 75.17 | | car | 85.81 | 92.67 | | water | 65.18 | 77.98 | | painting | 76.05 | 90.2 | | sofa | 78.73 | 92.23 | | shelf | 44.37 | 56.71 | | house | 54.78 | 82.0 | | sea | 78.45 | 89.93 | | mirror | 75.9 | 82.04 | | rug | 71.9 | 85.15 | | field | 32.42 | 53.7 | | armchair | 61.22 | 76.75 | | seat | 60.48 | 88.51 | | fence | 48.6 | 72.06 | | desk | 50.02 | 75.97 | | rock | 47.47 | 76.6 | | wardrobe | 50.13 | 83.85 | | lamp | 68.97 | 81.53 | | bathtub | 86.05 | 92.39 | | railing | 39.71 | 49.48 | | cushion | 64.5 | 76.4 | | base | 33.23 | 57.67 | | box | 34.49 | 42.52 | | column | 52.23 | 62.41 | | signboard | 37.56 | 46.67 | | chest of drawers | 48.73 | 77.99 | | counter | 37.62 | 45.59 | | sand | 50.62 | 71.78 | | sink | 76.34 | 84.22 | | skyscraper | 46.75 | 53.89 | | fireplace | 69.12 | 97.27 | | refrigerator | 76.2 | 84.81 | | grandstand | 50.77 | 76.92 | | path | 22.64 | 33.81 | | stairs | 26.79 | 29.25 | | runway | 69.5 | 98.07 | | case | 57.11 | 71.8 | | pool table | 92.73 | 97.75 | | pillow | 65.7 | 79.25 | | screen door | 77.46 | 97.11 | | stairway | 45.62 | 72.16 | | river | 17.36 | 30.58 | | bridge | 44.12 | 49.82 | | bookcase | 31.44 | 38.36 | | blind | 40.61 | 47.03 | | coffee table | 56.62 | 89.94 | | toilet | 87.5 | 95.96 | | flower | 35.97 | 58.78 | | book | 49.11 | 82.02 | | hill | 7.12 | 15.98 | | bench | 54.04 | 61.0 | | countertop | 65.2 | 80.2 | | stove | 83.26 | 90.09 | | palm | 54.07 | 73.41 | | kitchen island | 35.28 | 97.28 | | computer | 76.09 | 91.33 | | swivel chair | 43.87 | 60.79 | | boat | 61.41 | 93.47 | | bar | 60.43 | 86.37 | | arcade machine | 88.47 | 98.64 | | hovel | 45.92 | 52.8 | | bus | 92.16 | 95.35 | | towel | 66.28 | 79.56 | | light | 55.35 | 62.44 | | truck | 40.48 | 51.58 | | tower | 20.71 | 42.54 | | chandelier | 67.85 | 85.83 | | awning | 35.15 | 38.77 | | streetlight | 26.75 | 32.66 | | booth | 39.57 | 51.01 | | television receiver | 72.45 | 83.21 | | airplane | 68.25 | 72.32 | | dirt track | 4.89 | 30.04 | | apparel | 52.14 | 68.16 | | pole | 24.55 | 32.03 | | land | 1.12 | 2.19 | | bannister | 13.8 | 15.57 | | escalator | 60.1 | 78.6 | | ottoman | 53.13 | 68.18 | | bottle | 40.15 | 60.1 | | buffet | 63.72 | 85.54 | | poster | 33.8 | 38.37 | | stage | 18.71 | 30.59 | | van | 46.07 | 63.43 | | ship | 54.43 | 59.66 | | fountain | 37.8 | 38.53 | | conveyer belt | 66.48 | 96.93 | | canopy | 33.39 | 42.87 | | washer | 78.01 | 80.47 | | plaything | 33.97 | 50.53 | | swimming pool | 60.47 | 87.33 | | stool | 44.04 | 59.75 | | barrel | 52.47 | 84.8 | | basket | 37.83 | 49.52 | | waterfall | 67.62 | 77.33 | | tent | 92.49 | 98.58 | | bag | 21.43 | 23.08 | | minibike | 73.55 | 88.89 | | cradle | 82.9 | 96.99 | | oven | 57.77 | 73.14 | | ball | 49.25 | 70.72 | | food | 61.47 | 84.92 | | step | 15.4 | 19.24 | | tank | 58.1 | 69.08 | | trade name | 8.95 | 9.0 | | microwave | 85.51 | 95.24 | | pot | 52.99 | 60.51 | | animal | 70.46 | 72.6 | | bicycle | 55.0 | 66.09 | | lake | 58.12 | 73.67 | | dishwasher | 69.05 | 81.43 | | screen | 55.95 | 95.51 | | blanket | 22.75 | 25.17 | | sculpture | 73.41 | 83.09 | | hood | 24.49 | 24.68 | | sconce | 54.17 | 70.68 | | vase | 41.95 | 53.92 | | traffic light | 33.06 | 53.35 | | tray | 9.81 | 16.57 | | ashcan | 48.76 | 62.73 | | fan | 61.07 | 72.32 | | pier | 36.24 | 40.25 | | crt screen | 5.93 | 13.18 | | plate | 52.06 | 78.96 | | monitor | 26.15 | 38.82 | | bulletin board | 60.98 | 67.73 | | shower | 0.06 | 0.06 | | radiator | 62.41 | 68.82 | | glass | 12.11 | 12.45 | | clock | 47.41 | 51.89 | | flag | 69.48 | 78.23 | +---------------------+-------+-------+ 2023-11-02 07:32:37,141 - mmseg - INFO - Summary: 2023-11-02 07:32:37,142 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.74 | 53.74 | 67.23 | +-------+-------+-------+ 2023-11-02 07:32:37,142 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 07:32:37,143 - mmseg - INFO - Iter(val) [250] aAcc: 0.8474, mIoU: 0.5374, mAcc: 0.6723, IoU.wall: 0.7988, IoU.building: 0.8341, IoU.sky: 0.9463, IoU.floor: 0.8346, IoU.tree: 0.7656, IoU.ceiling: 0.8545, IoU.road: 0.8605, IoU.bed : 0.9108, IoU.windowpane: 0.6439, IoU.grass: 0.6789, IoU.cabinet: 0.6138, IoU.sidewalk: 0.6734, IoU.person: 0.8362, IoU.earth: 0.3583, IoU.door: 0.5591, IoU.table: 0.6384, IoU.mountain: 0.5958, IoU.plant: 0.5584, IoU.curtain: 0.7712, IoU.chair: 0.6301, IoU.car: 0.8581, IoU.water: 0.6518, IoU.painting: 0.7605, IoU.sofa: 0.7873, IoU.shelf: 0.4437, IoU.house: 0.5478, IoU.sea: 0.7845, IoU.mirror: 0.7590, IoU.rug: 0.7190, IoU.field: 0.3242, IoU.armchair: 0.6122, IoU.seat: 0.6048, IoU.fence: 0.4860, IoU.desk: 0.5002, IoU.rock: 0.4747, IoU.wardrobe: 0.5013, IoU.lamp: 0.6897, IoU.bathtub: 0.8605, IoU.railing: 0.3971, IoU.cushion: 0.6450, IoU.base: 0.3323, IoU.box: 0.3449, IoU.column: 0.5223, IoU.signboard: 0.3756, IoU.chest of drawers: 0.4873, IoU.counter: 0.3762, IoU.sand: 0.5062, IoU.sink: 0.7634, IoU.skyscraper: 0.4675, IoU.fireplace: 0.6912, IoU.refrigerator: 0.7620, IoU.grandstand: 0.5077, IoU.path: 0.2264, IoU.stairs: 0.2679, IoU.runway: 0.6950, IoU.case: 0.5711, IoU.pool table: 0.9273, IoU.pillow: 0.6570, IoU.screen door: 0.7746, IoU.stairway: 0.4562, IoU.river: 0.1736, IoU.bridge: 0.4412, IoU.bookcase: 0.3144, IoU.blind: 0.4061, IoU.coffee table: 0.5662, IoU.toilet: 0.8750, IoU.flower: 0.3597, IoU.book: 0.4911, IoU.hill: 0.0712, IoU.bench: 0.5404, IoU.countertop: 0.6520, IoU.stove: 0.8326, IoU.palm: 0.5407, IoU.kitchen island: 0.3528, IoU.computer: 0.7609, IoU.swivel chair: 0.4387, IoU.boat: 0.6141, IoU.bar: 0.6043, IoU.arcade machine: 0.8847, IoU.hovel: 0.4592, IoU.bus: 0.9216, IoU.towel: 0.6628, IoU.light: 0.5535, IoU.truck: 0.4048, IoU.tower: 0.2071, IoU.chandelier: 0.6785, IoU.awning: 0.3515, IoU.streetlight: 0.2675, IoU.booth: 0.3957, IoU.television receiver: 0.7245, IoU.airplane: 0.6825, IoU.dirt track: 0.0489, IoU.apparel: 0.5214, IoU.pole: 0.2455, IoU.land: 0.0112, IoU.bannister: 0.1380, IoU.escalator: 0.6010, IoU.ottoman: 0.5313, IoU.bottle: 0.4015, IoU.buffet: 0.6372, IoU.poster: 0.3380, IoU.stage: 0.1871, IoU.van: 0.4607, IoU.ship: 0.5443, IoU.fountain: 0.3780, IoU.conveyer belt: 0.6648, IoU.canopy: 0.3339, IoU.washer: 0.7801, IoU.plaything: 0.3397, IoU.swimming pool: 0.6047, IoU.stool: 0.4404, IoU.barrel: 0.5247, IoU.basket: 0.3783, IoU.waterfall: 0.6762, IoU.tent: 0.9249, IoU.bag: 0.2143, IoU.minibike: 0.7355, IoU.cradle: 0.8290, IoU.oven: 0.5777, IoU.ball: 0.4925, IoU.food: 0.6147, IoU.step: 0.1540, IoU.tank: 0.5810, IoU.trade name: 0.0895, IoU.microwave: 0.8551, IoU.pot: 0.5299, IoU.animal: 0.7046, IoU.bicycle: 0.5500, IoU.lake: 0.5812, IoU.dishwasher: 0.6905, IoU.screen: 0.5595, IoU.blanket: 0.2275, IoU.sculpture: 0.7341, IoU.hood: 0.2449, IoU.sconce: 0.5417, IoU.vase: 0.4195, IoU.traffic light: 0.3306, IoU.tray: 0.0981, IoU.ashcan: 0.4876, IoU.fan: 0.6107, IoU.pier: 0.3624, IoU.crt screen: 0.0593, IoU.plate: 0.5206, IoU.monitor: 0.2615, IoU.bulletin board: 0.6098, IoU.shower: 0.0006, IoU.radiator: 0.6241, IoU.glass: 0.1211, IoU.clock: 0.4741, IoU.flag: 0.6948, Acc.wall: 0.8792, Acc.building: 0.9260, Acc.sky: 0.9718, Acc.floor: 0.8933, Acc.tree: 0.8793, Acc.ceiling: 0.9365, Acc.road: 0.9072, Acc.bed : 0.9712, Acc.windowpane: 0.8126, Acc.grass: 0.8491, Acc.cabinet: 0.6942, Acc.sidewalk: 0.8269, Acc.person: 0.9150, Acc.earth: 0.4687, Acc.door: 0.7601, Acc.table: 0.7683, Acc.mountain: 0.6646, Acc.plant: 0.6998, Acc.curtain: 0.8895, Acc.chair: 0.7517, Acc.car: 0.9267, Acc.water: 0.7798, Acc.painting: 0.9020, Acc.sofa: 0.9223, Acc.shelf: 0.5671, Acc.house: 0.8200, Acc.sea: 0.8993, Acc.mirror: 0.8204, Acc.rug: 0.8515, Acc.field: 0.5370, Acc.armchair: 0.7675, Acc.seat: 0.8851, Acc.fence: 0.7206, Acc.desk: 0.7597, Acc.rock: 0.7660, Acc.wardrobe: 0.8385, Acc.lamp: 0.8153, Acc.bathtub: 0.9239, Acc.railing: 0.4948, Acc.cushion: 0.7640, Acc.base: 0.5767, Acc.box: 0.4252, Acc.column: 0.6241, Acc.signboard: 0.4667, Acc.chest of drawers: 0.7799, Acc.counter: 0.4559, Acc.sand: 0.7178, Acc.sink: 0.8422, Acc.skyscraper: 0.5389, Acc.fireplace: 0.9727, Acc.refrigerator: 0.8481, Acc.grandstand: 0.7692, Acc.path: 0.3381, Acc.stairs: 0.2925, Acc.runway: 0.9807, Acc.case: 0.7180, Acc.pool table: 0.9775, Acc.pillow: 0.7925, Acc.screen door: 0.9711, Acc.stairway: 0.7216, Acc.river: 0.3058, Acc.bridge: 0.4982, Acc.bookcase: 0.3836, Acc.blind: 0.4703, Acc.coffee table: 0.8994, Acc.toilet: 0.9596, Acc.flower: 0.5878, Acc.book: 0.8202, Acc.hill: 0.1598, Acc.bench: 0.6100, Acc.countertop: 0.8020, Acc.stove: 0.9009, Acc.palm: 0.7341, Acc.kitchen island: 0.9728, Acc.computer: 0.9133, Acc.swivel chair: 0.6079, Acc.boat: 0.9347, Acc.bar: 0.8637, Acc.arcade machine: 0.9864, Acc.hovel: 0.5280, Acc.bus: 0.9535, Acc.towel: 0.7956, Acc.light: 0.6244, Acc.truck: 0.5158, Acc.tower: 0.4254, Acc.chandelier: 0.8583, Acc.awning: 0.3877, Acc.streetlight: 0.3266, Acc.booth: 0.5101, Acc.television receiver: 0.8321, Acc.airplane: 0.7232, Acc.dirt track: 0.3004, Acc.apparel: 0.6816, Acc.pole: 0.3203, Acc.land: 0.0219, Acc.bannister: 0.1557, Acc.escalator: 0.7860, Acc.ottoman: 0.6818, Acc.bottle: 0.6010, Acc.buffet: 0.8554, Acc.poster: 0.3837, Acc.stage: 0.3059, Acc.van: 0.6343, Acc.ship: 0.5966, Acc.fountain: 0.3853, Acc.conveyer belt: 0.9693, Acc.canopy: 0.4287, Acc.washer: 0.8047, Acc.plaything: 0.5053, Acc.swimming pool: 0.8733, Acc.stool: 0.5975, Acc.barrel: 0.8480, Acc.basket: 0.4952, Acc.waterfall: 0.7733, Acc.tent: 0.9858, Acc.bag: 0.2308, Acc.minibike: 0.8889, Acc.cradle: 0.9699, Acc.oven: 0.7314, Acc.ball: 0.7072, Acc.food: 0.8492, Acc.step: 0.1924, Acc.tank: 0.6908, Acc.trade name: 0.0900, Acc.microwave: 0.9524, Acc.pot: 0.6051, Acc.animal: 0.7260, Acc.bicycle: 0.6609, Acc.lake: 0.7367, Acc.dishwasher: 0.8143, Acc.screen: 0.9551, Acc.blanket: 0.2517, Acc.sculpture: 0.8309, Acc.hood: 0.2468, Acc.sconce: 0.7068, Acc.vase: 0.5392, Acc.traffic light: 0.5335, Acc.tray: 0.1657, Acc.ashcan: 0.6273, Acc.fan: 0.7232, Acc.pier: 0.4025, Acc.crt screen: 0.1318, Acc.plate: 0.7896, Acc.monitor: 0.3882, Acc.bulletin board: 0.6773, Acc.shower: 0.0006, Acc.radiator: 0.6882, Acc.glass: 0.1245, Acc.clock: 0.5189, Acc.flag: 0.7823 2023-11-02 07:34:00,412 - mmseg - INFO - Iter [11050/80000] lr: 2.792e-06, eta: 1 day, 10:51:18, time: 3.367, data_time: 1.710, memory: 69173, decode.loss_ce: 0.3329, decode.acc_seg: 86.5507, aux.loss_ce: 0.1647, aux.acc_seg: 83.7551, loss: 0.4976 2023-11-02 07:35:23,629 - mmseg - INFO - Iter [11100/80000] lr: 2.790e-06, eta: 1 day, 10:48:59, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3538, decode.acc_seg: 85.9690, aux.loss_ce: 0.1734, aux.acc_seg: 83.3866, loss: 0.5272 2023-11-02 07:36:46,812 - mmseg - INFO - Iter [11150/80000] lr: 2.788e-06, eta: 1 day, 10:46:40, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3340, decode.acc_seg: 86.6283, aux.loss_ce: 0.1640, aux.acc_seg: 84.3920, loss: 0.4981 2023-11-02 07:38:09,993 - mmseg - INFO - Iter [11200/80000] lr: 2.786e-06, eta: 1 day, 10:44:22, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3557, decode.acc_seg: 85.4163, aux.loss_ce: 0.1779, aux.acc_seg: 82.5214, loss: 0.5336 2023-11-02 07:39:33,167 - mmseg - INFO - Iter [11250/80000] lr: 2.784e-06, eta: 1 day, 10:42:03, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3640, decode.acc_seg: 85.5345, aux.loss_ce: 0.1763, aux.acc_seg: 82.8055, loss: 0.5402 2023-11-02 07:40:56,406 - mmseg - INFO - Iter [11300/80000] lr: 2.782e-06, eta: 1 day, 10:39:46, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3601, decode.acc_seg: 85.2438, aux.loss_ce: 0.1698, aux.acc_seg: 83.3404, loss: 0.5300 2023-11-02 07:42:19,601 - mmseg - INFO - Iter [11350/80000] lr: 2.780e-06, eta: 1 day, 10:37:29, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3582, decode.acc_seg: 85.8390, aux.loss_ce: 0.1745, aux.acc_seg: 83.5220, loss: 0.5327 2023-11-02 07:43:45,069 - mmseg - INFO - Iter [11400/80000] lr: 2.778e-06, eta: 1 day, 10:35:27, time: 1.709, data_time: 0.051, memory: 69173, decode.loss_ce: 0.3385, decode.acc_seg: 86.0252, aux.loss_ce: 0.1662, aux.acc_seg: 83.3790, loss: 0.5047 2023-11-02 07:45:08,203 - mmseg - INFO - Iter [11450/80000] lr: 2.776e-06, eta: 1 day, 10:33:10, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3158, decode.acc_seg: 87.3459, aux.loss_ce: 0.1576, aux.acc_seg: 84.6553, loss: 0.4734 2023-11-02 07:46:31,388 - mmseg - INFO - Iter [11500/80000] lr: 2.774e-06, eta: 1 day, 10:30:54, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3002, decode.acc_seg: 87.7628, aux.loss_ce: 0.1481, aux.acc_seg: 85.5301, loss: 0.4483 2023-11-02 07:47:54,519 - mmseg - INFO - Iter [11550/80000] lr: 2.772e-06, eta: 1 day, 10:28:39, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3224, decode.acc_seg: 86.6051, aux.loss_ce: 0.1622, aux.acc_seg: 83.8568, loss: 0.4846 2023-11-02 07:49:17,651 - mmseg - INFO - Iter [11600/80000] lr: 2.770e-06, eta: 1 day, 10:26:24, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3347, decode.acc_seg: 86.6766, aux.loss_ce: 0.1637, aux.acc_seg: 84.0560, loss: 0.4984 2023-11-02 07:50:40,802 - mmseg - INFO - Iter [11650/80000] lr: 2.768e-06, eta: 1 day, 10:24:09, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3300, decode.acc_seg: 86.9663, aux.loss_ce: 0.1641, aux.acc_seg: 84.2185, loss: 0.4941 2023-11-02 07:52:03,931 - mmseg - INFO - Iter [11700/80000] lr: 2.766e-06, eta: 1 day, 10:21:55, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3427, decode.acc_seg: 86.5169, aux.loss_ce: 0.1714, aux.acc_seg: 83.9942, loss: 0.5141 2023-11-02 07:53:27,049 - mmseg - INFO - Iter [11750/80000] lr: 2.764e-06, eta: 1 day, 10:19:41, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3039, decode.acc_seg: 87.5072, aux.loss_ce: 0.1511, aux.acc_seg: 85.1951, loss: 0.4550 2023-11-02 07:54:50,181 - mmseg - INFO - Iter [11800/80000] lr: 2.762e-06, eta: 1 day, 10:17:28, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3298, decode.acc_seg: 86.2096, aux.loss_ce: 0.1625, aux.acc_seg: 83.8820, loss: 0.4923 2023-11-02 07:56:13,333 - mmseg - INFO - Iter [11850/80000] lr: 2.760e-06, eta: 1 day, 10:15:15, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3357, decode.acc_seg: 86.5172, aux.loss_ce: 0.1616, aux.acc_seg: 84.5211, loss: 0.4973 2023-11-02 07:57:36,535 - mmseg - INFO - Iter [11900/80000] lr: 2.758e-06, eta: 1 day, 10:13:03, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3245, decode.acc_seg: 86.8464, aux.loss_ce: 0.1634, aux.acc_seg: 84.3754, loss: 0.4878 2023-11-02 07:58:59,679 - mmseg - INFO - Iter [11950/80000] lr: 2.756e-06, eta: 1 day, 10:10:51, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3141, decode.acc_seg: 87.1173, aux.loss_ce: 0.1534, aux.acc_seg: 84.8037, loss: 0.4676 2023-11-02 08:00:22,891 - mmseg - INFO - Saving checkpoint at 12000 iterations 2023-11-02 08:01:18,638 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 08:01:18,638 - mmseg - INFO - Iter [12000/80000] lr: 2.754e-06, eta: 1 day, 10:13:56, time: 2.779, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3525, decode.acc_seg: 85.6704, aux.loss_ce: 0.1767, aux.acc_seg: 83.0680, loss: 0.5292 2023-11-02 08:02:46,546 - mmseg - INFO - per class results: 2023-11-02 08:02:46,551 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.34 | 88.21 | | building | 83.98 | 91.66 | | sky | 94.45 | 97.26 | | floor | 83.4 | 90.09 | | tree | 76.21 | 89.43 | | ceiling | 85.91 | 93.77 | | road | 85.41 | 93.0 | | bed | 91.3 | 96.6 | | windowpane | 66.53 | 81.36 | | grass | 64.84 | 73.35 | | cabinet | 63.71 | 73.11 | | sidewalk | 65.54 | 77.21 | | person | 83.8 | 91.43 | | earth | 39.3 | 49.99 | | door | 56.23 | 71.5 | | table | 62.92 | 74.37 | | mountain | 63.21 | 84.26 | | plant | 55.49 | 65.32 | | curtain | 76.18 | 91.83 | | chair | 57.81 | 65.15 | | car | 85.98 | 93.76 | | water | 61.33 | 72.8 | | painting | 73.95 | 87.12 | | sofa | 73.62 | 80.16 | | shelf | 45.5 | 60.79 | | house | 57.72 | 84.37 | | sea | 66.53 | 86.0 | | mirror | 74.53 | 84.12 | | rug | 68.41 | 88.75 | | field | 35.01 | 69.6 | | armchair | 54.3 | 84.25 | | seat | 61.94 | 84.68 | | fence | 50.05 | 67.12 | | desk | 51.1 | 73.85 | | rock | 52.32 | 71.49 | | wardrobe | 53.26 | 79.44 | | lamp | 67.09 | 77.12 | | bathtub | 84.34 | 86.99 | | railing | 40.29 | 54.03 | | cushion | 66.13 | 83.66 | | base | 35.09 | 54.19 | | box | 33.49 | 37.33 | | column | 52.13 | 67.0 | | signboard | 40.79 | 57.59 | | chest of drawers | 38.12 | 83.58 | | counter | 42.53 | 56.6 | | sand | 59.05 | 87.65 | | sink | 75.22 | 82.64 | | skyscraper | 49.33 | 65.12 | | fireplace | 69.54 | 96.25 | | refrigerator | 79.71 | 94.64 | | grandstand | 47.51 | 88.91 | | path | 24.82 | 36.45 | | stairs | 29.43 | 32.72 | | runway | 71.85 | 97.99 | | case | 64.66 | 79.66 | | pool table | 93.28 | 96.68 | | pillow | 56.05 | 59.35 | | screen door | 76.3 | 82.05 | | stairway | 38.48 | 59.79 | | river | 14.43 | 28.51 | | bridge | 61.72 | 75.85 | | bookcase | 37.82 | 50.47 | | blind | 42.88 | 50.66 | | coffee table | 60.15 | 85.58 | | toilet | 86.56 | 96.44 | | flower | 39.89 | 53.93 | | book | 53.13 | 77.86 | | hill | 7.42 | 21.46 | | bench | 53.72 | 65.92 | | countertop | 65.08 | 75.37 | | stove | 83.55 | 90.13 | | palm | 55.94 | 76.9 | | kitchen island | 39.17 | 81.8 | | computer | 73.93 | 91.55 | | swivel chair | 47.62 | 87.59 | | boat | 63.99 | 89.16 | | bar | 60.87 | 76.94 | | arcade machine | 81.61 | 88.48 | | hovel | 61.23 | 73.63 | | bus | 92.1 | 96.34 | | towel | 66.41 | 84.65 | | light | 49.63 | 52.55 | | truck | 34.14 | 47.27 | | tower | 21.01 | 33.43 | | chandelier | 67.92 | 83.83 | | awning | 43.61 | 61.51 | | streetlight | 30.04 | 38.6 | | booth | 39.4 | 40.48 | | television receiver | 75.86 | 87.45 | | airplane | 85.87 | 93.81 | | dirt track | 0.0 | 0.0 | | apparel | 49.24 | 60.1 | | pole | 25.33 | 33.53 | | land | 3.31 | 5.52 | | bannister | 16.29 | 18.92 | | escalator | 62.19 | 84.24 | | ottoman | 50.03 | 62.27 | | bottle | 37.0 | 59.34 | | buffet | 63.17 | 74.01 | | poster | 32.42 | 41.55 | | stage | 18.88 | 38.69 | | van | 51.32 | 73.89 | | ship | 34.01 | 36.88 | | fountain | 31.25 | 34.51 | | conveyer belt | 75.7 | 96.37 | | canopy | 43.05 | 66.75 | | washer | 86.1 | 90.92 | | plaything | 31.4 | 50.43 | | swimming pool | 60.29 | 74.7 | | stool | 43.59 | 65.3 | | barrel | 55.64 | 84.7 | | basket | 41.37 | 63.93 | | waterfall | 63.83 | 77.64 | | tent | 74.29 | 99.46 | | bag | 24.55 | 26.82 | | minibike | 72.82 | 88.68 | | cradle | 87.0 | 97.83 | | oven | 59.3 | 72.2 | | ball | 55.48 | 69.12 | | food | 60.98 | 77.44 | | step | 25.49 | 30.7 | | tank | 73.89 | 98.26 | | trade name | 25.08 | 27.75 | | microwave | 88.48 | 95.67 | | pot | 56.73 | 66.79 | | animal | 72.08 | 76.59 | | bicycle | 60.04 | 84.17 | | lake | 43.2 | 61.34 | | dishwasher | 70.92 | 80.17 | | screen | 56.87 | 91.61 | | blanket | 25.37 | 28.44 | | sculpture | 70.83 | 81.14 | | hood | 58.97 | 70.09 | | sconce | 51.8 | 59.35 | | vase | 42.9 | 54.45 | | traffic light | 32.53 | 62.66 | | tray | 10.45 | 13.35 | | ashcan | 49.96 | 62.89 | | fan | 62.6 | 73.99 | | pier | 40.26 | 42.27 | | crt screen | 5.17 | 14.13 | | plate | 53.01 | 77.03 | | monitor | 6.24 | 7.05 | | bulletin board | 56.61 | 71.18 | | shower | 1.09 | 1.85 | | radiator | 66.92 | 80.73 | | glass | 14.2 | 14.96 | | clock | 47.03 | 52.47 | | flag | 68.7 | 80.12 | +---------------------+-------+-------+ 2023-11-02 08:02:46,551 - mmseg - INFO - Summary: 2023-11-02 08:02:46,551 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.85 | 54.54 | 68.47 | +-------+-------+-------+ 2023-11-02 08:02:46,552 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 08:02:46,553 - mmseg - INFO - Iter(val) [250] aAcc: 0.8485, mIoU: 0.5454, mAcc: 0.6847, IoU.wall: 0.8034, IoU.building: 0.8398, IoU.sky: 0.9445, IoU.floor: 0.8340, IoU.tree: 0.7621, IoU.ceiling: 0.8591, IoU.road: 0.8541, IoU.bed : 0.9130, IoU.windowpane: 0.6653, IoU.grass: 0.6484, IoU.cabinet: 0.6371, IoU.sidewalk: 0.6554, IoU.person: 0.8380, IoU.earth: 0.3930, IoU.door: 0.5623, IoU.table: 0.6292, IoU.mountain: 0.6321, IoU.plant: 0.5549, IoU.curtain: 0.7618, IoU.chair: 0.5781, IoU.car: 0.8598, IoU.water: 0.6133, IoU.painting: 0.7395, IoU.sofa: 0.7362, IoU.shelf: 0.4550, IoU.house: 0.5772, IoU.sea: 0.6653, IoU.mirror: 0.7453, IoU.rug: 0.6841, IoU.field: 0.3501, IoU.armchair: 0.5430, IoU.seat: 0.6194, IoU.fence: 0.5005, IoU.desk: 0.5110, IoU.rock: 0.5232, IoU.wardrobe: 0.5326, IoU.lamp: 0.6709, IoU.bathtub: 0.8434, IoU.railing: 0.4029, IoU.cushion: 0.6613, IoU.base: 0.3509, IoU.box: 0.3349, IoU.column: 0.5213, IoU.signboard: 0.4079, IoU.chest of drawers: 0.3812, IoU.counter: 0.4253, IoU.sand: 0.5905, IoU.sink: 0.7522, IoU.skyscraper: 0.4933, IoU.fireplace: 0.6954, IoU.refrigerator: 0.7971, IoU.grandstand: 0.4751, IoU.path: 0.2482, IoU.stairs: 0.2943, IoU.runway: 0.7185, IoU.case: 0.6466, IoU.pool table: 0.9328, IoU.pillow: 0.5605, IoU.screen door: 0.7630, IoU.stairway: 0.3848, IoU.river: 0.1443, IoU.bridge: 0.6172, IoU.bookcase: 0.3782, IoU.blind: 0.4288, IoU.coffee table: 0.6015, IoU.toilet: 0.8656, IoU.flower: 0.3989, IoU.book: 0.5313, IoU.hill: 0.0742, IoU.bench: 0.5372, IoU.countertop: 0.6508, IoU.stove: 0.8355, IoU.palm: 0.5594, IoU.kitchen island: 0.3917, IoU.computer: 0.7393, IoU.swivel chair: 0.4762, IoU.boat: 0.6399, IoU.bar: 0.6087, IoU.arcade machine: 0.8161, IoU.hovel: 0.6123, IoU.bus: 0.9210, IoU.towel: 0.6641, IoU.light: 0.4963, IoU.truck: 0.3414, IoU.tower: 0.2101, IoU.chandelier: 0.6792, IoU.awning: 0.4361, IoU.streetlight: 0.3004, IoU.booth: 0.3940, IoU.television receiver: 0.7586, IoU.airplane: 0.8587, IoU.dirt track: 0.0000, IoU.apparel: 0.4924, IoU.pole: 0.2533, IoU.land: 0.0331, IoU.bannister: 0.1629, IoU.escalator: 0.6219, IoU.ottoman: 0.5003, IoU.bottle: 0.3700, IoU.buffet: 0.6317, IoU.poster: 0.3242, IoU.stage: 0.1888, IoU.van: 0.5132, IoU.ship: 0.3401, IoU.fountain: 0.3125, IoU.conveyer belt: 0.7570, IoU.canopy: 0.4305, IoU.washer: 0.8610, IoU.plaything: 0.3140, IoU.swimming pool: 0.6029, IoU.stool: 0.4359, IoU.barrel: 0.5564, IoU.basket: 0.4137, IoU.waterfall: 0.6383, IoU.tent: 0.7429, IoU.bag: 0.2455, IoU.minibike: 0.7282, IoU.cradle: 0.8700, IoU.oven: 0.5930, IoU.ball: 0.5548, IoU.food: 0.6098, IoU.step: 0.2549, IoU.tank: 0.7389, IoU.trade name: 0.2508, IoU.microwave: 0.8848, IoU.pot: 0.5673, IoU.animal: 0.7208, IoU.bicycle: 0.6004, IoU.lake: 0.4320, IoU.dishwasher: 0.7092, IoU.screen: 0.5687, IoU.blanket: 0.2537, IoU.sculpture: 0.7083, IoU.hood: 0.5897, IoU.sconce: 0.5180, IoU.vase: 0.4290, IoU.traffic light: 0.3253, IoU.tray: 0.1045, IoU.ashcan: 0.4996, IoU.fan: 0.6260, IoU.pier: 0.4026, IoU.crt screen: 0.0517, IoU.plate: 0.5301, IoU.monitor: 0.0624, IoU.bulletin board: 0.5661, IoU.shower: 0.0109, IoU.radiator: 0.6692, IoU.glass: 0.1420, IoU.clock: 0.4703, IoU.flag: 0.6870, Acc.wall: 0.8821, Acc.building: 0.9166, Acc.sky: 0.9726, Acc.floor: 0.9009, Acc.tree: 0.8943, Acc.ceiling: 0.9377, Acc.road: 0.9300, Acc.bed : 0.9660, Acc.windowpane: 0.8136, Acc.grass: 0.7335, Acc.cabinet: 0.7311, Acc.sidewalk: 0.7721, Acc.person: 0.9143, Acc.earth: 0.4999, Acc.door: 0.7150, Acc.table: 0.7437, Acc.mountain: 0.8426, Acc.plant: 0.6532, Acc.curtain: 0.9183, Acc.chair: 0.6515, Acc.car: 0.9376, Acc.water: 0.7280, Acc.painting: 0.8712, Acc.sofa: 0.8016, Acc.shelf: 0.6079, Acc.house: 0.8437, Acc.sea: 0.8600, Acc.mirror: 0.8412, Acc.rug: 0.8875, Acc.field: 0.6960, Acc.armchair: 0.8425, Acc.seat: 0.8468, Acc.fence: 0.6712, Acc.desk: 0.7385, Acc.rock: 0.7149, Acc.wardrobe: 0.7944, Acc.lamp: 0.7712, Acc.bathtub: 0.8699, Acc.railing: 0.5403, Acc.cushion: 0.8366, Acc.base: 0.5419, Acc.box: 0.3733, Acc.column: 0.6700, Acc.signboard: 0.5759, Acc.chest of drawers: 0.8358, Acc.counter: 0.5660, Acc.sand: 0.8765, Acc.sink: 0.8264, Acc.skyscraper: 0.6512, Acc.fireplace: 0.9625, Acc.refrigerator: 0.9464, Acc.grandstand: 0.8891, Acc.path: 0.3645, Acc.stairs: 0.3272, Acc.runway: 0.9799, Acc.case: 0.7966, Acc.pool table: 0.9668, Acc.pillow: 0.5935, Acc.screen door: 0.8205, Acc.stairway: 0.5979, Acc.river: 0.2851, Acc.bridge: 0.7585, Acc.bookcase: 0.5047, Acc.blind: 0.5066, Acc.coffee table: 0.8558, Acc.toilet: 0.9644, Acc.flower: 0.5393, Acc.book: 0.7786, Acc.hill: 0.2146, Acc.bench: 0.6592, Acc.countertop: 0.7537, Acc.stove: 0.9013, Acc.palm: 0.7690, Acc.kitchen island: 0.8180, Acc.computer: 0.9155, Acc.swivel chair: 0.8759, Acc.boat: 0.8916, Acc.bar: 0.7694, Acc.arcade machine: 0.8848, Acc.hovel: 0.7363, Acc.bus: 0.9634, Acc.towel: 0.8465, Acc.light: 0.5255, Acc.truck: 0.4727, Acc.tower: 0.3343, Acc.chandelier: 0.8383, Acc.awning: 0.6151, Acc.streetlight: 0.3860, Acc.booth: 0.4048, Acc.television receiver: 0.8745, Acc.airplane: 0.9381, Acc.dirt track: 0.0000, Acc.apparel: 0.6010, Acc.pole: 0.3353, Acc.land: 0.0552, Acc.bannister: 0.1892, Acc.escalator: 0.8424, Acc.ottoman: 0.6227, Acc.bottle: 0.5934, Acc.buffet: 0.7401, Acc.poster: 0.4155, Acc.stage: 0.3869, Acc.van: 0.7389, Acc.ship: 0.3688, Acc.fountain: 0.3451, Acc.conveyer belt: 0.9637, Acc.canopy: 0.6675, Acc.washer: 0.9092, Acc.plaything: 0.5043, Acc.swimming pool: 0.7470, Acc.stool: 0.6530, Acc.barrel: 0.8470, Acc.basket: 0.6393, Acc.waterfall: 0.7764, Acc.tent: 0.9946, Acc.bag: 0.2682, Acc.minibike: 0.8868, Acc.cradle: 0.9783, Acc.oven: 0.7220, Acc.ball: 0.6912, Acc.food: 0.7744, Acc.step: 0.3070, Acc.tank: 0.9826, Acc.trade name: 0.2775, Acc.microwave: 0.9567, Acc.pot: 0.6679, Acc.animal: 0.7659, Acc.bicycle: 0.8417, Acc.lake: 0.6134, Acc.dishwasher: 0.8017, Acc.screen: 0.9161, Acc.blanket: 0.2844, Acc.sculpture: 0.8114, Acc.hood: 0.7009, Acc.sconce: 0.5935, Acc.vase: 0.5445, Acc.traffic light: 0.6266, Acc.tray: 0.1335, Acc.ashcan: 0.6289, Acc.fan: 0.7399, Acc.pier: 0.4227, Acc.crt screen: 0.1413, Acc.plate: 0.7703, Acc.monitor: 0.0705, Acc.bulletin board: 0.7118, Acc.shower: 0.0185, Acc.radiator: 0.8073, Acc.glass: 0.1496, Acc.clock: 0.5247, Acc.flag: 0.8012 2023-11-02 08:04:09,937 - mmseg - INFO - Iter [12050/80000] lr: 2.752e-06, eta: 1 day, 10:20:00, time: 3.426, data_time: 1.766, memory: 69173, decode.loss_ce: 0.3388, decode.acc_seg: 85.9471, aux.loss_ce: 0.1634, aux.acc_seg: 83.7161, loss: 0.5022 2023-11-02 08:05:33,200 - mmseg - INFO - Iter [12100/80000] lr: 2.750e-06, eta: 1 day, 10:17:46, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3279, decode.acc_seg: 86.7870, aux.loss_ce: 0.1707, aux.acc_seg: 83.5663, loss: 0.4986 2023-11-02 08:06:56,424 - mmseg - INFO - Iter [12150/80000] lr: 2.748e-06, eta: 1 day, 10:15:32, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3301, decode.acc_seg: 86.6056, aux.loss_ce: 0.1583, aux.acc_seg: 84.3107, loss: 0.4884 2023-11-02 08:08:19,647 - mmseg - INFO - Iter [12200/80000] lr: 2.746e-06, eta: 1 day, 10:13:19, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3189, decode.acc_seg: 87.0552, aux.loss_ce: 0.1616, aux.acc_seg: 84.0801, loss: 0.4805 2023-11-02 08:09:42,903 - mmseg - INFO - Iter [12250/80000] lr: 2.744e-06, eta: 1 day, 10:11:06, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3180, decode.acc_seg: 86.8769, aux.loss_ce: 0.1631, aux.acc_seg: 83.6006, loss: 0.4811 2023-11-02 08:11:06,128 - mmseg - INFO - Iter [12300/80000] lr: 2.742e-06, eta: 1 day, 10:08:53, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3262, decode.acc_seg: 87.1068, aux.loss_ce: 0.1604, aux.acc_seg: 84.1339, loss: 0.4865 2023-11-02 08:12:29,408 - mmseg - INFO - Iter [12350/80000] lr: 2.740e-06, eta: 1 day, 10:06:41, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3159, decode.acc_seg: 86.9773, aux.loss_ce: 0.1593, aux.acc_seg: 84.4756, loss: 0.4753 2023-11-02 08:13:52,627 - mmseg - INFO - Iter [12400/80000] lr: 2.738e-06, eta: 1 day, 10:04:29, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3293, decode.acc_seg: 86.6895, aux.loss_ce: 0.1645, aux.acc_seg: 83.7587, loss: 0.4939 2023-11-02 08:15:15,868 - mmseg - INFO - Iter [12450/80000] lr: 2.736e-06, eta: 1 day, 10:02:18, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3328, decode.acc_seg: 86.4936, aux.loss_ce: 0.1635, aux.acc_seg: 84.3985, loss: 0.4963 2023-11-02 08:16:39,070 - mmseg - INFO - Iter [12500/80000] lr: 2.734e-06, eta: 1 day, 10:00:07, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3324, decode.acc_seg: 86.7988, aux.loss_ce: 0.1627, aux.acc_seg: 84.1326, loss: 0.4951 2023-11-02 08:18:02,388 - mmseg - INFO - Iter [12550/80000] lr: 2.732e-06, eta: 1 day, 9:57:56, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3460, decode.acc_seg: 86.2571, aux.loss_ce: 0.1698, aux.acc_seg: 83.7651, loss: 0.5158 2023-11-02 08:19:25,575 - mmseg - INFO - Iter [12600/80000] lr: 2.730e-06, eta: 1 day, 9:55:46, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3227, decode.acc_seg: 87.0420, aux.loss_ce: 0.1613, aux.acc_seg: 83.9905, loss: 0.4840 2023-11-02 08:20:54,546 - mmseg - INFO - Iter [12650/80000] lr: 2.728e-06, eta: 1 day, 9:54:07, time: 1.779, data_time: 0.121, memory: 69173, decode.loss_ce: 0.3220, decode.acc_seg: 86.5006, aux.loss_ce: 0.1578, aux.acc_seg: 84.5569, loss: 0.4798 2023-11-02 08:22:17,721 - mmseg - INFO - Iter [12700/80000] lr: 2.726e-06, eta: 1 day, 9:51:57, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2973, decode.acc_seg: 87.9406, aux.loss_ce: 0.1523, aux.acc_seg: 84.8581, loss: 0.4496 2023-11-02 08:23:40,916 - mmseg - INFO - Iter [12750/80000] lr: 2.723e-06, eta: 1 day, 9:49:47, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2948, decode.acc_seg: 88.0956, aux.loss_ce: 0.1540, aux.acc_seg: 85.1596, loss: 0.4488 2023-11-02 08:25:04,168 - mmseg - INFO - Iter [12800/80000] lr: 2.721e-06, eta: 1 day, 9:47:38, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3082, decode.acc_seg: 87.5520, aux.loss_ce: 0.1549, aux.acc_seg: 85.1656, loss: 0.4632 2023-11-02 08:26:27,327 - mmseg - INFO - Iter [12850/80000] lr: 2.719e-06, eta: 1 day, 9:45:29, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2835, decode.acc_seg: 88.3080, aux.loss_ce: 0.1474, aux.acc_seg: 85.2934, loss: 0.4309 2023-11-02 08:27:50,548 - mmseg - INFO - Iter [12900/80000] lr: 2.717e-06, eta: 1 day, 9:43:21, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2982, decode.acc_seg: 87.7195, aux.loss_ce: 0.1502, aux.acc_seg: 85.1513, loss: 0.4485 2023-11-02 08:29:13,694 - mmseg - INFO - Iter [12950/80000] lr: 2.715e-06, eta: 1 day, 9:41:13, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3139, decode.acc_seg: 87.3735, aux.loss_ce: 0.1519, aux.acc_seg: 85.1359, loss: 0.4658 2023-11-02 08:30:36,927 - mmseg - INFO - Saving checkpoint at 13000 iterations 2023-11-02 08:31:36,703 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 08:31:36,703 - mmseg - INFO - Iter [13000/80000] lr: 2.713e-06, eta: 1 day, 9:44:13, time: 2.860, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3144, decode.acc_seg: 87.3319, aux.loss_ce: 0.1598, aux.acc_seg: 83.9712, loss: 0.4742 2023-11-02 08:33:01,790 - mmseg - INFO - per class results: 2023-11-02 08:33:01,795 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.37 | 89.55 | | building | 84.04 | 92.94 | | sky | 94.04 | 98.25 | | floor | 84.25 | 91.4 | | tree | 76.39 | 88.27 | | ceiling | 86.01 | 93.03 | | road | 85.68 | 89.13 | | bed | 91.68 | 96.6 | | windowpane | 65.47 | 75.92 | | grass | 72.54 | 86.27 | | cabinet | 64.12 | 74.21 | | sidewalk | 68.18 | 85.55 | | person | 83.54 | 90.96 | | earth | 42.65 | 62.66 | | door | 55.13 | 73.0 | | table | 66.18 | 78.73 | | mountain | 66.92 | 75.91 | | plant | 59.18 | 70.72 | | curtain | 78.85 | 89.86 | | chair | 59.36 | 68.34 | | car | 86.72 | 93.39 | | water | 61.27 | 73.63 | | painting | 74.68 | 88.9 | | sofa | 80.21 | 90.46 | | shelf | 43.52 | 61.25 | | house | 49.26 | 63.46 | | sea | 69.13 | 84.2 | | mirror | 76.06 | 82.76 | | rug | 68.42 | 79.67 | | field | 41.66 | 57.23 | | armchair | 58.01 | 81.43 | | seat | 66.98 | 86.56 | | fence | 50.75 | 67.42 | | desk | 48.0 | 81.87 | | rock | 60.47 | 69.75 | | wardrobe | 51.09 | 76.8 | | lamp | 68.37 | 79.29 | | bathtub | 85.88 | 89.56 | | railing | 38.57 | 49.91 | | cushion | 65.75 | 77.36 | | base | 40.37 | 55.85 | | box | 33.42 | 41.47 | | column | 50.27 | 61.03 | | signboard | 39.67 | 48.22 | | chest of drawers | 44.97 | 64.27 | | counter | 39.73 | 47.51 | | sand | 42.16 | 58.02 | | sink | 79.09 | 88.29 | | skyscraper | 46.94 | 56.44 | | fireplace | 73.02 | 90.06 | | refrigerator | 79.96 | 86.28 | | grandstand | 46.75 | 86.58 | | path | 27.27 | 34.48 | | stairs | 38.12 | 45.02 | | runway | 73.05 | 95.41 | | case | 63.33 | 71.91 | | pool table | 91.12 | 98.99 | | pillow | 66.85 | 79.06 | | screen door | 56.51 | 60.81 | | stairway | 47.29 | 52.99 | | river | 19.4 | 42.09 | | bridge | 72.93 | 87.34 | | bookcase | 37.26 | 57.51 | | blind | 46.93 | 60.51 | | coffee table | 65.31 | 86.63 | | toilet | 87.98 | 93.91 | | flower | 42.38 | 58.98 | | book | 52.21 | 73.63 | | hill | 7.73 | 15.26 | | bench | 58.66 | 66.2 | | countertop | 63.87 | 85.0 | | stove | 79.81 | 94.67 | | palm | 49.69 | 71.01 | | kitchen island | 43.19 | 71.44 | | computer | 78.11 | 89.99 | | swivel chair | 44.18 | 85.49 | | boat | 80.41 | 88.43 | | bar | 72.08 | 79.38 | | arcade machine | 80.78 | 88.33 | | hovel | 15.69 | 16.54 | | bus | 92.53 | 96.18 | | towel | 50.57 | 53.05 | | light | 57.17 | 66.48 | | truck | 31.38 | 42.21 | | tower | 18.06 | 28.01 | | chandelier | 69.56 | 86.81 | | awning | 39.2 | 53.28 | | streetlight | 23.55 | 27.91 | | booth | 36.32 | 38.22 | | television receiver | 78.12 | 86.84 | | airplane | 71.7 | 82.51 | | dirt track | 10.42 | 42.97 | | apparel | 49.74 | 86.89 | | pole | 23.01 | 29.76 | | land | 0.83 | 1.19 | | bannister | 17.47 | 24.34 | | escalator | 55.33 | 85.62 | | ottoman | 51.82 | 70.25 | | bottle | 40.23 | 67.57 | | buffet | 61.89 | 82.76 | | poster | 33.82 | 42.25 | | stage | 18.49 | 49.34 | | van | 49.24 | 75.42 | | ship | 65.38 | 72.39 | | fountain | 43.86 | 46.99 | | conveyer belt | 76.71 | 96.06 | | canopy | 54.46 | 73.71 | | washer | 82.24 | 87.25 | | plaything | 29.49 | 42.87 | | swimming pool | 63.3 | 85.95 | | stool | 46.87 | 53.83 | | barrel | 49.58 | 67.14 | | basket | 41.72 | 55.71 | | waterfall | 53.61 | 63.25 | | tent | 93.88 | 98.69 | | bag | 26.22 | 29.48 | | minibike | 73.87 | 88.64 | | cradle | 87.19 | 97.6 | | oven | 54.39 | 64.34 | | ball | 51.66 | 55.75 | | food | 63.91 | 76.16 | | step | 12.17 | 13.25 | | tank | 65.33 | 77.17 | | trade name | 36.98 | 46.74 | | microwave | 88.94 | 94.39 | | pot | 56.93 | 70.14 | | animal | 65.76 | 68.15 | | bicycle | 58.44 | 70.88 | | lake | 60.13 | 63.71 | | dishwasher | 73.78 | 81.36 | | screen | 59.32 | 95.66 | | blanket | 17.73 | 19.86 | | sculpture | 69.54 | 87.81 | | hood | 64.84 | 75.33 | | sconce | 55.46 | 70.69 | | vase | 42.52 | 60.68 | | traffic light | 31.37 | 56.42 | | tray | 14.53 | 17.04 | | ashcan | 50.15 | 60.4 | | fan | 62.55 | 73.73 | | pier | 38.42 | 41.41 | | crt screen | 3.46 | 4.19 | | plate | 52.24 | 72.67 | | monitor | 63.18 | 75.03 | | bulletin board | 66.17 | 79.62 | | shower | 0.0 | 0.0 | | radiator | 63.73 | 81.15 | | glass | 15.3 | 16.06 | | clock | 47.31 | 51.1 | | flag | 67.66 | 78.23 | +---------------------+-------+-------+ 2023-11-02 08:33:01,795 - mmseg - INFO - Summary: 2023-11-02 08:33:01,796 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.43 | 55.54 | 68.13 | +-------+-------+-------+ 2023-11-02 08:33:01,797 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 08:33:01,797 - mmseg - INFO - Iter(val) [250] aAcc: 0.8543, mIoU: 0.5554, mAcc: 0.6813, IoU.wall: 0.8037, IoU.building: 0.8404, IoU.sky: 0.9404, IoU.floor: 0.8425, IoU.tree: 0.7639, IoU.ceiling: 0.8601, IoU.road: 0.8568, IoU.bed : 0.9168, IoU.windowpane: 0.6547, IoU.grass: 0.7254, IoU.cabinet: 0.6412, IoU.sidewalk: 0.6818, IoU.person: 0.8354, IoU.earth: 0.4265, IoU.door: 0.5513, IoU.table: 0.6618, IoU.mountain: 0.6692, IoU.plant: 0.5918, IoU.curtain: 0.7885, IoU.chair: 0.5936, IoU.car: 0.8672, IoU.water: 0.6127, IoU.painting: 0.7468, IoU.sofa: 0.8021, IoU.shelf: 0.4352, IoU.house: 0.4926, IoU.sea: 0.6913, IoU.mirror: 0.7606, IoU.rug: 0.6842, IoU.field: 0.4166, IoU.armchair: 0.5801, IoU.seat: 0.6698, IoU.fence: 0.5075, IoU.desk: 0.4800, IoU.rock: 0.6047, IoU.wardrobe: 0.5109, IoU.lamp: 0.6837, IoU.bathtub: 0.8588, IoU.railing: 0.3857, IoU.cushion: 0.6575, IoU.base: 0.4037, IoU.box: 0.3342, IoU.column: 0.5027, IoU.signboard: 0.3967, IoU.chest of drawers: 0.4497, IoU.counter: 0.3973, IoU.sand: 0.4216, IoU.sink: 0.7909, IoU.skyscraper: 0.4694, IoU.fireplace: 0.7302, IoU.refrigerator: 0.7996, IoU.grandstand: 0.4675, IoU.path: 0.2727, IoU.stairs: 0.3812, IoU.runway: 0.7305, IoU.case: 0.6333, IoU.pool table: 0.9112, IoU.pillow: 0.6685, IoU.screen door: 0.5651, IoU.stairway: 0.4729, IoU.river: 0.1940, IoU.bridge: 0.7293, IoU.bookcase: 0.3726, IoU.blind: 0.4693, IoU.coffee table: 0.6531, IoU.toilet: 0.8798, IoU.flower: 0.4238, IoU.book: 0.5221, IoU.hill: 0.0773, IoU.bench: 0.5866, IoU.countertop: 0.6387, IoU.stove: 0.7981, IoU.palm: 0.4969, IoU.kitchen island: 0.4319, IoU.computer: 0.7811, IoU.swivel chair: 0.4418, IoU.boat: 0.8041, IoU.bar: 0.7208, IoU.arcade machine: 0.8078, IoU.hovel: 0.1569, IoU.bus: 0.9253, IoU.towel: 0.5057, IoU.light: 0.5717, IoU.truck: 0.3138, IoU.tower: 0.1806, IoU.chandelier: 0.6956, IoU.awning: 0.3920, IoU.streetlight: 0.2355, IoU.booth: 0.3632, IoU.television receiver: 0.7812, IoU.airplane: 0.7170, IoU.dirt track: 0.1042, IoU.apparel: 0.4974, IoU.pole: 0.2301, IoU.land: 0.0083, IoU.bannister: 0.1747, IoU.escalator: 0.5533, IoU.ottoman: 0.5182, IoU.bottle: 0.4023, IoU.buffet: 0.6189, IoU.poster: 0.3382, IoU.stage: 0.1849, IoU.van: 0.4924, IoU.ship: 0.6538, IoU.fountain: 0.4386, IoU.conveyer belt: 0.7671, IoU.canopy: 0.5446, IoU.washer: 0.8224, IoU.plaything: 0.2949, IoU.swimming pool: 0.6330, IoU.stool: 0.4687, IoU.barrel: 0.4958, IoU.basket: 0.4172, IoU.waterfall: 0.5361, IoU.tent: 0.9388, IoU.bag: 0.2622, IoU.minibike: 0.7387, IoU.cradle: 0.8719, IoU.oven: 0.5439, IoU.ball: 0.5166, IoU.food: 0.6391, IoU.step: 0.1217, IoU.tank: 0.6533, IoU.trade name: 0.3698, IoU.microwave: 0.8894, IoU.pot: 0.5693, IoU.animal: 0.6576, IoU.bicycle: 0.5844, IoU.lake: 0.6013, IoU.dishwasher: 0.7378, IoU.screen: 0.5932, IoU.blanket: 0.1773, IoU.sculpture: 0.6954, IoU.hood: 0.6484, IoU.sconce: 0.5546, IoU.vase: 0.4252, IoU.traffic light: 0.3137, IoU.tray: 0.1453, IoU.ashcan: 0.5015, IoU.fan: 0.6255, IoU.pier: 0.3842, IoU.crt screen: 0.0346, IoU.plate: 0.5224, IoU.monitor: 0.6318, IoU.bulletin board: 0.6617, IoU.shower: 0.0000, IoU.radiator: 0.6373, IoU.glass: 0.1530, IoU.clock: 0.4731, IoU.flag: 0.6766, Acc.wall: 0.8955, Acc.building: 0.9294, Acc.sky: 0.9825, Acc.floor: 0.9140, Acc.tree: 0.8827, Acc.ceiling: 0.9303, Acc.road: 0.8913, Acc.bed : 0.9660, Acc.windowpane: 0.7592, Acc.grass: 0.8627, Acc.cabinet: 0.7421, Acc.sidewalk: 0.8555, Acc.person: 0.9096, Acc.earth: 0.6266, Acc.door: 0.7300, Acc.table: 0.7873, Acc.mountain: 0.7591, Acc.plant: 0.7072, Acc.curtain: 0.8986, Acc.chair: 0.6834, Acc.car: 0.9339, Acc.water: 0.7363, Acc.painting: 0.8890, Acc.sofa: 0.9046, Acc.shelf: 0.6125, Acc.house: 0.6346, Acc.sea: 0.8420, Acc.mirror: 0.8276, Acc.rug: 0.7967, Acc.field: 0.5723, Acc.armchair: 0.8143, Acc.seat: 0.8656, Acc.fence: 0.6742, Acc.desk: 0.8187, Acc.rock: 0.6975, Acc.wardrobe: 0.7680, Acc.lamp: 0.7929, Acc.bathtub: 0.8956, Acc.railing: 0.4991, Acc.cushion: 0.7736, Acc.base: 0.5585, Acc.box: 0.4147, Acc.column: 0.6103, Acc.signboard: 0.4822, Acc.chest of drawers: 0.6427, Acc.counter: 0.4751, Acc.sand: 0.5802, Acc.sink: 0.8829, Acc.skyscraper: 0.5644, Acc.fireplace: 0.9006, Acc.refrigerator: 0.8628, Acc.grandstand: 0.8658, Acc.path: 0.3448, Acc.stairs: 0.4502, Acc.runway: 0.9541, Acc.case: 0.7191, Acc.pool table: 0.9899, Acc.pillow: 0.7906, Acc.screen door: 0.6081, Acc.stairway: 0.5299, Acc.river: 0.4209, Acc.bridge: 0.8734, Acc.bookcase: 0.5751, Acc.blind: 0.6051, Acc.coffee table: 0.8663, Acc.toilet: 0.9391, Acc.flower: 0.5898, Acc.book: 0.7363, Acc.hill: 0.1526, Acc.bench: 0.6620, Acc.countertop: 0.8500, Acc.stove: 0.9467, Acc.palm: 0.7101, Acc.kitchen island: 0.7144, Acc.computer: 0.8999, Acc.swivel chair: 0.8549, Acc.boat: 0.8843, Acc.bar: 0.7938, Acc.arcade machine: 0.8833, Acc.hovel: 0.1654, Acc.bus: 0.9618, Acc.towel: 0.5305, Acc.light: 0.6648, Acc.truck: 0.4221, Acc.tower: 0.2801, Acc.chandelier: 0.8681, Acc.awning: 0.5328, Acc.streetlight: 0.2791, Acc.booth: 0.3822, Acc.television receiver: 0.8684, Acc.airplane: 0.8251, Acc.dirt track: 0.4297, Acc.apparel: 0.8689, Acc.pole: 0.2976, Acc.land: 0.0119, Acc.bannister: 0.2434, Acc.escalator: 0.8562, Acc.ottoman: 0.7025, Acc.bottle: 0.6757, Acc.buffet: 0.8276, Acc.poster: 0.4225, Acc.stage: 0.4934, Acc.van: 0.7542, Acc.ship: 0.7239, Acc.fountain: 0.4699, Acc.conveyer belt: 0.9606, Acc.canopy: 0.7371, Acc.washer: 0.8725, Acc.plaything: 0.4287, Acc.swimming pool: 0.8595, Acc.stool: 0.5383, Acc.barrel: 0.6714, Acc.basket: 0.5571, Acc.waterfall: 0.6325, Acc.tent: 0.9869, Acc.bag: 0.2948, Acc.minibike: 0.8864, Acc.cradle: 0.9760, Acc.oven: 0.6434, Acc.ball: 0.5575, Acc.food: 0.7616, Acc.step: 0.1325, Acc.tank: 0.7717, Acc.trade name: 0.4674, Acc.microwave: 0.9439, Acc.pot: 0.7014, Acc.animal: 0.6815, Acc.bicycle: 0.7088, Acc.lake: 0.6371, Acc.dishwasher: 0.8136, Acc.screen: 0.9566, Acc.blanket: 0.1986, Acc.sculpture: 0.8781, Acc.hood: 0.7533, Acc.sconce: 0.7069, Acc.vase: 0.6068, Acc.traffic light: 0.5642, Acc.tray: 0.1704, Acc.ashcan: 0.6040, Acc.fan: 0.7373, Acc.pier: 0.4141, Acc.crt screen: 0.0419, Acc.plate: 0.7267, Acc.monitor: 0.7503, Acc.bulletin board: 0.7962, Acc.shower: 0.0000, Acc.radiator: 0.8115, Acc.glass: 0.1606, Acc.clock: 0.5110, Acc.flag: 0.7823 2023-11-02 08:34:25,110 - mmseg - INFO - Iter [13050/80000] lr: 2.711e-06, eta: 1 day, 9:49:21, time: 3.368, data_time: 1.710, memory: 69173, decode.loss_ce: 0.3192, decode.acc_seg: 87.0709, aux.loss_ce: 0.1568, aux.acc_seg: 84.6793, loss: 0.4760 2023-11-02 08:35:48,331 - mmseg - INFO - Iter [13100/80000] lr: 2.709e-06, eta: 1 day, 9:47:11, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3306, decode.acc_seg: 86.5591, aux.loss_ce: 0.1659, aux.acc_seg: 83.9515, loss: 0.4965 2023-11-02 08:37:11,510 - mmseg - INFO - Iter [13150/80000] lr: 2.707e-06, eta: 1 day, 9:45:01, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3064, decode.acc_seg: 87.9547, aux.loss_ce: 0.1601, aux.acc_seg: 84.6298, loss: 0.4665 2023-11-02 08:38:34,735 - mmseg - INFO - Iter [13200/80000] lr: 2.705e-06, eta: 1 day, 9:42:51, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3017, decode.acc_seg: 87.1456, aux.loss_ce: 0.1521, aux.acc_seg: 84.5462, loss: 0.4538 2023-11-02 08:39:58,026 - mmseg - INFO - Iter [13250/80000] lr: 2.703e-06, eta: 1 day, 9:40:42, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3104, decode.acc_seg: 87.3135, aux.loss_ce: 0.1586, aux.acc_seg: 84.5769, loss: 0.4689 2023-11-02 08:41:21,241 - mmseg - INFO - Iter [13300/80000] lr: 2.701e-06, eta: 1 day, 9:38:33, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3243, decode.acc_seg: 86.7299, aux.loss_ce: 0.1596, aux.acc_seg: 84.5234, loss: 0.4839 2023-11-02 08:42:44,406 - mmseg - INFO - Iter [13350/80000] lr: 2.699e-06, eta: 1 day, 9:36:25, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3014, decode.acc_seg: 87.5152, aux.loss_ce: 0.1544, aux.acc_seg: 84.8560, loss: 0.4558 2023-11-02 08:44:07,621 - mmseg - INFO - Iter [13400/80000] lr: 2.697e-06, eta: 1 day, 9:34:16, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3052, decode.acc_seg: 87.7392, aux.loss_ce: 0.1523, aux.acc_seg: 85.2219, loss: 0.4575 2023-11-02 08:45:30,839 - mmseg - INFO - Iter [13450/80000] lr: 2.695e-06, eta: 1 day, 9:32:08, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3188, decode.acc_seg: 87.3630, aux.loss_ce: 0.1601, aux.acc_seg: 84.7952, loss: 0.4789 2023-11-02 08:46:54,061 - mmseg - INFO - Iter [13500/80000] lr: 2.693e-06, eta: 1 day, 9:30:01, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3275, decode.acc_seg: 86.3749, aux.loss_ce: 0.1665, aux.acc_seg: 83.4317, loss: 0.4940 2023-11-02 08:48:17,266 - mmseg - INFO - Iter [13550/80000] lr: 2.691e-06, eta: 1 day, 9:27:54, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3199, decode.acc_seg: 87.0829, aux.loss_ce: 0.1622, aux.acc_seg: 84.5813, loss: 0.4821 2023-11-02 08:49:40,436 - mmseg - INFO - Iter [13600/80000] lr: 2.689e-06, eta: 1 day, 9:25:46, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3459, decode.acc_seg: 86.5518, aux.loss_ce: 0.1720, aux.acc_seg: 83.8169, loss: 0.5180 2023-11-02 08:51:03,650 - mmseg - INFO - Iter [13650/80000] lr: 2.687e-06, eta: 1 day, 9:23:40, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3014, decode.acc_seg: 87.8714, aux.loss_ce: 0.1534, aux.acc_seg: 85.1425, loss: 0.4549 2023-11-02 08:52:26,863 - mmseg - INFO - Iter [13700/80000] lr: 2.685e-06, eta: 1 day, 9:21:33, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3291, decode.acc_seg: 86.7399, aux.loss_ce: 0.1591, aux.acc_seg: 84.5121, loss: 0.4882 2023-11-02 08:53:50,080 - mmseg - INFO - Iter [13750/80000] lr: 2.683e-06, eta: 1 day, 9:19:27, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3241, decode.acc_seg: 86.7303, aux.loss_ce: 0.1642, aux.acc_seg: 83.8618, loss: 0.4883 2023-11-02 08:55:13,289 - mmseg - INFO - Iter [13800/80000] lr: 2.681e-06, eta: 1 day, 9:17:22, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3313, decode.acc_seg: 86.4388, aux.loss_ce: 0.1612, aux.acc_seg: 83.5877, loss: 0.4925 2023-11-02 08:56:36,494 - mmseg - INFO - Iter [13850/80000] lr: 2.679e-06, eta: 1 day, 9:15:16, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3409, decode.acc_seg: 86.4560, aux.loss_ce: 0.1621, aux.acc_seg: 83.9911, loss: 0.5030 2023-11-02 08:58:01,938 - mmseg - INFO - Iter [13900/80000] lr: 2.677e-06, eta: 1 day, 9:13:22, time: 1.709, data_time: 0.052, memory: 69173, decode.loss_ce: 0.3302, decode.acc_seg: 86.7342, aux.loss_ce: 0.1634, aux.acc_seg: 83.8257, loss: 0.4936 2023-11-02 08:59:25,095 - mmseg - INFO - Iter [13950/80000] lr: 2.675e-06, eta: 1 day, 9:11:17, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2826, decode.acc_seg: 88.2426, aux.loss_ce: 0.1497, aux.acc_seg: 84.9705, loss: 0.4323 2023-11-02 09:00:48,305 - mmseg - INFO - Saving checkpoint at 14000 iterations 2023-11-02 09:01:45,564 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 09:01:45,564 - mmseg - INFO - Iter [14000/80000] lr: 2.673e-06, eta: 1 day, 9:13:42, time: 2.809, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3123, decode.acc_seg: 87.2732, aux.loss_ce: 0.1561, aux.acc_seg: 84.7098, loss: 0.4684 2023-11-02 09:03:09,843 - mmseg - INFO - per class results: 2023-11-02 09:03:09,848 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.46 | 88.05 | | building | 84.02 | 92.09 | | sky | 94.68 | 97.04 | | floor | 83.73 | 91.51 | | tree | 76.64 | 90.6 | | ceiling | 85.54 | 94.67 | | road | 85.47 | 90.98 | | bed | 91.93 | 95.6 | | windowpane | 66.34 | 82.74 | | grass | 67.55 | 82.29 | | cabinet | 63.19 | 70.26 | | sidewalk | 63.86 | 76.66 | | person | 83.38 | 92.58 | | earth | 38.99 | 54.46 | | door | 60.08 | 72.09 | | table | 63.61 | 73.85 | | mountain | 59.1 | 63.62 | | plant | 56.33 | 66.52 | | curtain | 77.68 | 90.95 | | chair | 62.59 | 71.81 | | car | 86.39 | 94.0 | | water | 62.77 | 75.35 | | painting | 66.6 | 92.22 | | sofa | 80.41 | 90.13 | | shelf | 47.88 | 71.98 | | house | 55.45 | 75.26 | | sea | 71.1 | 79.64 | | mirror | 77.43 | 86.17 | | rug | 68.8 | 74.93 | | field | 28.68 | 48.29 | | armchair | 59.21 | 82.35 | | seat | 68.65 | 86.08 | | fence | 47.77 | 75.62 | | desk | 52.84 | 68.62 | | rock | 62.99 | 78.75 | | wardrobe | 53.98 | 86.03 | | lamp | 67.98 | 77.52 | | bathtub | 86.76 | 89.31 | | railing | 43.05 | 56.65 | | cushion | 65.53 | 82.42 | | base | 37.69 | 59.89 | | box | 34.99 | 45.94 | | column | 52.65 | 77.44 | | signboard | 37.91 | 52.82 | | chest of drawers | 46.7 | 63.43 | | counter | 38.25 | 42.6 | | sand | 56.43 | 77.53 | | sink | 73.73 | 84.13 | | skyscraper | 50.94 | 61.72 | | fireplace | 66.84 | 95.74 | | refrigerator | 79.87 | 90.55 | | grandstand | 45.46 | 83.96 | | path | 21.7 | 30.44 | | stairs | 38.52 | 48.33 | | runway | 71.9 | 96.19 | | case | 67.23 | 82.49 | | pool table | 93.66 | 98.03 | | pillow | 67.26 | 82.22 | | screen door | 61.5 | 64.19 | | stairway | 33.23 | 37.14 | | river | 17.09 | 38.84 | | bridge | 62.14 | 75.21 | | bookcase | 36.94 | 72.0 | | blind | 42.89 | 51.65 | | coffee table | 56.45 | 91.07 | | toilet | 86.96 | 92.76 | | flower | 35.35 | 51.86 | | book | 37.69 | 48.41 | | hill | 8.47 | 16.26 | | bench | 62.34 | 75.31 | | countertop | 61.8 | 89.84 | | stove | 83.46 | 93.03 | | palm | 53.14 | 84.37 | | kitchen island | 39.44 | 75.04 | | computer | 78.16 | 90.06 | | swivel chair | 50.37 | 83.58 | | boat | 67.27 | 90.76 | | bar | 62.85 | 81.37 | | arcade machine | 86.55 | 92.09 | | hovel | 18.81 | 20.21 | | bus | 93.18 | 97.0 | | towel | 70.44 | 81.52 | | light | 51.5 | 54.58 | | truck | 41.03 | 59.22 | | tower | 20.19 | 42.84 | | chandelier | 68.59 | 85.74 | | awning | 46.6 | 53.78 | | streetlight | 27.89 | 35.22 | | booth | 37.27 | 48.82 | | television receiver | 73.08 | 90.53 | | airplane | 68.8 | 83.8 | | dirt track | 3.23 | 14.16 | | apparel | 58.67 | 69.21 | | pole | 23.67 | 32.53 | | land | 1.74 | 3.62 | | bannister | 14.31 | 18.33 | | escalator | 60.41 | 83.24 | | ottoman | 46.47 | 63.97 | | bottle | 42.47 | 53.83 | | buffet | 69.75 | 89.37 | | poster | 28.44 | 32.5 | | stage | 17.55 | 49.19 | | van | 43.69 | 50.38 | | ship | 70.89 | 97.26 | | fountain | 52.73 | 71.76 | | conveyer belt | 78.32 | 94.96 | | canopy | 58.95 | 71.94 | | washer | 79.86 | 84.65 | | plaything | 31.11 | 43.08 | | swimming pool | 57.89 | 85.08 | | stool | 41.87 | 71.23 | | barrel | 50.69 | 88.02 | | basket | 40.9 | 62.36 | | waterfall | 65.34 | 75.87 | | tent | 95.7 | 98.48 | | bag | 21.26 | 23.42 | | minibike | 69.98 | 91.61 | | cradle | 87.97 | 97.9 | | oven | 62.11 | 79.7 | | ball | 44.51 | 76.03 | | food | 65.46 | 73.48 | | step | 14.16 | 16.47 | | tank | 70.02 | 89.71 | | trade name | 23.12 | 24.69 | | microwave | 87.52 | 96.02 | | pot | 54.21 | 61.53 | | animal | 68.32 | 71.69 | | bicycle | 58.86 | 76.8 | | lake | 52.4 | 63.73 | | dishwasher | 72.54 | 82.43 | | screen | 53.93 | 73.48 | | blanket | 38.96 | 49.57 | | sculpture | 69.0 | 86.29 | | hood | 70.58 | 89.9 | | sconce | 52.0 | 62.01 | | vase | 40.89 | 56.4 | | traffic light | 31.9 | 59.73 | | tray | 13.5 | 16.2 | | ashcan | 45.83 | 63.91 | | fan | 57.43 | 62.87 | | pier | 38.64 | 43.92 | | crt screen | 3.15 | 10.24 | | plate | 52.5 | 75.73 | | monitor | 12.0 | 13.47 | | bulletin board | 61.24 | 82.41 | | shower | 0.15 | 1.61 | | radiator | 62.78 | 81.07 | | glass | 17.36 | 18.42 | | clock | 45.99 | 50.53 | | flag | 67.75 | 79.61 | +---------------------+-------+-------+ 2023-11-02 09:03:09,848 - mmseg - INFO - Summary: 2023-11-02 09:03:09,849 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.04 | 54.97 | 68.93 | +-------+-------+-------+ 2023-11-02 09:03:09,849 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 09:03:09,850 - mmseg - INFO - Iter(val) [250] aAcc: 0.8504, mIoU: 0.5497, mAcc: 0.6893, IoU.wall: 0.8046, IoU.building: 0.8402, IoU.sky: 0.9468, IoU.floor: 0.8373, IoU.tree: 0.7664, IoU.ceiling: 0.8554, IoU.road: 0.8547, IoU.bed : 0.9193, IoU.windowpane: 0.6634, IoU.grass: 0.6755, IoU.cabinet: 0.6319, IoU.sidewalk: 0.6386, IoU.person: 0.8338, IoU.earth: 0.3899, IoU.door: 0.6008, IoU.table: 0.6361, IoU.mountain: 0.5910, IoU.plant: 0.5633, IoU.curtain: 0.7768, IoU.chair: 0.6259, IoU.car: 0.8639, IoU.water: 0.6277, IoU.painting: 0.6660, IoU.sofa: 0.8041, IoU.shelf: 0.4788, IoU.house: 0.5545, IoU.sea: 0.7110, IoU.mirror: 0.7743, IoU.rug: 0.6880, IoU.field: 0.2868, IoU.armchair: 0.5921, IoU.seat: 0.6865, IoU.fence: 0.4777, IoU.desk: 0.5284, IoU.rock: 0.6299, IoU.wardrobe: 0.5398, IoU.lamp: 0.6798, IoU.bathtub: 0.8676, IoU.railing: 0.4305, IoU.cushion: 0.6553, IoU.base: 0.3769, IoU.box: 0.3499, IoU.column: 0.5265, IoU.signboard: 0.3791, IoU.chest of drawers: 0.4670, IoU.counter: 0.3825, IoU.sand: 0.5643, IoU.sink: 0.7373, IoU.skyscraper: 0.5094, IoU.fireplace: 0.6684, IoU.refrigerator: 0.7987, IoU.grandstand: 0.4546, IoU.path: 0.2170, IoU.stairs: 0.3852, IoU.runway: 0.7190, IoU.case: 0.6723, IoU.pool table: 0.9366, IoU.pillow: 0.6726, IoU.screen door: 0.6150, IoU.stairway: 0.3323, IoU.river: 0.1709, IoU.bridge: 0.6214, IoU.bookcase: 0.3694, IoU.blind: 0.4289, IoU.coffee table: 0.5645, IoU.toilet: 0.8696, IoU.flower: 0.3535, IoU.book: 0.3769, IoU.hill: 0.0847, IoU.bench: 0.6234, IoU.countertop: 0.6180, IoU.stove: 0.8346, IoU.palm: 0.5314, IoU.kitchen island: 0.3944, IoU.computer: 0.7816, IoU.swivel chair: 0.5037, IoU.boat: 0.6727, IoU.bar: 0.6285, IoU.arcade machine: 0.8655, IoU.hovel: 0.1881, IoU.bus: 0.9318, IoU.towel: 0.7044, IoU.light: 0.5150, IoU.truck: 0.4103, IoU.tower: 0.2019, IoU.chandelier: 0.6859, IoU.awning: 0.4660, IoU.streetlight: 0.2789, IoU.booth: 0.3727, IoU.television receiver: 0.7308, IoU.airplane: 0.6880, IoU.dirt track: 0.0323, IoU.apparel: 0.5867, IoU.pole: 0.2367, IoU.land: 0.0174, IoU.bannister: 0.1431, IoU.escalator: 0.6041, IoU.ottoman: 0.4647, IoU.bottle: 0.4247, IoU.buffet: 0.6975, IoU.poster: 0.2844, IoU.stage: 0.1755, IoU.van: 0.4369, IoU.ship: 0.7089, IoU.fountain: 0.5273, IoU.conveyer belt: 0.7832, IoU.canopy: 0.5895, IoU.washer: 0.7986, IoU.plaything: 0.3111, IoU.swimming pool: 0.5789, IoU.stool: 0.4187, IoU.barrel: 0.5069, IoU.basket: 0.4090, IoU.waterfall: 0.6534, IoU.tent: 0.9570, IoU.bag: 0.2126, IoU.minibike: 0.6998, IoU.cradle: 0.8797, IoU.oven: 0.6211, IoU.ball: 0.4451, IoU.food: 0.6546, IoU.step: 0.1416, IoU.tank: 0.7002, IoU.trade name: 0.2312, IoU.microwave: 0.8752, IoU.pot: 0.5421, IoU.animal: 0.6832, IoU.bicycle: 0.5886, IoU.lake: 0.5240, IoU.dishwasher: 0.7254, IoU.screen: 0.5393, IoU.blanket: 0.3896, IoU.sculpture: 0.6900, IoU.hood: 0.7058, IoU.sconce: 0.5200, IoU.vase: 0.4089, IoU.traffic light: 0.3190, IoU.tray: 0.1350, IoU.ashcan: 0.4583, IoU.fan: 0.5743, IoU.pier: 0.3864, IoU.crt screen: 0.0315, IoU.plate: 0.5250, IoU.monitor: 0.1200, IoU.bulletin board: 0.6124, IoU.shower: 0.0015, IoU.radiator: 0.6278, IoU.glass: 0.1736, IoU.clock: 0.4599, IoU.flag: 0.6775, Acc.wall: 0.8805, Acc.building: 0.9209, Acc.sky: 0.9704, Acc.floor: 0.9151, Acc.tree: 0.9060, Acc.ceiling: 0.9467, Acc.road: 0.9098, Acc.bed : 0.9560, Acc.windowpane: 0.8274, Acc.grass: 0.8229, Acc.cabinet: 0.7026, Acc.sidewalk: 0.7666, Acc.person: 0.9258, Acc.earth: 0.5446, Acc.door: 0.7209, Acc.table: 0.7385, Acc.mountain: 0.6362, Acc.plant: 0.6652, Acc.curtain: 0.9095, Acc.chair: 0.7181, Acc.car: 0.9400, Acc.water: 0.7535, Acc.painting: 0.9222, Acc.sofa: 0.9013, Acc.shelf: 0.7198, Acc.house: 0.7526, Acc.sea: 0.7964, Acc.mirror: 0.8617, Acc.rug: 0.7493, Acc.field: 0.4829, Acc.armchair: 0.8235, Acc.seat: 0.8608, Acc.fence: 0.7562, Acc.desk: 0.6862, Acc.rock: 0.7875, Acc.wardrobe: 0.8603, Acc.lamp: 0.7752, Acc.bathtub: 0.8931, Acc.railing: 0.5665, Acc.cushion: 0.8242, Acc.base: 0.5989, Acc.box: 0.4594, Acc.column: 0.7744, Acc.signboard: 0.5282, Acc.chest of drawers: 0.6343, Acc.counter: 0.4260, Acc.sand: 0.7753, Acc.sink: 0.8413, Acc.skyscraper: 0.6172, Acc.fireplace: 0.9574, Acc.refrigerator: 0.9055, Acc.grandstand: 0.8396, Acc.path: 0.3044, Acc.stairs: 0.4833, Acc.runway: 0.9619, Acc.case: 0.8249, Acc.pool table: 0.9803, Acc.pillow: 0.8222, Acc.screen door: 0.6419, Acc.stairway: 0.3714, Acc.river: 0.3884, Acc.bridge: 0.7521, Acc.bookcase: 0.7200, Acc.blind: 0.5165, Acc.coffee table: 0.9107, Acc.toilet: 0.9276, Acc.flower: 0.5186, Acc.book: 0.4841, Acc.hill: 0.1626, Acc.bench: 0.7531, Acc.countertop: 0.8984, Acc.stove: 0.9303, Acc.palm: 0.8437, Acc.kitchen island: 0.7504, Acc.computer: 0.9006, Acc.swivel chair: 0.8358, Acc.boat: 0.9076, Acc.bar: 0.8137, Acc.arcade machine: 0.9209, Acc.hovel: 0.2021, Acc.bus: 0.9700, Acc.towel: 0.8152, Acc.light: 0.5458, Acc.truck: 0.5922, Acc.tower: 0.4284, Acc.chandelier: 0.8574, Acc.awning: 0.5378, Acc.streetlight: 0.3522, Acc.booth: 0.4882, Acc.television receiver: 0.9053, Acc.airplane: 0.8380, Acc.dirt track: 0.1416, Acc.apparel: 0.6921, Acc.pole: 0.3253, Acc.land: 0.0362, Acc.bannister: 0.1833, Acc.escalator: 0.8324, Acc.ottoman: 0.6397, Acc.bottle: 0.5383, Acc.buffet: 0.8937, Acc.poster: 0.3250, Acc.stage: 0.4919, Acc.van: 0.5038, Acc.ship: 0.9726, Acc.fountain: 0.7176, Acc.conveyer belt: 0.9496, Acc.canopy: 0.7194, Acc.washer: 0.8465, Acc.plaything: 0.4308, Acc.swimming pool: 0.8508, Acc.stool: 0.7123, Acc.barrel: 0.8802, Acc.basket: 0.6236, Acc.waterfall: 0.7587, Acc.tent: 0.9848, Acc.bag: 0.2342, Acc.minibike: 0.9161, Acc.cradle: 0.9790, Acc.oven: 0.7970, Acc.ball: 0.7603, Acc.food: 0.7348, Acc.step: 0.1647, Acc.tank: 0.8971, Acc.trade name: 0.2469, Acc.microwave: 0.9602, Acc.pot: 0.6153, Acc.animal: 0.7169, Acc.bicycle: 0.7680, Acc.lake: 0.6373, Acc.dishwasher: 0.8243, Acc.screen: 0.7348, Acc.blanket: 0.4957, Acc.sculpture: 0.8629, Acc.hood: 0.8990, Acc.sconce: 0.6201, Acc.vase: 0.5640, Acc.traffic light: 0.5973, Acc.tray: 0.1620, Acc.ashcan: 0.6391, Acc.fan: 0.6287, Acc.pier: 0.4392, Acc.crt screen: 0.1024, Acc.plate: 0.7573, Acc.monitor: 0.1347, Acc.bulletin board: 0.8241, Acc.shower: 0.0161, Acc.radiator: 0.8107, Acc.glass: 0.1842, Acc.clock: 0.5053, Acc.flag: 0.7961 2023-11-02 09:04:33,197 - mmseg - INFO - Iter [14050/80000] lr: 2.671e-06, eta: 1 day, 9:18:13, time: 3.353, data_time: 1.694, memory: 69173, decode.loss_ce: 0.2962, decode.acc_seg: 87.8506, aux.loss_ce: 0.1517, aux.acc_seg: 85.2118, loss: 0.4479 2023-11-02 09:05:56,382 - mmseg - INFO - Iter [14100/80000] lr: 2.669e-06, eta: 1 day, 9:16:06, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2809, decode.acc_seg: 88.5507, aux.loss_ce: 0.1421, aux.acc_seg: 85.7739, loss: 0.4229 2023-11-02 09:07:19,493 - mmseg - INFO - Iter [14150/80000] lr: 2.667e-06, eta: 1 day, 9:13:59, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3001, decode.acc_seg: 87.6829, aux.loss_ce: 0.1511, aux.acc_seg: 85.4342, loss: 0.4511 2023-11-02 09:08:42,684 - mmseg - INFO - Iter [14200/80000] lr: 2.665e-06, eta: 1 day, 9:11:53, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2874, decode.acc_seg: 88.3295, aux.loss_ce: 0.1411, aux.acc_seg: 86.3061, loss: 0.4285 2023-11-02 09:10:05,956 - mmseg - INFO - Iter [14250/80000] lr: 2.663e-06, eta: 1 day, 9:09:47, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3076, decode.acc_seg: 87.7486, aux.loss_ce: 0.1535, aux.acc_seg: 85.3107, loss: 0.4611 2023-11-02 09:11:29,156 - mmseg - INFO - Iter [14300/80000] lr: 2.661e-06, eta: 1 day, 9:07:41, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2998, decode.acc_seg: 87.4388, aux.loss_ce: 0.1464, aux.acc_seg: 85.1777, loss: 0.4462 2023-11-02 09:12:52,376 - mmseg - INFO - Iter [14350/80000] lr: 2.659e-06, eta: 1 day, 9:05:36, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2940, decode.acc_seg: 87.5217, aux.loss_ce: 0.1480, aux.acc_seg: 85.3736, loss: 0.4421 2023-11-02 09:14:15,674 - mmseg - INFO - Iter [14400/80000] lr: 2.657e-06, eta: 1 day, 9:03:31, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3116, decode.acc_seg: 86.8332, aux.loss_ce: 0.1502, aux.acc_seg: 84.8259, loss: 0.4619 2023-11-02 09:15:38,888 - mmseg - INFO - Iter [14450/80000] lr: 2.655e-06, eta: 1 day, 9:01:27, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2941, decode.acc_seg: 87.4760, aux.loss_ce: 0.1512, aux.acc_seg: 85.1171, loss: 0.4453 2023-11-02 09:17:02,095 - mmseg - INFO - Iter [14500/80000] lr: 2.653e-06, eta: 1 day, 8:59:22, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3077, decode.acc_seg: 87.5399, aux.loss_ce: 0.1516, aux.acc_seg: 85.5049, loss: 0.4593 2023-11-02 09:18:25,344 - mmseg - INFO - Iter [14550/80000] lr: 2.651e-06, eta: 1 day, 8:57:18, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3027, decode.acc_seg: 87.5007, aux.loss_ce: 0.1523, aux.acc_seg: 85.3186, loss: 0.4550 2023-11-02 09:19:48,565 - mmseg - INFO - Iter [14600/80000] lr: 2.649e-06, eta: 1 day, 8:55:14, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2898, decode.acc_seg: 88.0362, aux.loss_ce: 0.1492, aux.acc_seg: 85.3459, loss: 0.4390 2023-11-02 09:21:11,736 - mmseg - INFO - Iter [14650/80000] lr: 2.647e-06, eta: 1 day, 8:53:11, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2992, decode.acc_seg: 87.7782, aux.loss_ce: 0.1485, aux.acc_seg: 85.6003, loss: 0.4477 2023-11-02 09:22:34,969 - mmseg - INFO - Iter [14700/80000] lr: 2.645e-06, eta: 1 day, 8:51:07, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3030, decode.acc_seg: 86.9468, aux.loss_ce: 0.1517, aux.acc_seg: 84.2763, loss: 0.4547 2023-11-02 09:23:58,206 - mmseg - INFO - Iter [14750/80000] lr: 2.642e-06, eta: 1 day, 8:49:05, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2968, decode.acc_seg: 87.5754, aux.loss_ce: 0.1508, aux.acc_seg: 85.0154, loss: 0.4476 2023-11-02 09:25:21,448 - mmseg - INFO - Iter [14800/80000] lr: 2.640e-06, eta: 1 day, 8:47:02, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3039, decode.acc_seg: 87.6790, aux.loss_ce: 0.1463, aux.acc_seg: 85.5302, loss: 0.4502 2023-11-02 09:26:44,719 - mmseg - INFO - Iter [14850/80000] lr: 2.638e-06, eta: 1 day, 8:45:00, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3208, decode.acc_seg: 86.6871, aux.loss_ce: 0.1580, aux.acc_seg: 84.3709, loss: 0.4788 2023-11-02 09:28:07,967 - mmseg - INFO - Iter [14900/80000] lr: 2.636e-06, eta: 1 day, 8:42:57, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3161, decode.acc_seg: 87.1409, aux.loss_ce: 0.1546, aux.acc_seg: 84.9405, loss: 0.4708 2023-11-02 09:29:31,254 - mmseg - INFO - Iter [14950/80000] lr: 2.634e-06, eta: 1 day, 8:40:56, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3005, decode.acc_seg: 87.7770, aux.loss_ce: 0.1539, aux.acc_seg: 84.7452, loss: 0.4545 2023-11-02 09:30:54,515 - mmseg - INFO - Saving checkpoint at 15000 iterations 2023-11-02 09:31:53,502 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 09:31:53,502 - mmseg - INFO - Iter [15000/80000] lr: 2.632e-06, eta: 1 day, 8:43:10, time: 2.845, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2899, decode.acc_seg: 88.0235, aux.loss_ce: 0.1496, aux.acc_seg: 85.6104, loss: 0.4395 2023-11-02 09:33:19,731 - mmseg - INFO - per class results: 2023-11-02 09:33:19,736 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.1 | 86.77 | | building | 84.48 | 93.25 | | sky | 94.72 | 97.11 | | floor | 83.53 | 90.37 | | tree | 76.6 | 89.01 | | ceiling | 85.17 | 94.97 | | road | 85.6 | 90.82 | | bed | 91.64 | 96.51 | | windowpane | 64.94 | 78.11 | | grass | 67.77 | 76.74 | | cabinet | 64.65 | 73.1 | | sidewalk | 61.41 | 74.48 | | person | 83.83 | 92.54 | | earth | 38.58 | 58.37 | | door | 59.28 | 81.64 | | table | 67.58 | 81.76 | | mountain | 62.05 | 80.64 | | plant | 57.28 | 66.55 | | curtain | 76.01 | 90.56 | | chair | 64.49 | 77.31 | | car | 86.3 | 92.49 | | water | 60.56 | 69.41 | | painting | 76.39 | 90.53 | | sofa | 81.44 | 90.79 | | shelf | 41.8 | 56.43 | | house | 57.6 | 74.8 | | sea | 69.36 | 83.62 | | mirror | 76.29 | 86.19 | | rug | 69.61 | 83.33 | | field | 27.32 | 51.06 | | armchair | 61.86 | 74.54 | | seat | 63.88 | 90.11 | | fence | 52.87 | 72.78 | | desk | 50.61 | 83.38 | | rock | 57.89 | 68.85 | | wardrobe | 55.49 | 71.05 | | lamp | 68.1 | 80.74 | | bathtub | 84.56 | 88.49 | | railing | 39.92 | 55.02 | | cushion | 66.03 | 82.16 | | base | 38.19 | 51.84 | | box | 38.36 | 46.25 | | column | 52.03 | 63.62 | | signboard | 37.32 | 56.72 | | chest of drawers | 52.62 | 76.5 | | counter | 37.79 | 50.55 | | sand | 43.25 | 62.67 | | sink | 81.45 | 87.44 | | skyscraper | 50.36 | 66.86 | | fireplace | 70.04 | 96.29 | | refrigerator | 75.59 | 88.26 | | grandstand | 51.33 | 84.36 | | path | 18.54 | 35.65 | | stairs | 40.04 | 51.09 | | runway | 68.49 | 88.41 | | case | 63.81 | 74.51 | | pool table | 92.93 | 98.24 | | pillow | 64.2 | 73.05 | | screen door | 77.95 | 95.44 | | stairway | 42.79 | 50.63 | | river | 14.41 | 35.72 | | bridge | 68.04 | 83.29 | | bookcase | 36.75 | 66.93 | | blind | 47.25 | 60.58 | | coffee table | 67.35 | 88.13 | | toilet | 88.98 | 93.2 | | flower | 36.82 | 47.44 | | book | 47.05 | 66.06 | | hill | 7.32 | 11.24 | | bench | 50.91 | 60.06 | | countertop | 63.7 | 79.01 | | stove | 83.44 | 90.22 | | palm | 50.79 | 78.07 | | kitchen island | 46.94 | 77.77 | | computer | 70.52 | 92.19 | | swivel chair | 50.78 | 80.83 | | boat | 59.71 | 92.29 | | bar | 62.27 | 84.85 | | arcade machine | 89.96 | 96.63 | | hovel | 18.38 | 19.86 | | bus | 92.93 | 96.6 | | towel | 71.93 | 82.88 | | light | 47.37 | 49.32 | | truck | 40.0 | 54.3 | | tower | 21.59 | 38.49 | | chandelier | 68.85 | 85.58 | | awning | 48.87 | 59.66 | | streetlight | 30.07 | 39.31 | | booth | 32.78 | 47.9 | | television receiver | 69.27 | 92.89 | | airplane | 85.53 | 92.99 | | dirt track | 8.63 | 48.34 | | apparel | 57.33 | 77.78 | | pole | 22.72 | 28.47 | | land | 0.0 | 0.0 | | bannister | 16.95 | 24.53 | | escalator | 55.04 | 85.96 | | ottoman | 47.48 | 69.2 | | bottle | 40.83 | 64.83 | | buffet | 57.02 | 88.44 | | poster | 34.74 | 40.59 | | stage | 20.91 | 34.63 | | van | 46.1 | 80.2 | | ship | 62.44 | 64.02 | | fountain | 45.15 | 46.77 | | conveyer belt | 64.92 | 97.71 | | canopy | 50.58 | 68.61 | | washer | 80.79 | 87.09 | | plaything | 27.28 | 34.25 | | swimming pool | 55.24 | 75.22 | | stool | 50.99 | 60.0 | | barrel | 55.27 | 64.9 | | basket | 39.96 | 49.82 | | waterfall | 58.49 | 67.99 | | tent | 93.94 | 97.88 | | bag | 19.02 | 20.87 | | minibike | 73.02 | 89.64 | | cradle | 84.74 | 98.21 | | oven | 62.37 | 79.58 | | ball | 47.07 | 48.89 | | food | 65.74 | 80.61 | | step | 13.87 | 14.44 | | tank | 76.21 | 87.72 | | trade name | 7.97 | 8.19 | | microwave | 87.47 | 96.48 | | pot | 57.31 | 65.71 | | animal | 65.02 | 67.45 | | bicycle | 60.39 | 80.88 | | lake | 49.25 | 77.97 | | dishwasher | 62.86 | 87.55 | | screen | 58.9 | 93.43 | | blanket | 34.87 | 40.87 | | sculpture | 73.83 | 84.77 | | hood | 62.98 | 74.5 | | sconce | 53.35 | 66.63 | | vase | 41.06 | 50.95 | | traffic light | 31.55 | 60.81 | | tray | 10.14 | 12.51 | | ashcan | 52.25 | 60.46 | | fan | 63.7 | 76.66 | | pier | 35.21 | 49.84 | | crt screen | 1.13 | 1.97 | | plate | 53.4 | 75.82 | | monitor | 30.37 | 57.0 | | bulletin board | 62.58 | 66.09 | | shower | 0.0 | 0.0 | | radiator | 60.66 | 79.97 | | glass | 15.52 | 16.25 | | clock | 46.83 | 54.19 | | flag | 65.74 | 69.44 | +---------------------+-------+-------+ 2023-11-02 09:33:19,736 - mmseg - INFO - Summary: 2023-11-02 09:33:19,736 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.01 | 54.96 | 68.75 | +-------+-------+-------+ 2023-11-02 09:33:19,737 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 09:33:19,737 - mmseg - INFO - Iter(val) [250] aAcc: 0.8501, mIoU: 0.5496, mAcc: 0.6875, IoU.wall: 0.8010, IoU.building: 0.8448, IoU.sky: 0.9472, IoU.floor: 0.8353, IoU.tree: 0.7660, IoU.ceiling: 0.8517, IoU.road: 0.8560, IoU.bed : 0.9164, IoU.windowpane: 0.6494, IoU.grass: 0.6777, IoU.cabinet: 0.6465, IoU.sidewalk: 0.6141, IoU.person: 0.8383, IoU.earth: 0.3858, IoU.door: 0.5928, IoU.table: 0.6758, IoU.mountain: 0.6205, IoU.plant: 0.5728, IoU.curtain: 0.7601, IoU.chair: 0.6449, IoU.car: 0.8630, IoU.water: 0.6056, IoU.painting: 0.7639, IoU.sofa: 0.8144, IoU.shelf: 0.4180, IoU.house: 0.5760, IoU.sea: 0.6936, IoU.mirror: 0.7629, IoU.rug: 0.6961, IoU.field: 0.2732, IoU.armchair: 0.6186, IoU.seat: 0.6388, IoU.fence: 0.5287, IoU.desk: 0.5061, IoU.rock: 0.5789, IoU.wardrobe: 0.5549, IoU.lamp: 0.6810, IoU.bathtub: 0.8456, IoU.railing: 0.3992, IoU.cushion: 0.6603, IoU.base: 0.3819, IoU.box: 0.3836, IoU.column: 0.5203, IoU.signboard: 0.3732, IoU.chest of drawers: 0.5262, IoU.counter: 0.3779, IoU.sand: 0.4325, IoU.sink: 0.8145, IoU.skyscraper: 0.5036, IoU.fireplace: 0.7004, IoU.refrigerator: 0.7559, IoU.grandstand: 0.5133, IoU.path: 0.1854, IoU.stairs: 0.4004, IoU.runway: 0.6849, IoU.case: 0.6381, IoU.pool table: 0.9293, IoU.pillow: 0.6420, IoU.screen door: 0.7795, IoU.stairway: 0.4279, IoU.river: 0.1441, IoU.bridge: 0.6804, IoU.bookcase: 0.3675, IoU.blind: 0.4725, IoU.coffee table: 0.6735, IoU.toilet: 0.8898, IoU.flower: 0.3682, IoU.book: 0.4705, IoU.hill: 0.0732, IoU.bench: 0.5091, IoU.countertop: 0.6370, IoU.stove: 0.8344, IoU.palm: 0.5079, IoU.kitchen island: 0.4694, IoU.computer: 0.7052, IoU.swivel chair: 0.5078, IoU.boat: 0.5971, IoU.bar: 0.6227, IoU.arcade machine: 0.8996, IoU.hovel: 0.1838, IoU.bus: 0.9293, IoU.towel: 0.7193, IoU.light: 0.4737, IoU.truck: 0.4000, IoU.tower: 0.2159, IoU.chandelier: 0.6885, IoU.awning: 0.4887, IoU.streetlight: 0.3007, IoU.booth: 0.3278, IoU.television receiver: 0.6927, IoU.airplane: 0.8553, IoU.dirt track: 0.0863, IoU.apparel: 0.5733, IoU.pole: 0.2272, IoU.land: 0.0000, IoU.bannister: 0.1695, IoU.escalator: 0.5504, IoU.ottoman: 0.4748, IoU.bottle: 0.4083, IoU.buffet: 0.5702, IoU.poster: 0.3474, IoU.stage: 0.2091, IoU.van: 0.4610, IoU.ship: 0.6244, IoU.fountain: 0.4515, IoU.conveyer belt: 0.6492, IoU.canopy: 0.5058, IoU.washer: 0.8079, IoU.plaything: 0.2728, IoU.swimming pool: 0.5524, IoU.stool: 0.5099, IoU.barrel: 0.5527, IoU.basket: 0.3996, IoU.waterfall: 0.5849, IoU.tent: 0.9394, IoU.bag: 0.1902, IoU.minibike: 0.7302, IoU.cradle: 0.8474, IoU.oven: 0.6237, IoU.ball: 0.4707, IoU.food: 0.6574, IoU.step: 0.1387, IoU.tank: 0.7621, IoU.trade name: 0.0797, IoU.microwave: 0.8747, IoU.pot: 0.5731, IoU.animal: 0.6502, IoU.bicycle: 0.6039, IoU.lake: 0.4925, IoU.dishwasher: 0.6286, IoU.screen: 0.5890, IoU.blanket: 0.3487, IoU.sculpture: 0.7383, IoU.hood: 0.6298, IoU.sconce: 0.5335, IoU.vase: 0.4106, IoU.traffic light: 0.3155, IoU.tray: 0.1014, IoU.ashcan: 0.5225, IoU.fan: 0.6370, IoU.pier: 0.3521, IoU.crt screen: 0.0113, IoU.plate: 0.5340, IoU.monitor: 0.3037, IoU.bulletin board: 0.6258, IoU.shower: 0.0000, IoU.radiator: 0.6066, IoU.glass: 0.1552, IoU.clock: 0.4683, IoU.flag: 0.6574, Acc.wall: 0.8677, Acc.building: 0.9325, Acc.sky: 0.9711, Acc.floor: 0.9037, Acc.tree: 0.8901, Acc.ceiling: 0.9497, Acc.road: 0.9082, Acc.bed : 0.9651, Acc.windowpane: 0.7811, Acc.grass: 0.7674, Acc.cabinet: 0.7310, Acc.sidewalk: 0.7448, Acc.person: 0.9254, Acc.earth: 0.5837, Acc.door: 0.8164, Acc.table: 0.8176, Acc.mountain: 0.8064, Acc.plant: 0.6655, Acc.curtain: 0.9056, Acc.chair: 0.7731, Acc.car: 0.9249, Acc.water: 0.6941, Acc.painting: 0.9053, Acc.sofa: 0.9079, Acc.shelf: 0.5643, Acc.house: 0.7480, Acc.sea: 0.8362, Acc.mirror: 0.8619, Acc.rug: 0.8333, Acc.field: 0.5106, Acc.armchair: 0.7454, Acc.seat: 0.9011, Acc.fence: 0.7278, Acc.desk: 0.8338, Acc.rock: 0.6885, Acc.wardrobe: 0.7105, Acc.lamp: 0.8074, Acc.bathtub: 0.8849, Acc.railing: 0.5502, Acc.cushion: 0.8216, Acc.base: 0.5184, Acc.box: 0.4625, Acc.column: 0.6362, Acc.signboard: 0.5672, Acc.chest of drawers: 0.7650, Acc.counter: 0.5055, Acc.sand: 0.6267, Acc.sink: 0.8744, Acc.skyscraper: 0.6686, Acc.fireplace: 0.9629, Acc.refrigerator: 0.8826, Acc.grandstand: 0.8436, Acc.path: 0.3565, Acc.stairs: 0.5109, Acc.runway: 0.8841, Acc.case: 0.7451, Acc.pool table: 0.9824, Acc.pillow: 0.7305, Acc.screen door: 0.9544, Acc.stairway: 0.5063, Acc.river: 0.3572, Acc.bridge: 0.8329, Acc.bookcase: 0.6693, Acc.blind: 0.6058, Acc.coffee table: 0.8813, Acc.toilet: 0.9320, Acc.flower: 0.4744, Acc.book: 0.6606, Acc.hill: 0.1124, Acc.bench: 0.6006, Acc.countertop: 0.7901, Acc.stove: 0.9022, Acc.palm: 0.7807, Acc.kitchen island: 0.7777, Acc.computer: 0.9219, Acc.swivel chair: 0.8083, Acc.boat: 0.9229, Acc.bar: 0.8485, Acc.arcade machine: 0.9663, Acc.hovel: 0.1986, Acc.bus: 0.9660, Acc.towel: 0.8288, Acc.light: 0.4932, Acc.truck: 0.5430, Acc.tower: 0.3849, Acc.chandelier: 0.8558, Acc.awning: 0.5966, Acc.streetlight: 0.3931, Acc.booth: 0.4790, Acc.television receiver: 0.9289, Acc.airplane: 0.9299, Acc.dirt track: 0.4834, Acc.apparel: 0.7778, Acc.pole: 0.2847, Acc.land: 0.0000, Acc.bannister: 0.2453, Acc.escalator: 0.8596, Acc.ottoman: 0.6920, Acc.bottle: 0.6483, Acc.buffet: 0.8844, Acc.poster: 0.4059, Acc.stage: 0.3463, Acc.van: 0.8020, Acc.ship: 0.6402, Acc.fountain: 0.4677, Acc.conveyer belt: 0.9771, Acc.canopy: 0.6861, Acc.washer: 0.8709, Acc.plaything: 0.3425, Acc.swimming pool: 0.7522, Acc.stool: 0.6000, Acc.barrel: 0.6490, Acc.basket: 0.4982, Acc.waterfall: 0.6799, Acc.tent: 0.9788, Acc.bag: 0.2087, Acc.minibike: 0.8964, Acc.cradle: 0.9821, Acc.oven: 0.7958, Acc.ball: 0.4889, Acc.food: 0.8061, Acc.step: 0.1444, Acc.tank: 0.8772, Acc.trade name: 0.0819, Acc.microwave: 0.9648, Acc.pot: 0.6571, Acc.animal: 0.6745, Acc.bicycle: 0.8088, Acc.lake: 0.7797, Acc.dishwasher: 0.8755, Acc.screen: 0.9343, Acc.blanket: 0.4087, Acc.sculpture: 0.8477, Acc.hood: 0.7450, Acc.sconce: 0.6663, Acc.vase: 0.5095, Acc.traffic light: 0.6081, Acc.tray: 0.1251, Acc.ashcan: 0.6046, Acc.fan: 0.7666, Acc.pier: 0.4984, Acc.crt screen: 0.0197, Acc.plate: 0.7582, Acc.monitor: 0.5700, Acc.bulletin board: 0.6609, Acc.shower: 0.0000, Acc.radiator: 0.7997, Acc.glass: 0.1625, Acc.clock: 0.5419, Acc.flag: 0.6944 2023-11-02 09:34:43,130 - mmseg - INFO - Iter [15050/80000] lr: 2.630e-06, eta: 1 day, 8:47:20, time: 3.393, data_time: 1.733, memory: 69173, decode.loss_ce: 0.2830, decode.acc_seg: 88.6108, aux.loss_ce: 0.1432, aux.acc_seg: 85.9719, loss: 0.4263 2023-11-02 09:36:06,312 - mmseg - INFO - Iter [15100/80000] lr: 2.628e-06, eta: 1 day, 8:45:16, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3051, decode.acc_seg: 87.4146, aux.loss_ce: 0.1497, aux.acc_seg: 85.1149, loss: 0.4548 2023-11-02 09:37:29,520 - mmseg - INFO - Iter [15150/80000] lr: 2.626e-06, eta: 1 day, 8:43:13, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2961, decode.acc_seg: 87.8129, aux.loss_ce: 0.1475, aux.acc_seg: 85.3677, loss: 0.4436 2023-11-02 09:38:55,076 - mmseg - INFO - Iter [15200/80000] lr: 2.624e-06, eta: 1 day, 8:41:20, time: 1.711, data_time: 0.054, memory: 69173, decode.loss_ce: 0.2937, decode.acc_seg: 88.0184, aux.loss_ce: 0.1480, aux.acc_seg: 85.2035, loss: 0.4417 2023-11-02 09:40:18,332 - mmseg - INFO - Iter [15250/80000] lr: 2.622e-06, eta: 1 day, 8:39:17, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2723, decode.acc_seg: 88.5818, aux.loss_ce: 0.1425, aux.acc_seg: 85.9866, loss: 0.4148 2023-11-02 09:41:41,559 - mmseg - INFO - Iter [15300/80000] lr: 2.620e-06, eta: 1 day, 8:37:14, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2899, decode.acc_seg: 87.9109, aux.loss_ce: 0.1480, aux.acc_seg: 85.2877, loss: 0.4379 2023-11-02 09:43:04,819 - mmseg - INFO - Iter [15350/80000] lr: 2.618e-06, eta: 1 day, 8:35:12, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2935, decode.acc_seg: 87.3060, aux.loss_ce: 0.1460, aux.acc_seg: 85.2831, loss: 0.4394 2023-11-02 09:44:28,026 - mmseg - INFO - Iter [15400/80000] lr: 2.616e-06, eta: 1 day, 8:33:09, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2860, decode.acc_seg: 88.1365, aux.loss_ce: 0.1477, aux.acc_seg: 85.3852, loss: 0.4337 2023-11-02 09:45:51,246 - mmseg - INFO - Iter [15450/80000] lr: 2.614e-06, eta: 1 day, 8:31:07, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2715, decode.acc_seg: 88.7127, aux.loss_ce: 0.1376, aux.acc_seg: 86.1862, loss: 0.4092 2023-11-02 09:47:14,422 - mmseg - INFO - Iter [15500/80000] lr: 2.612e-06, eta: 1 day, 8:29:06, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2844, decode.acc_seg: 88.3978, aux.loss_ce: 0.1439, aux.acc_seg: 86.0760, loss: 0.4283 2023-11-02 09:48:37,603 - mmseg - INFO - Iter [15550/80000] lr: 2.610e-06, eta: 1 day, 8:27:04, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2815, decode.acc_seg: 88.2283, aux.loss_ce: 0.1377, aux.acc_seg: 86.2329, loss: 0.4191 2023-11-02 09:50:00,853 - mmseg - INFO - Iter [15600/80000] lr: 2.608e-06, eta: 1 day, 8:25:03, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2872, decode.acc_seg: 88.5549, aux.loss_ce: 0.1415, aux.acc_seg: 86.3811, loss: 0.4287 2023-11-02 09:51:24,084 - mmseg - INFO - Iter [15650/80000] lr: 2.606e-06, eta: 1 day, 8:23:02, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2708, decode.acc_seg: 88.9102, aux.loss_ce: 0.1361, aux.acc_seg: 86.5463, loss: 0.4068 2023-11-02 09:52:47,295 - mmseg - INFO - Iter [15700/80000] lr: 2.604e-06, eta: 1 day, 8:21:01, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2886, decode.acc_seg: 88.3422, aux.loss_ce: 0.1507, aux.acc_seg: 85.7495, loss: 0.4393 2023-11-02 09:54:10,519 - mmseg - INFO - Iter [15750/80000] lr: 2.602e-06, eta: 1 day, 8:19:01, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2958, decode.acc_seg: 87.9063, aux.loss_ce: 0.1491, aux.acc_seg: 85.3838, loss: 0.4449 2023-11-02 09:55:33,708 - mmseg - INFO - Iter [15800/80000] lr: 2.600e-06, eta: 1 day, 8:17:00, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3056, decode.acc_seg: 87.4430, aux.loss_ce: 0.1517, aux.acc_seg: 85.3989, loss: 0.4573 2023-11-02 09:56:56,962 - mmseg - INFO - Iter [15850/80000] lr: 2.598e-06, eta: 1 day, 8:15:00, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2803, decode.acc_seg: 88.4714, aux.loss_ce: 0.1435, aux.acc_seg: 85.6840, loss: 0.4238 2023-11-02 09:58:20,199 - mmseg - INFO - Iter [15900/80000] lr: 2.596e-06, eta: 1 day, 8:13:01, time: 1.665, data_time: 0.007, memory: 69173, decode.loss_ce: 0.3084, decode.acc_seg: 87.2922, aux.loss_ce: 0.1519, aux.acc_seg: 85.3579, loss: 0.4603 2023-11-02 09:59:43,423 - mmseg - INFO - Iter [15950/80000] lr: 2.594e-06, eta: 1 day, 8:11:01, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2775, decode.acc_seg: 88.5871, aux.loss_ce: 0.1442, aux.acc_seg: 85.8133, loss: 0.4217 2023-11-02 10:01:06,674 - mmseg - INFO - Saving checkpoint at 16000 iterations 2023-11-02 10:02:01,290 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 10:02:01,291 - mmseg - INFO - Iter [16000/80000] lr: 2.592e-06, eta: 1 day, 8:12:40, time: 2.757, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2793, decode.acc_seg: 88.4911, aux.loss_ce: 0.1397, aux.acc_seg: 86.1464, loss: 0.4190 2023-11-02 10:03:25,796 - mmseg - INFO - per class results: 2023-11-02 10:03:25,802 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.37 | 90.33 | | building | 84.24 | 91.75 | | sky | 94.77 | 97.25 | | floor | 84.0 | 89.96 | | tree | 77.55 | 89.05 | | ceiling | 86.46 | 91.98 | | road | 84.81 | 89.56 | | bed | 91.61 | 96.8 | | windowpane | 64.65 | 78.32 | | grass | 67.72 | 75.92 | | cabinet | 64.12 | 73.25 | | sidewalk | 68.47 | 86.35 | | person | 83.77 | 92.02 | | earth | 38.12 | 57.38 | | door | 58.12 | 71.72 | | table | 67.76 | 79.22 | | mountain | 61.26 | 76.22 | | plant | 57.39 | 66.32 | | curtain | 75.88 | 87.46 | | chair | 64.23 | 76.94 | | car | 86.28 | 92.84 | | water | 60.38 | 75.4 | | painting | 75.73 | 90.91 | | sofa | 77.95 | 89.18 | | shelf | 45.17 | 62.14 | | house | 52.96 | 77.88 | | sea | 70.32 | 84.07 | | mirror | 77.69 | 87.37 | | rug | 71.44 | 84.25 | | field | 30.1 | 53.38 | | armchair | 60.04 | 79.01 | | seat | 67.27 | 87.42 | | fence | 48.93 | 72.59 | | desk | 58.31 | 73.76 | | rock | 52.81 | 62.25 | | wardrobe | 51.92 | 75.02 | | lamp | 67.83 | 78.92 | | bathtub | 87.47 | 92.39 | | railing | 41.86 | 55.33 | | cushion | 63.81 | 77.42 | | base | 41.03 | 49.0 | | box | 34.96 | 40.14 | | column | 54.03 | 70.91 | | signboard | 40.1 | 51.86 | | chest of drawers | 49.86 | 72.74 | | counter | 49.42 | 68.12 | | sand | 46.59 | 68.28 | | sink | 76.36 | 80.27 | | skyscraper | 47.31 | 59.23 | | fireplace | 70.52 | 88.71 | | refrigerator | 82.1 | 93.71 | | grandstand | 53.81 | 85.45 | | path | 18.29 | 22.84 | | stairs | 24.18 | 26.27 | | runway | 66.9 | 88.21 | | case | 66.4 | 74.0 | | pool table | 92.86 | 98.25 | | pillow | 61.79 | 69.41 | | screen door | 34.46 | 35.12 | | stairway | 37.14 | 63.97 | | river | 14.35 | 32.05 | | bridge | 60.82 | 69.84 | | bookcase | 33.06 | 59.13 | | blind | 42.94 | 50.1 | | coffee table | 63.53 | 85.48 | | toilet | 88.47 | 93.55 | | flower | 36.45 | 66.85 | | book | 48.97 | 79.59 | | hill | 8.13 | 29.73 | | bench | 58.0 | 73.71 | | countertop | 64.12 | 88.31 | | stove | 85.11 | 91.26 | | palm | 51.59 | 74.65 | | kitchen island | 43.19 | 79.84 | | computer | 75.94 | 90.94 | | swivel chair | 51.88 | 84.6 | | boat | 55.32 | 90.92 | | bar | 58.11 | 65.05 | | arcade machine | 80.6 | 86.05 | | hovel | 12.42 | 12.97 | | bus | 92.64 | 96.9 | | towel | 73.42 | 83.49 | | light | 59.19 | 70.01 | | truck | 45.14 | 62.87 | | tower | 31.21 | 57.58 | | chandelier | 70.55 | 87.41 | | awning | 47.87 | 68.85 | | streetlight | 31.77 | 44.66 | | booth | 34.26 | 82.23 | | television receiver | 76.22 | 87.3 | | airplane | 85.84 | 93.43 | | dirt track | 6.86 | 40.03 | | apparel | 49.06 | 81.18 | | pole | 24.1 | 36.77 | | land | 0.0 | 0.0 | | bannister | 15.82 | 21.38 | | escalator | 55.5 | 82.38 | | ottoman | 51.67 | 71.48 | | bottle | 42.73 | 70.7 | | buffet | 59.39 | 90.1 | | poster | 37.38 | 45.79 | | stage | 16.98 | 29.15 | | van | 47.94 | 60.76 | | ship | 50.23 | 52.51 | | fountain | 26.95 | 27.35 | | conveyer belt | 69.69 | 97.47 | | canopy | 35.81 | 40.26 | | washer | 86.11 | 94.73 | | plaything | 30.05 | 35.24 | | swimming pool | 58.57 | 83.5 | | stool | 52.67 | 65.91 | | barrel | 54.18 | 65.18 | | basket | 46.58 | 60.36 | | waterfall | 50.72 | 57.82 | | tent | 95.85 | 96.91 | | bag | 25.36 | 29.24 | | minibike | 75.91 | 86.53 | | cradle | 86.66 | 97.92 | | oven | 60.74 | 72.19 | | ball | 50.76 | 75.56 | | food | 64.71 | 83.34 | | step | 12.81 | 15.11 | | tank | 74.73 | 81.32 | | trade name | 26.51 | 29.13 | | microwave | 89.1 | 95.1 | | pot | 56.03 | 67.37 | | animal | 69.73 | 71.97 | | bicycle | 52.49 | 60.8 | | lake | 58.97 | 69.31 | | dishwasher | 75.55 | 77.64 | | screen | 66.16 | 91.88 | | blanket | 30.56 | 35.8 | | sculpture | 76.46 | 85.62 | | hood | 57.31 | 68.56 | | sconce | 55.56 | 68.05 | | vase | 40.0 | 65.11 | | traffic light | 33.34 | 51.81 | | tray | 9.66 | 10.99 | | ashcan | 51.1 | 68.98 | | fan | 64.71 | 76.61 | | pier | 36.76 | 39.74 | | crt screen | 2.54 | 2.91 | | plate | 51.93 | 79.63 | | monitor | 62.67 | 70.13 | | bulletin board | 65.88 | 69.84 | | shower | 0.64 | 17.55 | | radiator | 63.62 | 80.09 | | glass | 15.45 | 16.07 | | clock | 46.44 | 69.1 | | flag | 71.02 | 76.99 | +---------------------+-------+-------+ 2023-11-02 10:03:25,802 - mmseg - INFO - Summary: 2023-11-02 10:03:25,802 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 85.14 | 55.2 | 68.8 | +-------+------+------+ 2023-11-02 10:03:25,803 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 10:03:25,803 - mmseg - INFO - Iter(val) [250] aAcc: 0.8514, mIoU: 0.5520, mAcc: 0.6880, IoU.wall: 0.8137, IoU.building: 0.8424, IoU.sky: 0.9477, IoU.floor: 0.8400, IoU.tree: 0.7755, IoU.ceiling: 0.8646, IoU.road: 0.8481, IoU.bed : 0.9161, IoU.windowpane: 0.6465, IoU.grass: 0.6772, IoU.cabinet: 0.6412, IoU.sidewalk: 0.6847, IoU.person: 0.8377, IoU.earth: 0.3812, IoU.door: 0.5812, IoU.table: 0.6776, IoU.mountain: 0.6126, IoU.plant: 0.5739, IoU.curtain: 0.7588, IoU.chair: 0.6423, IoU.car: 0.8628, IoU.water: 0.6038, IoU.painting: 0.7573, IoU.sofa: 0.7795, IoU.shelf: 0.4517, IoU.house: 0.5296, IoU.sea: 0.7032, IoU.mirror: 0.7769, IoU.rug: 0.7144, IoU.field: 0.3010, IoU.armchair: 0.6004, IoU.seat: 0.6727, IoU.fence: 0.4893, IoU.desk: 0.5831, IoU.rock: 0.5281, IoU.wardrobe: 0.5192, IoU.lamp: 0.6783, IoU.bathtub: 0.8747, IoU.railing: 0.4186, IoU.cushion: 0.6381, IoU.base: 0.4103, IoU.box: 0.3496, IoU.column: 0.5403, IoU.signboard: 0.4010, IoU.chest of drawers: 0.4986, IoU.counter: 0.4942, IoU.sand: 0.4659, IoU.sink: 0.7636, IoU.skyscraper: 0.4731, IoU.fireplace: 0.7052, IoU.refrigerator: 0.8210, IoU.grandstand: 0.5381, IoU.path: 0.1829, IoU.stairs: 0.2418, IoU.runway: 0.6690, IoU.case: 0.6640, IoU.pool table: 0.9286, IoU.pillow: 0.6179, IoU.screen door: 0.3446, IoU.stairway: 0.3714, IoU.river: 0.1435, IoU.bridge: 0.6082, IoU.bookcase: 0.3306, IoU.blind: 0.4294, IoU.coffee table: 0.6353, IoU.toilet: 0.8847, IoU.flower: 0.3645, IoU.book: 0.4897, IoU.hill: 0.0813, IoU.bench: 0.5800, IoU.countertop: 0.6412, IoU.stove: 0.8511, IoU.palm: 0.5159, IoU.kitchen island: 0.4319, IoU.computer: 0.7594, IoU.swivel chair: 0.5188, IoU.boat: 0.5532, IoU.bar: 0.5811, IoU.arcade machine: 0.8060, IoU.hovel: 0.1242, IoU.bus: 0.9264, IoU.towel: 0.7342, IoU.light: 0.5919, IoU.truck: 0.4514, IoU.tower: 0.3121, IoU.chandelier: 0.7055, IoU.awning: 0.4787, IoU.streetlight: 0.3177, IoU.booth: 0.3426, IoU.television receiver: 0.7622, IoU.airplane: 0.8584, IoU.dirt track: 0.0686, IoU.apparel: 0.4906, IoU.pole: 0.2410, IoU.land: 0.0000, IoU.bannister: 0.1582, IoU.escalator: 0.5550, IoU.ottoman: 0.5167, IoU.bottle: 0.4273, IoU.buffet: 0.5939, IoU.poster: 0.3738, IoU.stage: 0.1698, IoU.van: 0.4794, IoU.ship: 0.5023, IoU.fountain: 0.2695, IoU.conveyer belt: 0.6969, IoU.canopy: 0.3581, IoU.washer: 0.8611, IoU.plaything: 0.3005, IoU.swimming pool: 0.5857, IoU.stool: 0.5267, IoU.barrel: 0.5418, IoU.basket: 0.4658, IoU.waterfall: 0.5072, IoU.tent: 0.9585, IoU.bag: 0.2536, IoU.minibike: 0.7591, IoU.cradle: 0.8666, IoU.oven: 0.6074, IoU.ball: 0.5076, IoU.food: 0.6471, IoU.step: 0.1281, IoU.tank: 0.7473, IoU.trade name: 0.2651, IoU.microwave: 0.8910, IoU.pot: 0.5603, IoU.animal: 0.6973, IoU.bicycle: 0.5249, IoU.lake: 0.5897, IoU.dishwasher: 0.7555, IoU.screen: 0.6616, IoU.blanket: 0.3056, IoU.sculpture: 0.7646, IoU.hood: 0.5731, IoU.sconce: 0.5556, IoU.vase: 0.4000, IoU.traffic light: 0.3334, IoU.tray: 0.0966, IoU.ashcan: 0.5110, IoU.fan: 0.6471, IoU.pier: 0.3676, IoU.crt screen: 0.0254, IoU.plate: 0.5193, IoU.monitor: 0.6267, IoU.bulletin board: 0.6588, IoU.shower: 0.0064, IoU.radiator: 0.6362, IoU.glass: 0.1545, IoU.clock: 0.4644, IoU.flag: 0.7102, Acc.wall: 0.9033, Acc.building: 0.9175, Acc.sky: 0.9725, Acc.floor: 0.8996, Acc.tree: 0.8905, Acc.ceiling: 0.9198, Acc.road: 0.8956, Acc.bed : 0.9680, Acc.windowpane: 0.7832, Acc.grass: 0.7592, Acc.cabinet: 0.7325, Acc.sidewalk: 0.8635, Acc.person: 0.9202, Acc.earth: 0.5738, Acc.door: 0.7172, Acc.table: 0.7922, Acc.mountain: 0.7622, Acc.plant: 0.6632, Acc.curtain: 0.8746, Acc.chair: 0.7694, Acc.car: 0.9284, Acc.water: 0.7540, Acc.painting: 0.9091, Acc.sofa: 0.8918, Acc.shelf: 0.6214, Acc.house: 0.7788, Acc.sea: 0.8407, Acc.mirror: 0.8737, Acc.rug: 0.8425, Acc.field: 0.5338, Acc.armchair: 0.7901, Acc.seat: 0.8742, Acc.fence: 0.7259, Acc.desk: 0.7376, Acc.rock: 0.6225, Acc.wardrobe: 0.7502, Acc.lamp: 0.7892, Acc.bathtub: 0.9239, Acc.railing: 0.5533, Acc.cushion: 0.7742, Acc.base: 0.4900, Acc.box: 0.4014, Acc.column: 0.7091, Acc.signboard: 0.5186, Acc.chest of drawers: 0.7274, Acc.counter: 0.6812, Acc.sand: 0.6828, Acc.sink: 0.8027, Acc.skyscraper: 0.5923, Acc.fireplace: 0.8871, Acc.refrigerator: 0.9371, Acc.grandstand: 0.8545, Acc.path: 0.2284, Acc.stairs: 0.2627, Acc.runway: 0.8821, Acc.case: 0.7400, Acc.pool table: 0.9825, Acc.pillow: 0.6941, Acc.screen door: 0.3512, Acc.stairway: 0.6397, Acc.river: 0.3205, Acc.bridge: 0.6984, Acc.bookcase: 0.5913, Acc.blind: 0.5010, Acc.coffee table: 0.8548, Acc.toilet: 0.9355, Acc.flower: 0.6685, Acc.book: 0.7959, Acc.hill: 0.2973, Acc.bench: 0.7371, Acc.countertop: 0.8831, Acc.stove: 0.9126, Acc.palm: 0.7465, Acc.kitchen island: 0.7984, Acc.computer: 0.9094, Acc.swivel chair: 0.8460, Acc.boat: 0.9092, Acc.bar: 0.6505, Acc.arcade machine: 0.8605, Acc.hovel: 0.1297, Acc.bus: 0.9690, Acc.towel: 0.8349, Acc.light: 0.7001, Acc.truck: 0.6287, Acc.tower: 0.5758, Acc.chandelier: 0.8741, Acc.awning: 0.6885, Acc.streetlight: 0.4466, Acc.booth: 0.8223, Acc.television receiver: 0.8730, Acc.airplane: 0.9343, Acc.dirt track: 0.4003, Acc.apparel: 0.8118, Acc.pole: 0.3677, Acc.land: 0.0000, Acc.bannister: 0.2138, Acc.escalator: 0.8238, Acc.ottoman: 0.7148, Acc.bottle: 0.7070, Acc.buffet: 0.9010, Acc.poster: 0.4579, Acc.stage: 0.2915, Acc.van: 0.6076, Acc.ship: 0.5251, Acc.fountain: 0.2735, Acc.conveyer belt: 0.9747, Acc.canopy: 0.4026, Acc.washer: 0.9473, Acc.plaything: 0.3524, Acc.swimming pool: 0.8350, Acc.stool: 0.6591, Acc.barrel: 0.6518, Acc.basket: 0.6036, Acc.waterfall: 0.5782, Acc.tent: 0.9691, Acc.bag: 0.2924, Acc.minibike: 0.8653, Acc.cradle: 0.9792, Acc.oven: 0.7219, Acc.ball: 0.7556, Acc.food: 0.8334, Acc.step: 0.1511, Acc.tank: 0.8132, Acc.trade name: 0.2913, Acc.microwave: 0.9510, Acc.pot: 0.6737, Acc.animal: 0.7197, Acc.bicycle: 0.6080, Acc.lake: 0.6931, Acc.dishwasher: 0.7764, Acc.screen: 0.9188, Acc.blanket: 0.3580, Acc.sculpture: 0.8562, Acc.hood: 0.6856, Acc.sconce: 0.6805, Acc.vase: 0.6511, Acc.traffic light: 0.5181, Acc.tray: 0.1099, Acc.ashcan: 0.6898, Acc.fan: 0.7661, Acc.pier: 0.3974, Acc.crt screen: 0.0291, Acc.plate: 0.7963, Acc.monitor: 0.7013, Acc.bulletin board: 0.6984, Acc.shower: 0.1755, Acc.radiator: 0.8009, Acc.glass: 0.1607, Acc.clock: 0.6910, Acc.flag: 0.7699 2023-11-02 10:04:49,104 - mmseg - INFO - Iter [16050/80000] lr: 2.590e-06, eta: 1 day, 8:16:17, time: 3.356, data_time: 1.698, memory: 69173, decode.loss_ce: 0.2832, decode.acc_seg: 88.1403, aux.loss_ce: 0.1454, aux.acc_seg: 85.4711, loss: 0.4287 2023-11-02 10:06:12,280 - mmseg - INFO - Iter [16100/80000] lr: 2.588e-06, eta: 1 day, 8:14:16, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2701, decode.acc_seg: 88.5357, aux.loss_ce: 0.1379, aux.acc_seg: 85.8966, loss: 0.4080 2023-11-02 10:07:35,444 - mmseg - INFO - Iter [16150/80000] lr: 2.586e-06, eta: 1 day, 8:12:15, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2794, decode.acc_seg: 88.3330, aux.loss_ce: 0.1399, aux.acc_seg: 86.1379, loss: 0.4193 2023-11-02 10:08:58,602 - mmseg - INFO - Iter [16200/80000] lr: 2.584e-06, eta: 1 day, 8:10:14, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2702, decode.acc_seg: 88.9095, aux.loss_ce: 0.1387, aux.acc_seg: 86.5640, loss: 0.4089 2023-11-02 10:10:21,844 - mmseg - INFO - Iter [16250/80000] lr: 2.582e-06, eta: 1 day, 8:08:14, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.3273, decode.acc_seg: 87.0217, aux.loss_ce: 0.1580, aux.acc_seg: 84.9441, loss: 0.4853 2023-11-02 10:11:45,015 - mmseg - INFO - Iter [16300/80000] lr: 2.580e-06, eta: 1 day, 8:06:14, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2976, decode.acc_seg: 87.3467, aux.loss_ce: 0.1486, aux.acc_seg: 84.9829, loss: 0.4463 2023-11-02 10:13:08,205 - mmseg - INFO - Iter [16350/80000] lr: 2.578e-06, eta: 1 day, 8:04:14, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2866, decode.acc_seg: 87.9821, aux.loss_ce: 0.1500, aux.acc_seg: 84.8048, loss: 0.4366 2023-11-02 10:14:31,391 - mmseg - INFO - Iter [16400/80000] lr: 2.576e-06, eta: 1 day, 8:02:14, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2863, decode.acc_seg: 88.6060, aux.loss_ce: 0.1440, aux.acc_seg: 85.9460, loss: 0.4304 2023-11-02 10:15:57,107 - mmseg - INFO - Iter [16450/80000] lr: 2.574e-06, eta: 1 day, 8:00:24, time: 1.714, data_time: 0.054, memory: 69173, decode.loss_ce: 0.2849, decode.acc_seg: 88.3740, aux.loss_ce: 0.1463, aux.acc_seg: 85.5808, loss: 0.4312 2023-11-02 10:17:20,355 - mmseg - INFO - Iter [16500/80000] lr: 2.572e-06, eta: 1 day, 7:58:25, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2682, decode.acc_seg: 88.7885, aux.loss_ce: 0.1396, aux.acc_seg: 86.2517, loss: 0.4078 2023-11-02 10:18:43,596 - mmseg - INFO - Iter [16550/80000] lr: 2.570e-06, eta: 1 day, 7:56:26, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2581, decode.acc_seg: 89.0278, aux.loss_ce: 0.1380, aux.acc_seg: 86.2902, loss: 0.3960 2023-11-02 10:20:06,865 - mmseg - INFO - Iter [16600/80000] lr: 2.568e-06, eta: 1 day, 7:54:27, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2681, decode.acc_seg: 88.9478, aux.loss_ce: 0.1361, aux.acc_seg: 86.6724, loss: 0.4042 2023-11-02 10:21:30,159 - mmseg - INFO - Iter [16650/80000] lr: 2.566e-06, eta: 1 day, 7:52:29, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2643, decode.acc_seg: 89.0523, aux.loss_ce: 0.1315, aux.acc_seg: 86.8445, loss: 0.3958 2023-11-02 10:22:53,411 - mmseg - INFO - Iter [16700/80000] lr: 2.564e-06, eta: 1 day, 7:50:30, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2875, decode.acc_seg: 88.2345, aux.loss_ce: 0.1472, aux.acc_seg: 85.4351, loss: 0.4347 2023-11-02 10:24:16,671 - mmseg - INFO - Iter [16750/80000] lr: 2.561e-06, eta: 1 day, 7:48:32, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2657, decode.acc_seg: 89.1984, aux.loss_ce: 0.1318, aux.acc_seg: 86.9648, loss: 0.3975 2023-11-02 10:25:39,903 - mmseg - INFO - Iter [16800/80000] lr: 2.559e-06, eta: 1 day, 7:46:34, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2687, decode.acc_seg: 89.1455, aux.loss_ce: 0.1353, aux.acc_seg: 86.6339, loss: 0.4040 2023-11-02 10:27:03,155 - mmseg - INFO - Iter [16850/80000] lr: 2.557e-06, eta: 1 day, 7:44:37, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2844, decode.acc_seg: 88.8420, aux.loss_ce: 0.1387, aux.acc_seg: 86.5161, loss: 0.4231 2023-11-02 10:28:26,421 - mmseg - INFO - Iter [16900/80000] lr: 2.555e-06, eta: 1 day, 7:42:39, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2623, decode.acc_seg: 89.0150, aux.loss_ce: 0.1305, aux.acc_seg: 86.9583, loss: 0.3928 2023-11-02 10:29:49,696 - mmseg - INFO - Iter [16950/80000] lr: 2.553e-06, eta: 1 day, 7:40:42, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2789, decode.acc_seg: 88.4350, aux.loss_ce: 0.1438, aux.acc_seg: 85.7909, loss: 0.4227 2023-11-02 10:31:13,011 - mmseg - INFO - Saving checkpoint at 17000 iterations 2023-11-02 10:32:13,470 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 10:32:13,470 - mmseg - INFO - Iter [17000/80000] lr: 2.551e-06, eta: 1 day, 7:42:29, time: 2.875, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2787, decode.acc_seg: 88.6334, aux.loss_ce: 0.1402, aux.acc_seg: 86.1555, loss: 0.4189 2023-11-02 10:33:38,464 - mmseg - INFO - per class results: 2023-11-02 10:33:38,469 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.4 | 89.46 | | building | 83.98 | 92.57 | | sky | 94.64 | 97.76 | | floor | 84.65 | 91.3 | | tree | 76.56 | 87.91 | | ceiling | 86.75 | 93.2 | | road | 86.08 | 92.04 | | bed | 91.28 | 96.64 | | windowpane | 64.86 | 75.74 | | grass | 72.08 | 89.17 | | cabinet | 64.9 | 72.53 | | sidewalk | 69.93 | 82.68 | | person | 83.71 | 94.18 | | earth | 39.28 | 53.46 | | door | 57.96 | 81.24 | | table | 65.15 | 79.57 | | mountain | 61.54 | 70.45 | | plant | 58.01 | 68.64 | | curtain | 76.94 | 89.06 | | chair | 63.41 | 77.71 | | car | 86.02 | 94.67 | | water | 63.78 | 79.45 | | painting | 76.57 | 89.65 | | sofa | 73.31 | 79.85 | | shelf | 45.53 | 63.93 | | house | 48.25 | 66.83 | | sea | 69.59 | 84.33 | | mirror | 78.8 | 89.6 | | rug | 70.78 | 78.7 | | field | 42.54 | 55.09 | | armchair | 53.27 | 86.05 | | seat | 69.88 | 86.87 | | fence | 51.9 | 70.9 | | desk | 46.42 | 74.52 | | rock | 57.17 | 73.94 | | wardrobe | 54.62 | 76.15 | | lamp | 71.17 | 85.38 | | bathtub | 85.28 | 87.56 | | railing | 38.81 | 50.59 | | cushion | 66.12 | 75.37 | | base | 37.49 | 51.07 | | box | 32.76 | 36.97 | | column | 54.98 | 66.56 | | signboard | 41.5 | 55.94 | | chest of drawers | 51.45 | 75.42 | | counter | 48.45 | 60.44 | | sand | 40.05 | 62.77 | | sink | 79.75 | 85.62 | | skyscraper | 51.05 | 66.11 | | fireplace | 73.81 | 89.67 | | refrigerator | 82.33 | 94.81 | | grandstand | 54.22 | 82.48 | | path | 26.01 | 31.68 | | stairs | 37.02 | 46.34 | | runway | 65.38 | 88.86 | | case | 55.68 | 74.62 | | pool table | 93.23 | 97.71 | | pillow | 64.82 | 72.98 | | screen door | 83.0 | 95.81 | | stairway | 41.05 | 51.78 | | river | 15.18 | 26.2 | | bridge | 56.84 | 63.04 | | bookcase | 41.21 | 53.15 | | blind | 44.0 | 54.79 | | coffee table | 67.55 | 86.11 | | toilet | 88.57 | 92.17 | | flower | 35.97 | 54.36 | | book | 49.66 | 73.63 | | hill | 6.98 | 12.62 | | bench | 56.43 | 63.95 | | countertop | 64.61 | 74.36 | | stove | 82.6 | 90.62 | | palm | 50.87 | 86.78 | | kitchen island | 43.31 | 79.74 | | computer | 72.05 | 91.92 | | swivel chair | 41.27 | 54.24 | | boat | 54.5 | 90.2 | | bar | 66.71 | 75.2 | | arcade machine | 89.76 | 95.39 | | hovel | 19.42 | 20.92 | | bus | 92.45 | 96.59 | | towel | 70.51 | 87.87 | | light | 58.42 | 71.64 | | truck | 50.31 | 61.94 | | tower | 23.89 | 44.36 | | chandelier | 71.31 | 85.23 | | awning | 35.29 | 41.14 | | streetlight | 27.66 | 33.39 | | booth | 45.73 | 82.58 | | television receiver | 74.52 | 83.65 | | airplane | 85.71 | 91.31 | | dirt track | 1.94 | 9.93 | | apparel | 48.06 | 65.34 | | pole | 25.94 | 33.91 | | land | 0.66 | 1.24 | | bannister | 16.12 | 22.0 | | escalator | 56.88 | 81.28 | | ottoman | 52.34 | 67.81 | | bottle | 40.77 | 70.87 | | buffet | 67.12 | 78.79 | | poster | 31.1 | 35.52 | | stage | 15.39 | 22.36 | | van | 44.4 | 54.63 | | ship | 76.82 | 96.5 | | fountain | 37.19 | 37.97 | | conveyer belt | 79.66 | 95.57 | | canopy | 46.08 | 56.38 | | washer | 84.35 | 90.09 | | plaything | 27.5 | 46.1 | | swimming pool | 57.73 | 90.84 | | stool | 49.45 | 55.14 | | barrel | 57.08 | 92.12 | | basket | 38.28 | 63.86 | | waterfall | 48.36 | 68.2 | | tent | 94.25 | 98.99 | | bag | 24.65 | 31.24 | | minibike | 75.04 | 87.63 | | cradle | 85.43 | 97.8 | | oven | 64.97 | 72.21 | | ball | 42.99 | 75.08 | | food | 56.54 | 66.44 | | step | 17.95 | 22.09 | | tank | 58.78 | 68.69 | | trade name | 26.37 | 29.67 | | microwave | 85.98 | 96.46 | | pot | 54.33 | 60.22 | | animal | 72.55 | 76.99 | | bicycle | 56.92 | 75.74 | | lake | 53.89 | 69.39 | | dishwasher | 58.79 | 85.69 | | screen | 59.12 | 95.7 | | blanket | 32.25 | 39.44 | | sculpture | 73.29 | 86.04 | | hood | 60.34 | 69.41 | | sconce | 55.98 | 67.82 | | vase | 42.95 | 54.55 | | traffic light | 32.11 | 44.46 | | tray | 16.35 | 22.09 | | ashcan | 50.01 | 61.82 | | fan | 65.1 | 84.01 | | pier | 37.69 | 46.63 | | crt screen | 1.08 | 2.09 | | plate | 57.03 | 69.96 | | monitor | 31.45 | 38.44 | | bulletin board | 59.36 | 74.54 | | shower | 0.0 | 0.0 | | radiator | 60.89 | 84.55 | | glass | 18.59 | 20.15 | | clock | 47.8 | 55.13 | | flag | 66.5 | 74.13 | +---------------------+-------+-------+ 2023-11-02 10:33:38,469 - mmseg - INFO - Summary: 2023-11-02 10:33:38,469 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.57 | 55.41 | 68.49 | +-------+-------+-------+ 2023-11-02 10:33:38,470 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 10:33:38,471 - mmseg - INFO - Iter(val) [250] aAcc: 0.8557, mIoU: 0.5541, mAcc: 0.6849, IoU.wall: 0.8140, IoU.building: 0.8398, IoU.sky: 0.9464, IoU.floor: 0.8465, IoU.tree: 0.7656, IoU.ceiling: 0.8675, IoU.road: 0.8608, IoU.bed : 0.9128, IoU.windowpane: 0.6486, IoU.grass: 0.7208, IoU.cabinet: 0.6490, IoU.sidewalk: 0.6993, IoU.person: 0.8371, IoU.earth: 0.3928, IoU.door: 0.5796, IoU.table: 0.6515, IoU.mountain: 0.6154, IoU.plant: 0.5801, IoU.curtain: 0.7694, IoU.chair: 0.6341, IoU.car: 0.8602, IoU.water: 0.6378, IoU.painting: 0.7657, IoU.sofa: 0.7331, IoU.shelf: 0.4553, IoU.house: 0.4825, IoU.sea: 0.6959, IoU.mirror: 0.7880, IoU.rug: 0.7078, IoU.field: 0.4254, IoU.armchair: 0.5327, IoU.seat: 0.6988, IoU.fence: 0.5190, IoU.desk: 0.4642, IoU.rock: 0.5717, IoU.wardrobe: 0.5462, IoU.lamp: 0.7117, IoU.bathtub: 0.8528, IoU.railing: 0.3881, IoU.cushion: 0.6612, IoU.base: 0.3749, IoU.box: 0.3276, IoU.column: 0.5498, IoU.signboard: 0.4150, IoU.chest of drawers: 0.5145, IoU.counter: 0.4845, IoU.sand: 0.4005, IoU.sink: 0.7975, IoU.skyscraper: 0.5105, IoU.fireplace: 0.7381, IoU.refrigerator: 0.8233, IoU.grandstand: 0.5422, IoU.path: 0.2601, IoU.stairs: 0.3702, IoU.runway: 0.6538, IoU.case: 0.5568, IoU.pool table: 0.9323, IoU.pillow: 0.6482, IoU.screen door: 0.8300, IoU.stairway: 0.4105, IoU.river: 0.1518, IoU.bridge: 0.5684, IoU.bookcase: 0.4121, IoU.blind: 0.4400, IoU.coffee table: 0.6755, IoU.toilet: 0.8857, IoU.flower: 0.3597, IoU.book: 0.4966, IoU.hill: 0.0698, IoU.bench: 0.5643, IoU.countertop: 0.6461, IoU.stove: 0.8260, IoU.palm: 0.5087, IoU.kitchen island: 0.4331, IoU.computer: 0.7205, IoU.swivel chair: 0.4127, IoU.boat: 0.5450, IoU.bar: 0.6671, IoU.arcade machine: 0.8976, IoU.hovel: 0.1942, IoU.bus: 0.9245, IoU.towel: 0.7051, IoU.light: 0.5842, IoU.truck: 0.5031, IoU.tower: 0.2389, IoU.chandelier: 0.7131, IoU.awning: 0.3529, IoU.streetlight: 0.2766, IoU.booth: 0.4573, IoU.television receiver: 0.7452, IoU.airplane: 0.8571, IoU.dirt track: 0.0194, IoU.apparel: 0.4806, IoU.pole: 0.2594, IoU.land: 0.0066, IoU.bannister: 0.1612, IoU.escalator: 0.5688, IoU.ottoman: 0.5234, IoU.bottle: 0.4077, IoU.buffet: 0.6712, IoU.poster: 0.3110, IoU.stage: 0.1539, IoU.van: 0.4440, IoU.ship: 0.7682, IoU.fountain: 0.3719, IoU.conveyer belt: 0.7966, IoU.canopy: 0.4608, IoU.washer: 0.8435, IoU.plaything: 0.2750, IoU.swimming pool: 0.5773, IoU.stool: 0.4945, IoU.barrel: 0.5708, IoU.basket: 0.3828, IoU.waterfall: 0.4836, IoU.tent: 0.9425, IoU.bag: 0.2465, IoU.minibike: 0.7504, IoU.cradle: 0.8543, IoU.oven: 0.6497, IoU.ball: 0.4299, IoU.food: 0.5654, IoU.step: 0.1795, IoU.tank: 0.5878, IoU.trade name: 0.2637, IoU.microwave: 0.8598, IoU.pot: 0.5433, IoU.animal: 0.7255, IoU.bicycle: 0.5692, IoU.lake: 0.5389, IoU.dishwasher: 0.5879, IoU.screen: 0.5912, IoU.blanket: 0.3225, IoU.sculpture: 0.7329, IoU.hood: 0.6034, IoU.sconce: 0.5598, IoU.vase: 0.4295, IoU.traffic light: 0.3211, IoU.tray: 0.1635, IoU.ashcan: 0.5001, IoU.fan: 0.6510, IoU.pier: 0.3769, IoU.crt screen: 0.0108, IoU.plate: 0.5703, IoU.monitor: 0.3145, IoU.bulletin board: 0.5936, IoU.shower: 0.0000, IoU.radiator: 0.6089, IoU.glass: 0.1859, IoU.clock: 0.4780, IoU.flag: 0.6650, Acc.wall: 0.8946, Acc.building: 0.9257, Acc.sky: 0.9776, Acc.floor: 0.9130, Acc.tree: 0.8791, Acc.ceiling: 0.9320, Acc.road: 0.9204, Acc.bed : 0.9664, Acc.windowpane: 0.7574, Acc.grass: 0.8917, Acc.cabinet: 0.7253, Acc.sidewalk: 0.8268, Acc.person: 0.9418, Acc.earth: 0.5346, Acc.door: 0.8124, Acc.table: 0.7957, Acc.mountain: 0.7045, Acc.plant: 0.6864, Acc.curtain: 0.8906, Acc.chair: 0.7771, Acc.car: 0.9467, Acc.water: 0.7945, Acc.painting: 0.8965, Acc.sofa: 0.7985, Acc.shelf: 0.6393, Acc.house: 0.6683, Acc.sea: 0.8433, Acc.mirror: 0.8960, Acc.rug: 0.7870, Acc.field: 0.5509, Acc.armchair: 0.8605, Acc.seat: 0.8687, Acc.fence: 0.7090, Acc.desk: 0.7452, Acc.rock: 0.7394, Acc.wardrobe: 0.7615, Acc.lamp: 0.8538, Acc.bathtub: 0.8756, Acc.railing: 0.5059, Acc.cushion: 0.7537, Acc.base: 0.5107, Acc.box: 0.3697, Acc.column: 0.6656, Acc.signboard: 0.5594, Acc.chest of drawers: 0.7542, Acc.counter: 0.6044, Acc.sand: 0.6277, Acc.sink: 0.8562, Acc.skyscraper: 0.6611, Acc.fireplace: 0.8967, Acc.refrigerator: 0.9481, Acc.grandstand: 0.8248, Acc.path: 0.3168, Acc.stairs: 0.4634, Acc.runway: 0.8886, Acc.case: 0.7462, Acc.pool table: 0.9771, Acc.pillow: 0.7298, Acc.screen door: 0.9581, Acc.stairway: 0.5178, Acc.river: 0.2620, Acc.bridge: 0.6304, Acc.bookcase: 0.5315, Acc.blind: 0.5479, Acc.coffee table: 0.8611, Acc.toilet: 0.9217, Acc.flower: 0.5436, Acc.book: 0.7363, Acc.hill: 0.1262, Acc.bench: 0.6395, Acc.countertop: 0.7436, Acc.stove: 0.9062, Acc.palm: 0.8678, Acc.kitchen island: 0.7974, Acc.computer: 0.9192, Acc.swivel chair: 0.5424, Acc.boat: 0.9020, Acc.bar: 0.7520, Acc.arcade machine: 0.9539, Acc.hovel: 0.2092, Acc.bus: 0.9659, Acc.towel: 0.8787, Acc.light: 0.7164, Acc.truck: 0.6194, Acc.tower: 0.4436, Acc.chandelier: 0.8523, Acc.awning: 0.4114, Acc.streetlight: 0.3339, Acc.booth: 0.8258, Acc.television receiver: 0.8365, Acc.airplane: 0.9131, Acc.dirt track: 0.0993, Acc.apparel: 0.6534, Acc.pole: 0.3391, Acc.land: 0.0124, Acc.bannister: 0.2200, Acc.escalator: 0.8128, Acc.ottoman: 0.6781, Acc.bottle: 0.7087, Acc.buffet: 0.7879, Acc.poster: 0.3552, Acc.stage: 0.2236, Acc.van: 0.5463, Acc.ship: 0.9650, Acc.fountain: 0.3797, Acc.conveyer belt: 0.9557, Acc.canopy: 0.5638, Acc.washer: 0.9009, Acc.plaything: 0.4610, Acc.swimming pool: 0.9084, Acc.stool: 0.5514, Acc.barrel: 0.9212, Acc.basket: 0.6386, Acc.waterfall: 0.6820, Acc.tent: 0.9899, Acc.bag: 0.3124, Acc.minibike: 0.8763, Acc.cradle: 0.9780, Acc.oven: 0.7221, Acc.ball: 0.7508, Acc.food: 0.6644, Acc.step: 0.2209, Acc.tank: 0.6869, Acc.trade name: 0.2967, Acc.microwave: 0.9646, Acc.pot: 0.6022, Acc.animal: 0.7699, Acc.bicycle: 0.7574, Acc.lake: 0.6939, Acc.dishwasher: 0.8569, Acc.screen: 0.9570, Acc.blanket: 0.3944, Acc.sculpture: 0.8604, Acc.hood: 0.6941, Acc.sconce: 0.6782, Acc.vase: 0.5455, Acc.traffic light: 0.4446, Acc.tray: 0.2209, Acc.ashcan: 0.6182, Acc.fan: 0.8401, Acc.pier: 0.4663, Acc.crt screen: 0.0209, Acc.plate: 0.6996, Acc.monitor: 0.3844, Acc.bulletin board: 0.7454, Acc.shower: 0.0000, Acc.radiator: 0.8455, Acc.glass: 0.2015, Acc.clock: 0.5513, Acc.flag: 0.7413 2023-11-02 10:35:01,736 - mmseg - INFO - Iter [17050/80000] lr: 2.549e-06, eta: 1 day, 7:45:46, time: 3.365, data_time: 1.708, memory: 69173, decode.loss_ce: 0.2952, decode.acc_seg: 87.7615, aux.loss_ce: 0.1414, aux.acc_seg: 85.8322, loss: 0.4367 2023-11-02 10:36:24,827 - mmseg - INFO - Iter [17100/80000] lr: 2.547e-06, eta: 1 day, 7:43:46, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2599, decode.acc_seg: 89.0206, aux.loss_ce: 0.1380, aux.acc_seg: 85.9601, loss: 0.3979 2023-11-02 10:37:47,935 - mmseg - INFO - Iter [17150/80000] lr: 2.545e-06, eta: 1 day, 7:41:47, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2720, decode.acc_seg: 88.8219, aux.loss_ce: 0.1411, aux.acc_seg: 86.1175, loss: 0.4131 2023-11-02 10:39:11,030 - mmseg - INFO - Iter [17200/80000] lr: 2.543e-06, eta: 1 day, 7:39:48, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2696, decode.acc_seg: 88.5868, aux.loss_ce: 0.1426, aux.acc_seg: 85.7523, loss: 0.4122 2023-11-02 10:40:34,160 - mmseg - INFO - Iter [17250/80000] lr: 2.541e-06, eta: 1 day, 7:37:50, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2614, decode.acc_seg: 89.1422, aux.loss_ce: 0.1295, aux.acc_seg: 86.9462, loss: 0.3910 2023-11-02 10:41:57,284 - mmseg - INFO - Iter [17300/80000] lr: 2.539e-06, eta: 1 day, 7:35:52, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2611, decode.acc_seg: 89.0074, aux.loss_ce: 0.1381, aux.acc_seg: 86.1488, loss: 0.3992 2023-11-02 10:43:20,395 - mmseg - INFO - Iter [17350/80000] lr: 2.537e-06, eta: 1 day, 7:33:53, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2761, decode.acc_seg: 88.5501, aux.loss_ce: 0.1430, aux.acc_seg: 85.6929, loss: 0.4191 2023-11-02 10:44:43,565 - mmseg - INFO - Iter [17400/80000] lr: 2.535e-06, eta: 1 day, 7:31:56, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2943, decode.acc_seg: 87.8379, aux.loss_ce: 0.1514, aux.acc_seg: 85.1847, loss: 0.4457 2023-11-02 10:46:06,767 - mmseg - INFO - Iter [17450/80000] lr: 2.533e-06, eta: 1 day, 7:29:58, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2691, decode.acc_seg: 88.8631, aux.loss_ce: 0.1379, aux.acc_seg: 86.5793, loss: 0.4070 2023-11-02 10:47:30,003 - mmseg - INFO - Iter [17500/80000] lr: 2.531e-06, eta: 1 day, 7:28:01, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2678, decode.acc_seg: 88.9615, aux.loss_ce: 0.1398, aux.acc_seg: 86.3020, loss: 0.4076 2023-11-02 10:48:53,243 - mmseg - INFO - Iter [17550/80000] lr: 2.529e-06, eta: 1 day, 7:26:04, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2787, decode.acc_seg: 88.3818, aux.loss_ce: 0.1455, aux.acc_seg: 85.5536, loss: 0.4242 2023-11-02 10:50:16,454 - mmseg - INFO - Iter [17600/80000] lr: 2.527e-06, eta: 1 day, 7:24:07, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2873, decode.acc_seg: 88.0262, aux.loss_ce: 0.1453, aux.acc_seg: 85.7596, loss: 0.4326 2023-11-02 10:51:39,698 - mmseg - INFO - Iter [17650/80000] lr: 2.525e-06, eta: 1 day, 7:22:11, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2767, decode.acc_seg: 88.6776, aux.loss_ce: 0.1397, aux.acc_seg: 86.0908, loss: 0.4164 2023-11-02 10:53:05,113 - mmseg - INFO - Iter [17700/80000] lr: 2.523e-06, eta: 1 day, 7:20:22, time: 1.708, data_time: 0.052, memory: 69173, decode.loss_ce: 0.2739, decode.acc_seg: 88.6677, aux.loss_ce: 0.1418, aux.acc_seg: 85.7962, loss: 0.4158 2023-11-02 10:54:28,291 - mmseg - INFO - Iter [17750/80000] lr: 2.521e-06, eta: 1 day, 7:18:26, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2571, decode.acc_seg: 89.3596, aux.loss_ce: 0.1292, aux.acc_seg: 87.4140, loss: 0.3863 2023-11-02 10:55:51,467 - mmseg - INFO - Iter [17800/80000] lr: 2.519e-06, eta: 1 day, 7:16:30, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2604, decode.acc_seg: 89.3438, aux.loss_ce: 0.1330, aux.acc_seg: 87.0901, loss: 0.3933 2023-11-02 10:57:14,653 - mmseg - INFO - Iter [17850/80000] lr: 2.517e-06, eta: 1 day, 7:14:34, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2623, decode.acc_seg: 89.1436, aux.loss_ce: 0.1368, aux.acc_seg: 86.5453, loss: 0.3991 2023-11-02 10:58:37,865 - mmseg - INFO - Iter [17900/80000] lr: 2.515e-06, eta: 1 day, 7:12:38, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2900, decode.acc_seg: 88.1374, aux.loss_ce: 0.1429, aux.acc_seg: 85.9260, loss: 0.4329 2023-11-02 11:00:01,063 - mmseg - INFO - Iter [17950/80000] lr: 2.513e-06, eta: 1 day, 7:10:42, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2664, decode.acc_seg: 88.7938, aux.loss_ce: 0.1368, aux.acc_seg: 86.5213, loss: 0.4033 2023-11-02 11:01:24,260 - mmseg - INFO - Saving checkpoint at 18000 iterations 2023-11-02 11:02:24,409 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 11:02:24,410 - mmseg - INFO - Iter [18000/80000] lr: 2.511e-06, eta: 1 day, 7:12:14, time: 2.867, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2572, decode.acc_seg: 89.2842, aux.loss_ce: 0.1298, aux.acc_seg: 86.8811, loss: 0.3870 2023-11-02 11:03:49,724 - mmseg - INFO - per class results: 2023-11-02 11:03:49,729 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.0 | 88.35 | | building | 83.71 | 91.2 | | sky | 94.81 | 97.11 | | floor | 84.62 | 89.64 | | tree | 76.99 | 90.9 | | ceiling | 86.15 | 94.4 | | road | 85.83 | 91.31 | | bed | 92.1 | 96.79 | | windowpane | 66.35 | 79.79 | | grass | 68.06 | 80.12 | | cabinet | 65.01 | 73.7 | | sidewalk | 69.81 | 86.71 | | person | 84.48 | 93.28 | | earth | 37.26 | 52.41 | | door | 56.03 | 75.19 | | table | 68.81 | 81.86 | | mountain | 62.86 | 79.79 | | plant | 57.26 | 65.81 | | curtain | 77.39 | 90.63 | | chair | 65.62 | 79.66 | | car | 86.55 | 93.7 | | water | 54.28 | 63.76 | | painting | 76.32 | 90.39 | | sofa | 81.22 | 91.96 | | shelf | 44.85 | 65.57 | | house | 42.28 | 63.16 | | sea | 73.48 | 84.31 | | mirror | 76.77 | 85.89 | | rug | 73.4 | 84.45 | | field | 28.27 | 45.77 | | armchair | 62.7 | 76.86 | | seat | 64.93 | 88.52 | | fence | 49.48 | 68.99 | | desk | 56.76 | 74.99 | | rock | 50.27 | 63.65 | | wardrobe | 54.18 | 82.55 | | lamp | 70.02 | 84.15 | | bathtub | 85.36 | 92.26 | | railing | 43.48 | 60.99 | | cushion | 66.0 | 76.16 | | base | 38.16 | 47.64 | | box | 36.61 | 45.23 | | column | 53.74 | 65.07 | | signboard | 41.76 | 55.2 | | chest of drawers | 49.7 | 69.8 | | counter | 45.49 | 54.35 | | sand | 45.68 | 61.89 | | sink | 79.76 | 87.87 | | skyscraper | 52.41 | 66.62 | | fireplace | 69.86 | 96.92 | | refrigerator | 84.74 | 93.99 | | grandstand | 45.04 | 89.1 | | path | 28.59 | 39.46 | | stairs | 32.56 | 35.66 | | runway | 66.75 | 86.44 | | case | 57.55 | 72.42 | | pool table | 93.37 | 97.45 | | pillow | 66.96 | 79.33 | | screen door | 60.23 | 61.48 | | stairway | 35.17 | 54.36 | | river | 17.17 | 61.7 | | bridge | 70.17 | 84.76 | | bookcase | 42.75 | 62.28 | | blind | 38.28 | 41.35 | | coffee table | 64.75 | 90.3 | | toilet | 88.88 | 94.46 | | flower | 37.51 | 53.77 | | book | 50.53 | 68.49 | | hill | 7.04 | 23.27 | | bench | 50.74 | 58.42 | | countertop | 62.82 | 84.65 | | stove | 85.46 | 93.15 | | palm | 51.07 | 81.82 | | kitchen island | 42.47 | 92.29 | | computer | 75.36 | 90.93 | | swivel chair | 53.76 | 81.93 | | boat | 62.16 | 90.94 | | bar | 65.98 | 80.89 | | arcade machine | 87.85 | 98.58 | | hovel | 40.02 | 52.89 | | bus | 91.92 | 96.01 | | towel | 70.76 | 82.44 | | light | 54.36 | 58.32 | | truck | 41.88 | 53.9 | | tower | 32.15 | 61.14 | | chandelier | 70.46 | 85.94 | | awning | 46.68 | 63.31 | | streetlight | 30.12 | 38.9 | | booth | 38.68 | 63.75 | | television receiver | 75.78 | 90.21 | | airplane | 82.05 | 95.24 | | dirt track | 2.14 | 8.88 | | apparel | 53.91 | 66.91 | | pole | 24.56 | 37.1 | | land | 1.55 | 2.57 | | bannister | 17.6 | 23.51 | | escalator | 54.71 | 80.53 | | ottoman | 47.48 | 71.77 | | bottle | 42.54 | 69.83 | | buffet | 66.71 | 88.7 | | poster | 30.96 | 36.12 | | stage | 17.56 | 33.64 | | van | 43.71 | 67.74 | | ship | 40.85 | 48.27 | | fountain | 19.24 | 19.86 | | conveyer belt | 57.48 | 98.94 | | canopy | 44.14 | 62.18 | | washer | 84.92 | 90.62 | | plaything | 27.44 | 57.16 | | swimming pool | 62.36 | 88.86 | | stool | 48.38 | 64.17 | | barrel | 59.01 | 74.91 | | basket | 42.03 | 60.47 | | waterfall | 64.16 | 80.3 | | tent | 91.74 | 96.66 | | bag | 23.44 | 26.4 | | minibike | 74.66 | 88.33 | | cradle | 84.67 | 98.04 | | oven | 64.69 | 75.85 | | ball | 55.58 | 73.88 | | food | 56.07 | 66.33 | | step | 14.44 | 17.54 | | tank | 62.58 | 67.26 | | trade name | 27.71 | 30.9 | | microwave | 88.32 | 95.09 | | pot | 56.63 | 67.57 | | animal | 66.35 | 69.67 | | bicycle | 57.16 | 68.48 | | lake | 49.94 | 57.64 | | dishwasher | 75.11 | 83.11 | | screen | 62.28 | 90.73 | | blanket | 31.38 | 37.33 | | sculpture | 74.86 | 85.35 | | hood | 60.95 | 78.87 | | sconce | 57.42 | 75.23 | | vase | 44.55 | 60.76 | | traffic light | 34.97 | 55.56 | | tray | 18.57 | 25.73 | | ashcan | 51.36 | 61.84 | | fan | 63.97 | 84.61 | | pier | 35.7 | 39.22 | | crt screen | 6.4 | 16.36 | | plate | 57.09 | 72.48 | | monitor | 18.46 | 22.33 | | bulletin board | 61.9 | 66.96 | | shower | 0.46 | 3.12 | | radiator | 62.45 | 78.58 | | glass | 17.4 | 18.4 | | clock | 51.07 | 63.35 | | flag | 71.1 | 76.76 | +---------------------+-------+-------+ 2023-11-02 11:03:49,729 - mmseg - INFO - Summary: 2023-11-02 11:03:49,729 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.17 | 55.36 | 69.22 | +-------+-------+-------+ 2023-11-02 11:03:49,730 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 11:03:49,730 - mmseg - INFO - Iter(val) [250] aAcc: 0.8517, mIoU: 0.5536, mAcc: 0.6922, IoU.wall: 0.8100, IoU.building: 0.8371, IoU.sky: 0.9481, IoU.floor: 0.8462, IoU.tree: 0.7699, IoU.ceiling: 0.8615, IoU.road: 0.8583, IoU.bed : 0.9210, IoU.windowpane: 0.6635, IoU.grass: 0.6806, IoU.cabinet: 0.6501, IoU.sidewalk: 0.6981, IoU.person: 0.8448, IoU.earth: 0.3726, IoU.door: 0.5603, IoU.table: 0.6881, IoU.mountain: 0.6286, IoU.plant: 0.5726, IoU.curtain: 0.7739, IoU.chair: 0.6562, IoU.car: 0.8655, IoU.water: 0.5428, IoU.painting: 0.7632, IoU.sofa: 0.8122, IoU.shelf: 0.4485, IoU.house: 0.4228, IoU.sea: 0.7348, IoU.mirror: 0.7677, IoU.rug: 0.7340, IoU.field: 0.2827, IoU.armchair: 0.6270, IoU.seat: 0.6493, IoU.fence: 0.4948, IoU.desk: 0.5676, IoU.rock: 0.5027, IoU.wardrobe: 0.5418, IoU.lamp: 0.7002, IoU.bathtub: 0.8536, IoU.railing: 0.4348, IoU.cushion: 0.6600, IoU.base: 0.3816, IoU.box: 0.3661, IoU.column: 0.5374, IoU.signboard: 0.4176, IoU.chest of drawers: 0.4970, IoU.counter: 0.4549, IoU.sand: 0.4568, IoU.sink: 0.7976, IoU.skyscraper: 0.5241, IoU.fireplace: 0.6986, IoU.refrigerator: 0.8474, IoU.grandstand: 0.4504, IoU.path: 0.2859, IoU.stairs: 0.3256, IoU.runway: 0.6675, IoU.case: 0.5755, IoU.pool table: 0.9337, IoU.pillow: 0.6696, IoU.screen door: 0.6023, IoU.stairway: 0.3517, IoU.river: 0.1717, IoU.bridge: 0.7017, IoU.bookcase: 0.4275, IoU.blind: 0.3828, IoU.coffee table: 0.6475, IoU.toilet: 0.8888, IoU.flower: 0.3751, IoU.book: 0.5053, IoU.hill: 0.0704, IoU.bench: 0.5074, IoU.countertop: 0.6282, IoU.stove: 0.8546, IoU.palm: 0.5107, IoU.kitchen island: 0.4247, IoU.computer: 0.7536, IoU.swivel chair: 0.5376, IoU.boat: 0.6216, IoU.bar: 0.6598, IoU.arcade machine: 0.8785, IoU.hovel: 0.4002, IoU.bus: 0.9192, IoU.towel: 0.7076, IoU.light: 0.5436, IoU.truck: 0.4188, IoU.tower: 0.3215, IoU.chandelier: 0.7046, IoU.awning: 0.4668, IoU.streetlight: 0.3012, IoU.booth: 0.3868, IoU.television receiver: 0.7578, IoU.airplane: 0.8205, IoU.dirt track: 0.0214, IoU.apparel: 0.5391, IoU.pole: 0.2456, IoU.land: 0.0155, IoU.bannister: 0.1760, IoU.escalator: 0.5471, IoU.ottoman: 0.4748, IoU.bottle: 0.4254, IoU.buffet: 0.6671, IoU.poster: 0.3096, IoU.stage: 0.1756, IoU.van: 0.4371, IoU.ship: 0.4085, IoU.fountain: 0.1924, IoU.conveyer belt: 0.5748, IoU.canopy: 0.4414, IoU.washer: 0.8492, IoU.plaything: 0.2744, IoU.swimming pool: 0.6236, IoU.stool: 0.4838, IoU.barrel: 0.5901, IoU.basket: 0.4203, IoU.waterfall: 0.6416, IoU.tent: 0.9174, IoU.bag: 0.2344, IoU.minibike: 0.7466, IoU.cradle: 0.8467, IoU.oven: 0.6469, IoU.ball: 0.5558, IoU.food: 0.5607, IoU.step: 0.1444, IoU.tank: 0.6258, IoU.trade name: 0.2771, IoU.microwave: 0.8832, IoU.pot: 0.5663, IoU.animal: 0.6635, IoU.bicycle: 0.5716, IoU.lake: 0.4994, IoU.dishwasher: 0.7511, IoU.screen: 0.6228, IoU.blanket: 0.3138, IoU.sculpture: 0.7486, IoU.hood: 0.6095, IoU.sconce: 0.5742, IoU.vase: 0.4455, IoU.traffic light: 0.3497, IoU.tray: 0.1857, IoU.ashcan: 0.5136, IoU.fan: 0.6397, IoU.pier: 0.3570, IoU.crt screen: 0.0640, IoU.plate: 0.5709, IoU.monitor: 0.1846, IoU.bulletin board: 0.6190, IoU.shower: 0.0046, IoU.radiator: 0.6245, IoU.glass: 0.1740, IoU.clock: 0.5107, IoU.flag: 0.7110, Acc.wall: 0.8835, Acc.building: 0.9120, Acc.sky: 0.9711, Acc.floor: 0.8964, Acc.tree: 0.9090, Acc.ceiling: 0.9440, Acc.road: 0.9131, Acc.bed : 0.9679, Acc.windowpane: 0.7979, Acc.grass: 0.8012, Acc.cabinet: 0.7370, Acc.sidewalk: 0.8671, Acc.person: 0.9328, Acc.earth: 0.5241, Acc.door: 0.7519, Acc.table: 0.8186, Acc.mountain: 0.7979, Acc.plant: 0.6581, Acc.curtain: 0.9063, Acc.chair: 0.7966, Acc.car: 0.9370, Acc.water: 0.6376, Acc.painting: 0.9039, Acc.sofa: 0.9196, Acc.shelf: 0.6557, Acc.house: 0.6316, Acc.sea: 0.8431, Acc.mirror: 0.8589, Acc.rug: 0.8445, Acc.field: 0.4577, Acc.armchair: 0.7686, Acc.seat: 0.8852, Acc.fence: 0.6899, Acc.desk: 0.7499, Acc.rock: 0.6365, Acc.wardrobe: 0.8255, Acc.lamp: 0.8415, Acc.bathtub: 0.9226, Acc.railing: 0.6099, Acc.cushion: 0.7616, Acc.base: 0.4764, Acc.box: 0.4523, Acc.column: 0.6507, Acc.signboard: 0.5520, Acc.chest of drawers: 0.6980, Acc.counter: 0.5435, Acc.sand: 0.6189, Acc.sink: 0.8787, Acc.skyscraper: 0.6662, Acc.fireplace: 0.9692, Acc.refrigerator: 0.9399, Acc.grandstand: 0.8910, Acc.path: 0.3946, Acc.stairs: 0.3566, Acc.runway: 0.8644, Acc.case: 0.7242, Acc.pool table: 0.9745, Acc.pillow: 0.7933, Acc.screen door: 0.6148, Acc.stairway: 0.5436, Acc.river: 0.6170, Acc.bridge: 0.8476, Acc.bookcase: 0.6228, Acc.blind: 0.4135, Acc.coffee table: 0.9030, Acc.toilet: 0.9446, Acc.flower: 0.5377, Acc.book: 0.6849, Acc.hill: 0.2327, Acc.bench: 0.5842, Acc.countertop: 0.8465, Acc.stove: 0.9315, Acc.palm: 0.8182, Acc.kitchen island: 0.9229, Acc.computer: 0.9093, Acc.swivel chair: 0.8193, Acc.boat: 0.9094, Acc.bar: 0.8089, Acc.arcade machine: 0.9858, Acc.hovel: 0.5289, Acc.bus: 0.9601, Acc.towel: 0.8244, Acc.light: 0.5832, Acc.truck: 0.5390, Acc.tower: 0.6114, Acc.chandelier: 0.8594, Acc.awning: 0.6331, Acc.streetlight: 0.3890, Acc.booth: 0.6375, Acc.television receiver: 0.9021, Acc.airplane: 0.9524, Acc.dirt track: 0.0888, Acc.apparel: 0.6691, Acc.pole: 0.3710, Acc.land: 0.0257, Acc.bannister: 0.2351, Acc.escalator: 0.8053, Acc.ottoman: 0.7177, Acc.bottle: 0.6983, Acc.buffet: 0.8870, Acc.poster: 0.3612, Acc.stage: 0.3364, Acc.van: 0.6774, Acc.ship: 0.4827, Acc.fountain: 0.1986, Acc.conveyer belt: 0.9894, Acc.canopy: 0.6218, Acc.washer: 0.9062, Acc.plaything: 0.5716, Acc.swimming pool: 0.8886, Acc.stool: 0.6417, Acc.barrel: 0.7491, Acc.basket: 0.6047, Acc.waterfall: 0.8030, Acc.tent: 0.9666, Acc.bag: 0.2640, Acc.minibike: 0.8833, Acc.cradle: 0.9804, Acc.oven: 0.7585, Acc.ball: 0.7388, Acc.food: 0.6633, Acc.step: 0.1754, Acc.tank: 0.6726, Acc.trade name: 0.3090, Acc.microwave: 0.9509, Acc.pot: 0.6757, Acc.animal: 0.6967, Acc.bicycle: 0.6848, Acc.lake: 0.5764, Acc.dishwasher: 0.8311, Acc.screen: 0.9073, Acc.blanket: 0.3733, Acc.sculpture: 0.8535, Acc.hood: 0.7887, Acc.sconce: 0.7523, Acc.vase: 0.6076, Acc.traffic light: 0.5556, Acc.tray: 0.2573, Acc.ashcan: 0.6184, Acc.fan: 0.8461, Acc.pier: 0.3922, Acc.crt screen: 0.1636, Acc.plate: 0.7248, Acc.monitor: 0.2233, Acc.bulletin board: 0.6696, Acc.shower: 0.0312, Acc.radiator: 0.7858, Acc.glass: 0.1840, Acc.clock: 0.6335, Acc.flag: 0.7676 2023-11-02 11:05:13,028 - mmseg - INFO - Iter [18050/80000] lr: 2.509e-06, eta: 1 day, 7:15:11, time: 3.372, data_time: 1.714, memory: 69173, decode.loss_ce: 0.2574, decode.acc_seg: 89.4032, aux.loss_ce: 0.1272, aux.acc_seg: 87.3982, loss: 0.3845 2023-11-02 11:06:36,202 - mmseg - INFO - Iter [18100/80000] lr: 2.507e-06, eta: 1 day, 7:13:14, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2651, decode.acc_seg: 89.3803, aux.loss_ce: 0.1429, aux.acc_seg: 86.1938, loss: 0.4080 2023-11-02 11:07:59,439 - mmseg - INFO - Iter [18150/80000] lr: 2.505e-06, eta: 1 day, 7:11:18, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2578, decode.acc_seg: 89.2786, aux.loss_ce: 0.1314, aux.acc_seg: 87.0463, loss: 0.3892 2023-11-02 11:09:22,647 - mmseg - INFO - Iter [18200/80000] lr: 2.503e-06, eta: 1 day, 7:09:21, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2588, decode.acc_seg: 89.2333, aux.loss_ce: 0.1301, aux.acc_seg: 87.0693, loss: 0.3890 2023-11-02 11:10:45,935 - mmseg - INFO - Iter [18250/80000] lr: 2.501e-06, eta: 1 day, 7:07:25, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2586, decode.acc_seg: 89.2246, aux.loss_ce: 0.1316, aux.acc_seg: 86.6162, loss: 0.3902 2023-11-02 11:12:09,154 - mmseg - INFO - Iter [18300/80000] lr: 2.499e-06, eta: 1 day, 7:05:29, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2749, decode.acc_seg: 88.4617, aux.loss_ce: 0.1439, aux.acc_seg: 85.3912, loss: 0.4188 2023-11-02 11:13:32,447 - mmseg - INFO - Iter [18350/80000] lr: 2.497e-06, eta: 1 day, 7:03:34, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2717, decode.acc_seg: 88.6426, aux.loss_ce: 0.1409, aux.acc_seg: 85.8023, loss: 0.4126 2023-11-02 11:14:55,652 - mmseg - INFO - Iter [18400/80000] lr: 2.495e-06, eta: 1 day, 7:01:38, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2629, decode.acc_seg: 89.2233, aux.loss_ce: 0.1353, aux.acc_seg: 86.4591, loss: 0.3982 2023-11-02 11:16:18,840 - mmseg - INFO - Iter [18450/80000] lr: 2.493e-06, eta: 1 day, 6:59:42, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2754, decode.acc_seg: 88.9360, aux.loss_ce: 0.1340, aux.acc_seg: 86.5866, loss: 0.4094 2023-11-02 11:17:42,045 - mmseg - INFO - Iter [18500/80000] lr: 2.491e-06, eta: 1 day, 6:57:47, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2831, decode.acc_seg: 88.4022, aux.loss_ce: 0.1442, aux.acc_seg: 85.8296, loss: 0.4273 2023-11-02 11:19:05,242 - mmseg - INFO - Iter [18550/80000] lr: 2.489e-06, eta: 1 day, 6:55:52, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2756, decode.acc_seg: 88.7655, aux.loss_ce: 0.1398, aux.acc_seg: 85.9939, loss: 0.4154 2023-11-02 11:20:28,464 - mmseg - INFO - Iter [18600/80000] lr: 2.487e-06, eta: 1 day, 6:53:57, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2562, decode.acc_seg: 89.2156, aux.loss_ce: 0.1353, aux.acc_seg: 86.1602, loss: 0.3915 2023-11-02 11:21:51,661 - mmseg - INFO - Iter [18650/80000] lr: 2.485e-06, eta: 1 day, 6:52:02, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2760, decode.acc_seg: 88.7381, aux.loss_ce: 0.1420, aux.acc_seg: 86.3858, loss: 0.4180 2023-11-02 11:23:14,837 - mmseg - INFO - Iter [18700/80000] lr: 2.483e-06, eta: 1 day, 6:50:07, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2698, decode.acc_seg: 88.7725, aux.loss_ce: 0.1359, aux.acc_seg: 86.7953, loss: 0.4057 2023-11-02 11:24:38,080 - mmseg - INFO - Iter [18750/80000] lr: 2.481e-06, eta: 1 day, 6:48:13, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2628, decode.acc_seg: 89.5061, aux.loss_ce: 0.1296, aux.acc_seg: 87.3199, loss: 0.3924 2023-11-02 11:26:01,266 - mmseg - INFO - Iter [18800/80000] lr: 2.478e-06, eta: 1 day, 6:46:18, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2724, decode.acc_seg: 88.7144, aux.loss_ce: 0.1391, aux.acc_seg: 86.2412, loss: 0.4115 2023-11-02 11:27:24,504 - mmseg - INFO - Iter [18850/80000] lr: 2.476e-06, eta: 1 day, 6:44:24, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2796, decode.acc_seg: 88.1056, aux.loss_ce: 0.1392, aux.acc_seg: 85.9107, loss: 0.4188 2023-11-02 11:28:47,709 - mmseg - INFO - Iter [18900/80000] lr: 2.474e-06, eta: 1 day, 6:42:30, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2752, decode.acc_seg: 88.6406, aux.loss_ce: 0.1369, aux.acc_seg: 86.4719, loss: 0.4120 2023-11-02 11:30:13,271 - mmseg - INFO - Iter [18950/80000] lr: 2.472e-06, eta: 1 day, 6:40:44, time: 1.711, data_time: 0.053, memory: 69173, decode.loss_ce: 0.2550, decode.acc_seg: 89.3124, aux.loss_ce: 0.1347, aux.acc_seg: 86.3367, loss: 0.3897 2023-11-02 11:31:36,526 - mmseg - INFO - Saving checkpoint at 19000 iterations 2023-11-02 11:32:34,269 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 11:32:34,269 - mmseg - INFO - Iter [19000/80000] lr: 2.470e-06, eta: 1 day, 6:41:56, time: 2.820, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2426, decode.acc_seg: 89.9119, aux.loss_ce: 0.1271, aux.acc_seg: 87.4007, loss: 0.3697 2023-11-02 11:33:59,882 - mmseg - INFO - per class results: 2023-11-02 11:33:59,887 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.36 | 89.07 | | building | 84.5 | 93.01 | | sky | 94.76 | 97.48 | | floor | 84.33 | 90.45 | | tree | 76.39 | 90.23 | | ceiling | 86.49 | 93.62 | | road | 86.58 | 91.26 | | bed | 91.85 | 97.24 | | windowpane | 66.65 | 81.62 | | grass | 69.58 | 80.36 | | cabinet | 65.17 | 73.3 | | sidewalk | 69.32 | 83.99 | | person | 83.77 | 93.86 | | earth | 35.87 | 48.96 | | door | 58.33 | 71.56 | | table | 68.49 | 82.56 | | mountain | 61.74 | 73.02 | | plant | 55.76 | 64.07 | | curtain | 76.68 | 88.56 | | chair | 64.24 | 74.32 | | car | 85.15 | 94.97 | | water | 62.41 | 78.7 | | painting | 77.78 | 89.61 | | sofa | 80.26 | 90.44 | | shelf | 43.6 | 58.19 | | house | 52.26 | 63.57 | | sea | 68.7 | 78.64 | | mirror | 75.55 | 85.09 | | rug | 73.95 | 86.94 | | field | 33.79 | 57.89 | | armchair | 62.65 | 81.51 | | seat | 68.21 | 86.96 | | fence | 50.99 | 69.08 | | desk | 56.99 | 75.62 | | rock | 54.62 | 71.6 | | wardrobe | 53.85 | 73.36 | | lamp | 70.93 | 81.96 | | bathtub | 89.55 | 94.23 | | railing | 40.51 | 57.47 | | cushion | 65.63 | 84.98 | | base | 41.46 | 61.0 | | box | 37.69 | 49.79 | | column | 52.25 | 68.97 | | signboard | 40.91 | 52.18 | | chest of drawers | 50.19 | 75.59 | | counter | 45.42 | 54.52 | | sand | 58.53 | 83.87 | | sink | 79.63 | 90.79 | | skyscraper | 47.77 | 62.88 | | fireplace | 73.84 | 91.73 | | refrigerator | 82.02 | 96.67 | | grandstand | 47.86 | 82.34 | | path | 29.1 | 40.51 | | stairs | 31.07 | 37.23 | | runway | 73.49 | 95.56 | | case | 56.78 | 76.19 | | pool table | 93.01 | 98.3 | | pillow | 64.72 | 75.67 | | screen door | 86.43 | 93.83 | | stairway | 33.17 | 48.82 | | river | 13.0 | 27.74 | | bridge | 70.54 | 82.01 | | bookcase | 37.04 | 64.98 | | blind | 42.5 | 48.6 | | coffee table | 65.09 | 87.39 | | toilet | 88.88 | 93.95 | | flower | 36.3 | 51.88 | | book | 49.03 | 69.68 | | hill | 9.12 | 24.22 | | bench | 61.54 | 73.35 | | countertop | 62.41 | 75.98 | | stove | 84.91 | 92.8 | | palm | 50.94 | 80.68 | | kitchen island | 40.59 | 82.41 | | computer | 72.79 | 92.93 | | swivel chair | 50.82 | 86.58 | | boat | 65.41 | 93.42 | | bar | 63.37 | 83.77 | | arcade machine | 87.97 | 98.67 | | hovel | 52.19 | 65.01 | | bus | 91.68 | 97.12 | | towel | 69.97 | 90.57 | | light | 59.38 | 68.77 | | truck | 46.56 | 64.93 | | tower | 21.05 | 38.16 | | chandelier | 69.01 | 88.32 | | awning | 44.3 | 53.65 | | streetlight | 33.27 | 45.77 | | booth | 33.17 | 49.53 | | television receiver | 76.42 | 84.34 | | airplane | 83.72 | 94.75 | | dirt track | 3.31 | 19.69 | | apparel | 56.74 | 77.75 | | pole | 19.46 | 23.6 | | land | 3.16 | 8.31 | | bannister | 19.48 | 28.48 | | escalator | 57.45 | 88.01 | | ottoman | 56.16 | 76.64 | | bottle | 37.47 | 80.98 | | buffet | 63.0 | 83.79 | | poster | 33.26 | 43.96 | | stage | 16.5 | 27.76 | | van | 45.75 | 60.14 | | ship | 17.58 | 21.3 | | fountain | 29.86 | 30.41 | | conveyer belt | 70.13 | 96.99 | | canopy | 48.56 | 63.85 | | washer | 78.8 | 84.55 | | plaything | 27.46 | 45.93 | | swimming pool | 65.12 | 83.49 | | stool | 51.6 | 59.4 | | barrel | 48.94 | 89.93 | | basket | 42.12 | 60.39 | | waterfall | 54.99 | 79.0 | | tent | 95.05 | 98.51 | | bag | 27.19 | 34.23 | | minibike | 75.12 | 90.42 | | cradle | 88.39 | 97.96 | | oven | 64.61 | 80.02 | | ball | 11.54 | 11.56 | | food | 58.01 | 66.95 | | step | 20.87 | 24.42 | | tank | 61.01 | 68.58 | | trade name | 28.11 | 31.36 | | microwave | 87.65 | 96.63 | | pot | 57.39 | 66.36 | | animal | 68.9 | 71.58 | | bicycle | 60.78 | 80.69 | | lake | 56.69 | 63.19 | | dishwasher | 76.29 | 82.66 | | screen | 62.79 | 91.78 | | blanket | 26.62 | 30.42 | | sculpture | 74.67 | 85.3 | | hood | 68.82 | 77.91 | | sconce | 57.18 | 70.18 | | vase | 44.06 | 56.9 | | traffic light | 33.82 | 62.8 | | tray | 15.29 | 22.24 | | ashcan | 48.11 | 62.58 | | fan | 66.16 | 77.7 | | pier | 28.74 | 40.63 | | crt screen | 2.31 | 6.56 | | plate | 57.62 | 75.34 | | monitor | 14.31 | 15.83 | | bulletin board | 66.33 | 76.22 | | shower | 3.14 | 3.74 | | radiator | 61.15 | 76.83 | | glass | 17.24 | 18.5 | | clock | 45.27 | 49.74 | | flag | 69.09 | 72.78 | +---------------------+-------+-------+ 2023-11-02 11:33:59,887 - mmseg - INFO - Summary: 2023-11-02 11:33:59,888 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.53 | 55.57 | 69.21 | +-------+-------+-------+ 2023-11-02 11:33:59,888 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 11:33:59,889 - mmseg - INFO - Iter(val) [250] aAcc: 0.8553, mIoU: 0.5557, mAcc: 0.6921, IoU.wall: 0.8136, IoU.building: 0.8450, IoU.sky: 0.9476, IoU.floor: 0.8433, IoU.tree: 0.7639, IoU.ceiling: 0.8649, IoU.road: 0.8658, IoU.bed : 0.9185, IoU.windowpane: 0.6665, IoU.grass: 0.6958, IoU.cabinet: 0.6517, IoU.sidewalk: 0.6932, IoU.person: 0.8377, IoU.earth: 0.3587, IoU.door: 0.5833, IoU.table: 0.6849, IoU.mountain: 0.6174, IoU.plant: 0.5576, IoU.curtain: 0.7668, IoU.chair: 0.6424, IoU.car: 0.8515, IoU.water: 0.6241, IoU.painting: 0.7778, IoU.sofa: 0.8026, IoU.shelf: 0.4360, IoU.house: 0.5226, IoU.sea: 0.6870, IoU.mirror: 0.7555, IoU.rug: 0.7395, IoU.field: 0.3379, IoU.armchair: 0.6265, IoU.seat: 0.6821, IoU.fence: 0.5099, IoU.desk: 0.5699, IoU.rock: 0.5462, IoU.wardrobe: 0.5385, IoU.lamp: 0.7093, IoU.bathtub: 0.8955, IoU.railing: 0.4051, IoU.cushion: 0.6563, IoU.base: 0.4146, IoU.box: 0.3769, IoU.column: 0.5225, IoU.signboard: 0.4091, IoU.chest of drawers: 0.5019, IoU.counter: 0.4542, IoU.sand: 0.5853, IoU.sink: 0.7963, IoU.skyscraper: 0.4777, IoU.fireplace: 0.7384, IoU.refrigerator: 0.8202, IoU.grandstand: 0.4786, IoU.path: 0.2910, IoU.stairs: 0.3107, IoU.runway: 0.7349, IoU.case: 0.5678, IoU.pool table: 0.9301, IoU.pillow: 0.6472, IoU.screen door: 0.8643, IoU.stairway: 0.3317, IoU.river: 0.1300, IoU.bridge: 0.7054, IoU.bookcase: 0.3704, IoU.blind: 0.4250, IoU.coffee table: 0.6509, IoU.toilet: 0.8888, IoU.flower: 0.3630, IoU.book: 0.4903, IoU.hill: 0.0912, IoU.bench: 0.6154, IoU.countertop: 0.6241, IoU.stove: 0.8491, IoU.palm: 0.5094, IoU.kitchen island: 0.4059, IoU.computer: 0.7279, IoU.swivel chair: 0.5082, IoU.boat: 0.6541, IoU.bar: 0.6337, IoU.arcade machine: 0.8797, IoU.hovel: 0.5219, IoU.bus: 0.9168, IoU.towel: 0.6997, IoU.light: 0.5938, IoU.truck: 0.4656, IoU.tower: 0.2105, IoU.chandelier: 0.6901, IoU.awning: 0.4430, IoU.streetlight: 0.3327, IoU.booth: 0.3317, IoU.television receiver: 0.7642, IoU.airplane: 0.8372, IoU.dirt track: 0.0331, IoU.apparel: 0.5674, IoU.pole: 0.1946, IoU.land: 0.0316, IoU.bannister: 0.1948, IoU.escalator: 0.5745, IoU.ottoman: 0.5616, IoU.bottle: 0.3747, IoU.buffet: 0.6300, IoU.poster: 0.3326, IoU.stage: 0.1650, IoU.van: 0.4575, IoU.ship: 0.1758, IoU.fountain: 0.2986, IoU.conveyer belt: 0.7013, IoU.canopy: 0.4856, IoU.washer: 0.7880, IoU.plaything: 0.2746, IoU.swimming pool: 0.6512, IoU.stool: 0.5160, IoU.barrel: 0.4894, IoU.basket: 0.4212, IoU.waterfall: 0.5499, IoU.tent: 0.9505, IoU.bag: 0.2719, IoU.minibike: 0.7512, IoU.cradle: 0.8839, IoU.oven: 0.6461, IoU.ball: 0.1154, IoU.food: 0.5801, IoU.step: 0.2087, IoU.tank: 0.6101, IoU.trade name: 0.2811, IoU.microwave: 0.8765, IoU.pot: 0.5739, IoU.animal: 0.6890, IoU.bicycle: 0.6078, IoU.lake: 0.5669, IoU.dishwasher: 0.7629, IoU.screen: 0.6279, IoU.blanket: 0.2662, IoU.sculpture: 0.7467, IoU.hood: 0.6882, IoU.sconce: 0.5718, IoU.vase: 0.4406, IoU.traffic light: 0.3382, IoU.tray: 0.1529, IoU.ashcan: 0.4811, IoU.fan: 0.6616, IoU.pier: 0.2874, IoU.crt screen: 0.0231, IoU.plate: 0.5762, IoU.monitor: 0.1431, IoU.bulletin board: 0.6633, IoU.shower: 0.0314, IoU.radiator: 0.6115, IoU.glass: 0.1724, IoU.clock: 0.4527, IoU.flag: 0.6909, Acc.wall: 0.8907, Acc.building: 0.9301, Acc.sky: 0.9748, Acc.floor: 0.9045, Acc.tree: 0.9023, Acc.ceiling: 0.9362, Acc.road: 0.9126, Acc.bed : 0.9724, Acc.windowpane: 0.8162, Acc.grass: 0.8036, Acc.cabinet: 0.7330, Acc.sidewalk: 0.8399, Acc.person: 0.9386, Acc.earth: 0.4896, Acc.door: 0.7156, Acc.table: 0.8256, Acc.mountain: 0.7302, Acc.plant: 0.6407, Acc.curtain: 0.8856, Acc.chair: 0.7432, Acc.car: 0.9497, Acc.water: 0.7870, Acc.painting: 0.8961, Acc.sofa: 0.9044, Acc.shelf: 0.5819, Acc.house: 0.6357, Acc.sea: 0.7864, Acc.mirror: 0.8509, Acc.rug: 0.8694, Acc.field: 0.5789, Acc.armchair: 0.8151, Acc.seat: 0.8696, Acc.fence: 0.6908, Acc.desk: 0.7562, Acc.rock: 0.7160, Acc.wardrobe: 0.7336, Acc.lamp: 0.8196, Acc.bathtub: 0.9423, Acc.railing: 0.5747, Acc.cushion: 0.8498, Acc.base: 0.6100, Acc.box: 0.4979, Acc.column: 0.6897, Acc.signboard: 0.5218, Acc.chest of drawers: 0.7559, Acc.counter: 0.5452, Acc.sand: 0.8387, Acc.sink: 0.9079, Acc.skyscraper: 0.6288, Acc.fireplace: 0.9173, Acc.refrigerator: 0.9667, Acc.grandstand: 0.8234, Acc.path: 0.4051, Acc.stairs: 0.3723, Acc.runway: 0.9556, Acc.case: 0.7619, Acc.pool table: 0.9830, Acc.pillow: 0.7567, Acc.screen door: 0.9383, Acc.stairway: 0.4882, Acc.river: 0.2774, Acc.bridge: 0.8201, Acc.bookcase: 0.6498, Acc.blind: 0.4860, Acc.coffee table: 0.8739, Acc.toilet: 0.9395, Acc.flower: 0.5188, Acc.book: 0.6968, Acc.hill: 0.2422, Acc.bench: 0.7335, Acc.countertop: 0.7598, Acc.stove: 0.9280, Acc.palm: 0.8068, Acc.kitchen island: 0.8241, Acc.computer: 0.9293, Acc.swivel chair: 0.8658, Acc.boat: 0.9342, Acc.bar: 0.8377, Acc.arcade machine: 0.9867, Acc.hovel: 0.6501, Acc.bus: 0.9712, Acc.towel: 0.9057, Acc.light: 0.6877, Acc.truck: 0.6493, Acc.tower: 0.3816, Acc.chandelier: 0.8832, Acc.awning: 0.5365, Acc.streetlight: 0.4577, Acc.booth: 0.4953, Acc.television receiver: 0.8434, Acc.airplane: 0.9475, Acc.dirt track: 0.1969, Acc.apparel: 0.7775, Acc.pole: 0.2360, Acc.land: 0.0831, Acc.bannister: 0.2848, Acc.escalator: 0.8801, Acc.ottoman: 0.7664, Acc.bottle: 0.8098, Acc.buffet: 0.8379, Acc.poster: 0.4396, Acc.stage: 0.2776, Acc.van: 0.6014, Acc.ship: 0.2130, Acc.fountain: 0.3041, Acc.conveyer belt: 0.9699, Acc.canopy: 0.6385, Acc.washer: 0.8455, Acc.plaything: 0.4593, Acc.swimming pool: 0.8349, Acc.stool: 0.5940, Acc.barrel: 0.8993, Acc.basket: 0.6039, Acc.waterfall: 0.7900, Acc.tent: 0.9851, Acc.bag: 0.3423, Acc.minibike: 0.9042, Acc.cradle: 0.9796, Acc.oven: 0.8002, Acc.ball: 0.1156, Acc.food: 0.6695, Acc.step: 0.2442, Acc.tank: 0.6858, Acc.trade name: 0.3136, Acc.microwave: 0.9663, Acc.pot: 0.6636, Acc.animal: 0.7158, Acc.bicycle: 0.8069, Acc.lake: 0.6319, Acc.dishwasher: 0.8266, Acc.screen: 0.9178, Acc.blanket: 0.3042, Acc.sculpture: 0.8530, Acc.hood: 0.7791, Acc.sconce: 0.7018, Acc.vase: 0.5690, Acc.traffic light: 0.6280, Acc.tray: 0.2224, Acc.ashcan: 0.6258, Acc.fan: 0.7770, Acc.pier: 0.4063, Acc.crt screen: 0.0656, Acc.plate: 0.7534, Acc.monitor: 0.1583, Acc.bulletin board: 0.7622, Acc.shower: 0.0374, Acc.radiator: 0.7683, Acc.glass: 0.1850, Acc.clock: 0.4974, Acc.flag: 0.7278 2023-11-02 11:35:23,208 - mmseg - INFO - Iter [19050/80000] lr: 2.468e-06, eta: 1 day, 6:44:36, time: 3.379, data_time: 1.720, memory: 69173, decode.loss_ce: 0.2453, decode.acc_seg: 89.8367, aux.loss_ce: 0.1311, aux.acc_seg: 86.8060, loss: 0.3764 2023-11-02 11:36:46,390 - mmseg - INFO - Iter [19100/80000] lr: 2.466e-06, eta: 1 day, 6:42:41, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2461, decode.acc_seg: 89.4145, aux.loss_ce: 0.1295, aux.acc_seg: 86.8757, loss: 0.3756 2023-11-02 11:38:09,540 - mmseg - INFO - Iter [19150/80000] lr: 2.464e-06, eta: 1 day, 6:40:46, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2854, decode.acc_seg: 88.7212, aux.loss_ce: 0.1441, aux.acc_seg: 86.0165, loss: 0.4295 2023-11-02 11:39:32,704 - mmseg - INFO - Iter [19200/80000] lr: 2.462e-06, eta: 1 day, 6:38:51, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2565, decode.acc_seg: 89.1489, aux.loss_ce: 0.1347, aux.acc_seg: 86.4922, loss: 0.3911 2023-11-02 11:40:55,926 - mmseg - INFO - Iter [19250/80000] lr: 2.460e-06, eta: 1 day, 6:36:57, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2524, decode.acc_seg: 89.5870, aux.loss_ce: 0.1274, aux.acc_seg: 87.4753, loss: 0.3798 2023-11-02 11:42:19,131 - mmseg - INFO - Iter [19300/80000] lr: 2.458e-06, eta: 1 day, 6:35:02, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2571, decode.acc_seg: 88.8850, aux.loss_ce: 0.1307, aux.acc_seg: 86.6883, loss: 0.3878 2023-11-02 11:43:42,317 - mmseg - INFO - Iter [19350/80000] lr: 2.456e-06, eta: 1 day, 6:33:08, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2615, decode.acc_seg: 89.3022, aux.loss_ce: 0.1346, aux.acc_seg: 86.7632, loss: 0.3961 2023-11-02 11:45:05,498 - mmseg - INFO - Iter [19400/80000] lr: 2.454e-06, eta: 1 day, 6:31:14, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2578, decode.acc_seg: 89.0792, aux.loss_ce: 0.1319, aux.acc_seg: 86.7114, loss: 0.3897 2023-11-02 11:46:28,677 - mmseg - INFO - Iter [19450/80000] lr: 2.452e-06, eta: 1 day, 6:29:20, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2632, decode.acc_seg: 89.0356, aux.loss_ce: 0.1339, aux.acc_seg: 86.8395, loss: 0.3970 2023-11-02 11:47:51,841 - mmseg - INFO - Iter [19500/80000] lr: 2.450e-06, eta: 1 day, 6:27:26, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2629, decode.acc_seg: 88.9962, aux.loss_ce: 0.1358, aux.acc_seg: 86.3661, loss: 0.3987 2023-11-02 11:49:14,988 - mmseg - INFO - Iter [19550/80000] lr: 2.448e-06, eta: 1 day, 6:25:33, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2669, decode.acc_seg: 89.1322, aux.loss_ce: 0.1337, aux.acc_seg: 86.7840, loss: 0.4006 2023-11-02 11:50:38,266 - mmseg - INFO - Iter [19600/80000] lr: 2.446e-06, eta: 1 day, 6:23:39, time: 1.666, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2454, decode.acc_seg: 89.7555, aux.loss_ce: 0.1227, aux.acc_seg: 87.6066, loss: 0.3681 2023-11-02 11:52:01,465 - mmseg - INFO - Iter [19650/80000] lr: 2.444e-06, eta: 1 day, 6:21:46, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2446, decode.acc_seg: 89.8780, aux.loss_ce: 0.1220, aux.acc_seg: 87.7646, loss: 0.3667 2023-11-02 11:53:24,649 - mmseg - INFO - Iter [19700/80000] lr: 2.442e-06, eta: 1 day, 6:19:53, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2622, decode.acc_seg: 89.0530, aux.loss_ce: 0.1366, aux.acc_seg: 86.6832, loss: 0.3988 2023-11-02 11:54:47,800 - mmseg - INFO - Iter [19750/80000] lr: 2.440e-06, eta: 1 day, 6:18:00, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2465, decode.acc_seg: 89.6529, aux.loss_ce: 0.1281, aux.acc_seg: 86.9552, loss: 0.3746 2023-11-02 11:56:10,978 - mmseg - INFO - Iter [19800/80000] lr: 2.438e-06, eta: 1 day, 6:16:07, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2820, decode.acc_seg: 88.4984, aux.loss_ce: 0.1412, aux.acc_seg: 86.0345, loss: 0.4232 2023-11-02 11:57:34,137 - mmseg - INFO - Iter [19850/80000] lr: 2.436e-06, eta: 1 day, 6:14:14, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2604, decode.acc_seg: 89.0725, aux.loss_ce: 0.1309, aux.acc_seg: 86.9311, loss: 0.3913 2023-11-02 11:58:57,318 - mmseg - INFO - Iter [19900/80000] lr: 2.434e-06, eta: 1 day, 6:12:22, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2539, decode.acc_seg: 89.1972, aux.loss_ce: 0.1351, aux.acc_seg: 86.2869, loss: 0.3890 2023-11-02 12:00:20,524 - mmseg - INFO - Iter [19950/80000] lr: 2.432e-06, eta: 1 day, 6:10:29, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2659, decode.acc_seg: 88.9939, aux.loss_ce: 0.1360, aux.acc_seg: 86.4358, loss: 0.4019 2023-11-02 12:01:43,683 - mmseg - INFO - Saving checkpoint at 20000 iterations 2023-11-02 12:02:41,432 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 12:02:41,432 - mmseg - INFO - Iter [20000/80000] lr: 2.430e-06, eta: 1 day, 6:11:30, time: 2.818, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2655, decode.acc_seg: 88.8007, aux.loss_ce: 0.1319, aux.acc_seg: 86.7933, loss: 0.3974 2023-11-02 12:04:07,052 - mmseg - INFO - per class results: 2023-11-02 12:04:07,058 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.19 | 89.59 | | building | 83.51 | 90.98 | | sky | 94.84 | 97.08 | | floor | 83.74 | 89.21 | | tree | 77.56 | 91.17 | | ceiling | 86.48 | 94.53 | | road | 85.61 | 90.68 | | bed | 91.66 | 96.73 | | windowpane | 64.66 | 79.69 | | grass | 68.3 | 78.88 | | cabinet | 65.25 | 74.82 | | sidewalk | 68.27 | 80.13 | | person | 83.76 | 94.39 | | earth | 34.36 | 47.94 | | door | 60.3 | 76.54 | | table | 67.02 | 78.03 | | mountain | 62.03 | 78.6 | | plant | 56.23 | 66.93 | | curtain | 76.55 | 87.8 | | chair | 65.56 | 77.44 | | car | 86.8 | 93.82 | | water | 58.73 | 70.51 | | painting | 76.92 | 88.33 | | sofa | 79.87 | 92.32 | | shelf | 48.5 | 63.7 | | house | 51.73 | 77.22 | | sea | 69.84 | 84.27 | | mirror | 77.11 | 86.81 | | rug | 70.64 | 86.68 | | field | 26.89 | 54.67 | | armchair | 62.49 | 79.18 | | seat | 68.4 | 84.64 | | fence | 50.15 | 62.53 | | desk | 55.19 | 74.45 | | rock | 52.92 | 68.58 | | wardrobe | 52.27 | 70.8 | | lamp | 69.48 | 80.59 | | bathtub | 88.25 | 91.69 | | railing | 43.02 | 56.76 | | cushion | 64.89 | 72.34 | | base | 43.54 | 60.55 | | box | 35.2 | 44.52 | | column | 51.45 | 65.99 | | signboard | 42.86 | 57.95 | | chest of drawers | 47.79 | 78.62 | | counter | 55.16 | 63.28 | | sand | 57.84 | 86.57 | | sink | 77.3 | 83.1 | | skyscraper | 37.35 | 42.17 | | fireplace | 69.33 | 93.91 | | refrigerator | 84.87 | 93.94 | | grandstand | 51.67 | 80.33 | | path | 25.21 | 35.79 | | stairs | 39.15 | 51.18 | | runway | 74.06 | 98.0 | | case | 62.66 | 83.66 | | pool table | 93.48 | 97.97 | | pillow | 68.77 | 83.88 | | screen door | 71.21 | 73.97 | | stairway | 30.24 | 39.86 | | river | 14.77 | 36.76 | | bridge | 69.17 | 86.37 | | bookcase | 37.34 | 43.11 | | blind | 38.36 | 44.34 | | coffee table | 64.67 | 87.43 | | toilet | 89.23 | 92.89 | | flower | 31.63 | 55.06 | | book | 48.67 | 76.93 | | hill | 6.42 | 11.86 | | bench | 62.12 | 72.47 | | countertop | 64.9 | 81.99 | | stove | 84.1 | 89.2 | | palm | 52.36 | 81.1 | | kitchen island | 42.48 | 89.25 | | computer | 75.91 | 90.61 | | swivel chair | 49.93 | 81.88 | | boat | 50.37 | 92.68 | | bar | 66.43 | 77.76 | | arcade machine | 88.43 | 96.77 | | hovel | 41.97 | 47.63 | | bus | 91.51 | 97.15 | | towel | 69.8 | 79.55 | | light | 57.28 | 63.41 | | truck | 44.45 | 63.91 | | tower | 30.12 | 61.75 | | chandelier | 69.69 | 83.92 | | awning | 42.14 | 59.23 | | streetlight | 30.77 | 39.91 | | booth | 31.92 | 43.3 | | television receiver | 75.53 | 87.76 | | airplane | 83.93 | 95.15 | | dirt track | 6.08 | 30.16 | | apparel | 60.82 | 83.88 | | pole | 17.96 | 21.29 | | land | 3.95 | 9.26 | | bannister | 15.73 | 20.29 | | escalator | 58.44 | 87.69 | | ottoman | 44.81 | 73.51 | | bottle | 42.31 | 60.36 | | buffet | 66.14 | 79.73 | | poster | 33.72 | 40.13 | | stage | 30.48 | 66.75 | | van | 50.07 | 72.13 | | ship | 26.51 | 28.37 | | fountain | 37.01 | 42.69 | | conveyer belt | 76.39 | 94.05 | | canopy | 55.32 | 73.73 | | washer | 80.78 | 84.32 | | plaything | 26.66 | 41.47 | | swimming pool | 58.38 | 75.84 | | stool | 47.02 | 57.31 | | barrel | 55.72 | 72.98 | | basket | 40.74 | 47.63 | | waterfall | 60.24 | 84.89 | | tent | 92.86 | 99.05 | | bag | 27.24 | 32.98 | | minibike | 73.63 | 91.27 | | cradle | 85.88 | 98.31 | | oven | 60.94 | 82.37 | | ball | 57.37 | 67.13 | | food | 61.04 | 81.03 | | step | 15.43 | 20.15 | | tank | 74.43 | 98.39 | | trade name | 20.06 | 21.83 | | microwave | 89.15 | 94.78 | | pot | 56.93 | 64.17 | | animal | 69.29 | 72.14 | | bicycle | 58.71 | 79.41 | | lake | 61.6 | 69.54 | | dishwasher | 76.69 | 82.35 | | screen | 57.65 | 94.91 | | blanket | 28.77 | 33.57 | | sculpture | 75.75 | 85.85 | | hood | 61.79 | 72.13 | | sconce | 53.15 | 64.25 | | vase | 45.81 | 60.87 | | traffic light | 31.43 | 53.77 | | tray | 18.7 | 37.02 | | ashcan | 50.26 | 67.84 | | fan | 65.64 | 78.99 | | pier | 44.5 | 58.39 | | crt screen | 11.7 | 17.4 | | plate | 59.1 | 73.56 | | monitor | 63.13 | 78.62 | | bulletin board | 64.76 | 79.69 | | shower | 0.64 | 2.95 | | radiator | 62.82 | 78.38 | | glass | 17.17 | 18.17 | | clock | 46.22 | 53.09 | | flag | 64.79 | 77.72 | +---------------------+-------+-------+ 2023-11-02 12:04:07,058 - mmseg - INFO - Summary: 2023-11-02 12:04:07,058 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.31 | 56.25 | 70.12 | +-------+-------+-------+ 2023-11-02 12:04:07,059 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 12:04:07,059 - mmseg - INFO - Iter(val) [250] aAcc: 0.8531, mIoU: 0.5625, mAcc: 0.7012, IoU.wall: 0.8119, IoU.building: 0.8351, IoU.sky: 0.9484, IoU.floor: 0.8374, IoU.tree: 0.7756, IoU.ceiling: 0.8648, IoU.road: 0.8561, IoU.bed : 0.9166, IoU.windowpane: 0.6466, IoU.grass: 0.6830, IoU.cabinet: 0.6525, IoU.sidewalk: 0.6827, IoU.person: 0.8376, IoU.earth: 0.3436, IoU.door: 0.6030, IoU.table: 0.6702, IoU.mountain: 0.6203, IoU.plant: 0.5623, IoU.curtain: 0.7655, IoU.chair: 0.6556, IoU.car: 0.8680, IoU.water: 0.5873, IoU.painting: 0.7692, IoU.sofa: 0.7987, IoU.shelf: 0.4850, IoU.house: 0.5173, IoU.sea: 0.6984, IoU.mirror: 0.7711, IoU.rug: 0.7064, IoU.field: 0.2689, IoU.armchair: 0.6249, IoU.seat: 0.6840, IoU.fence: 0.5015, IoU.desk: 0.5519, IoU.rock: 0.5292, IoU.wardrobe: 0.5227, IoU.lamp: 0.6948, IoU.bathtub: 0.8825, IoU.railing: 0.4302, IoU.cushion: 0.6489, IoU.base: 0.4354, IoU.box: 0.3520, IoU.column: 0.5145, IoU.signboard: 0.4286, IoU.chest of drawers: 0.4779, IoU.counter: 0.5516, IoU.sand: 0.5784, IoU.sink: 0.7730, IoU.skyscraper: 0.3735, IoU.fireplace: 0.6933, IoU.refrigerator: 0.8487, IoU.grandstand: 0.5167, IoU.path: 0.2521, IoU.stairs: 0.3915, IoU.runway: 0.7406, IoU.case: 0.6266, IoU.pool table: 0.9348, IoU.pillow: 0.6877, IoU.screen door: 0.7121, IoU.stairway: 0.3024, IoU.river: 0.1477, IoU.bridge: 0.6917, IoU.bookcase: 0.3734, IoU.blind: 0.3836, IoU.coffee table: 0.6467, IoU.toilet: 0.8923, IoU.flower: 0.3163, IoU.book: 0.4867, IoU.hill: 0.0642, IoU.bench: 0.6212, IoU.countertop: 0.6490, IoU.stove: 0.8410, IoU.palm: 0.5236, IoU.kitchen island: 0.4248, IoU.computer: 0.7591, IoU.swivel chair: 0.4993, IoU.boat: 0.5037, IoU.bar: 0.6643, IoU.arcade machine: 0.8843, IoU.hovel: 0.4197, IoU.bus: 0.9151, IoU.towel: 0.6980, IoU.light: 0.5728, IoU.truck: 0.4445, IoU.tower: 0.3012, IoU.chandelier: 0.6969, IoU.awning: 0.4214, IoU.streetlight: 0.3077, IoU.booth: 0.3192, IoU.television receiver: 0.7553, IoU.airplane: 0.8393, IoU.dirt track: 0.0608, IoU.apparel: 0.6082, IoU.pole: 0.1796, IoU.land: 0.0395, IoU.bannister: 0.1573, IoU.escalator: 0.5844, IoU.ottoman: 0.4481, IoU.bottle: 0.4231, IoU.buffet: 0.6614, IoU.poster: 0.3372, IoU.stage: 0.3048, IoU.van: 0.5007, IoU.ship: 0.2651, IoU.fountain: 0.3701, IoU.conveyer belt: 0.7639, IoU.canopy: 0.5532, IoU.washer: 0.8078, IoU.plaything: 0.2666, IoU.swimming pool: 0.5838, IoU.stool: 0.4702, IoU.barrel: 0.5572, IoU.basket: 0.4074, IoU.waterfall: 0.6024, IoU.tent: 0.9286, IoU.bag: 0.2724, IoU.minibike: 0.7363, IoU.cradle: 0.8588, IoU.oven: 0.6094, IoU.ball: 0.5737, IoU.food: 0.6104, IoU.step: 0.1543, IoU.tank: 0.7443, IoU.trade name: 0.2006, IoU.microwave: 0.8915, IoU.pot: 0.5693, IoU.animal: 0.6929, IoU.bicycle: 0.5871, IoU.lake: 0.6160, IoU.dishwasher: 0.7669, IoU.screen: 0.5765, IoU.blanket: 0.2877, IoU.sculpture: 0.7575, IoU.hood: 0.6179, IoU.sconce: 0.5315, IoU.vase: 0.4581, IoU.traffic light: 0.3143, IoU.tray: 0.1870, IoU.ashcan: 0.5026, IoU.fan: 0.6564, IoU.pier: 0.4450, IoU.crt screen: 0.1170, IoU.plate: 0.5910, IoU.monitor: 0.6313, IoU.bulletin board: 0.6476, IoU.shower: 0.0064, IoU.radiator: 0.6282, IoU.glass: 0.1717, IoU.clock: 0.4622, IoU.flag: 0.6479, Acc.wall: 0.8959, Acc.building: 0.9098, Acc.sky: 0.9708, Acc.floor: 0.8921, Acc.tree: 0.9117, Acc.ceiling: 0.9453, Acc.road: 0.9068, Acc.bed : 0.9673, Acc.windowpane: 0.7969, Acc.grass: 0.7888, Acc.cabinet: 0.7482, Acc.sidewalk: 0.8013, Acc.person: 0.9439, Acc.earth: 0.4794, Acc.door: 0.7654, Acc.table: 0.7803, Acc.mountain: 0.7860, Acc.plant: 0.6693, Acc.curtain: 0.8780, Acc.chair: 0.7744, Acc.car: 0.9382, Acc.water: 0.7051, Acc.painting: 0.8833, Acc.sofa: 0.9232, Acc.shelf: 0.6370, Acc.house: 0.7722, Acc.sea: 0.8427, Acc.mirror: 0.8681, Acc.rug: 0.8668, Acc.field: 0.5467, Acc.armchair: 0.7918, Acc.seat: 0.8464, Acc.fence: 0.6253, Acc.desk: 0.7445, Acc.rock: 0.6858, Acc.wardrobe: 0.7080, Acc.lamp: 0.8059, Acc.bathtub: 0.9169, Acc.railing: 0.5676, Acc.cushion: 0.7234, Acc.base: 0.6055, Acc.box: 0.4452, Acc.column: 0.6599, Acc.signboard: 0.5795, Acc.chest of drawers: 0.7862, Acc.counter: 0.6328, Acc.sand: 0.8657, Acc.sink: 0.8310, Acc.skyscraper: 0.4217, Acc.fireplace: 0.9391, Acc.refrigerator: 0.9394, Acc.grandstand: 0.8033, Acc.path: 0.3579, Acc.stairs: 0.5118, Acc.runway: 0.9800, Acc.case: 0.8366, Acc.pool table: 0.9797, Acc.pillow: 0.8388, Acc.screen door: 0.7397, Acc.stairway: 0.3986, Acc.river: 0.3676, Acc.bridge: 0.8637, Acc.bookcase: 0.4311, Acc.blind: 0.4434, Acc.coffee table: 0.8743, Acc.toilet: 0.9289, Acc.flower: 0.5506, Acc.book: 0.7693, Acc.hill: 0.1186, Acc.bench: 0.7247, Acc.countertop: 0.8199, Acc.stove: 0.8920, Acc.palm: 0.8110, Acc.kitchen island: 0.8925, Acc.computer: 0.9061, Acc.swivel chair: 0.8188, Acc.boat: 0.9268, Acc.bar: 0.7776, Acc.arcade machine: 0.9677, Acc.hovel: 0.4763, Acc.bus: 0.9715, Acc.towel: 0.7955, Acc.light: 0.6341, Acc.truck: 0.6391, Acc.tower: 0.6175, Acc.chandelier: 0.8392, Acc.awning: 0.5923, Acc.streetlight: 0.3991, Acc.booth: 0.4330, Acc.television receiver: 0.8776, Acc.airplane: 0.9515, Acc.dirt track: 0.3016, Acc.apparel: 0.8388, Acc.pole: 0.2129, Acc.land: 0.0926, Acc.bannister: 0.2029, Acc.escalator: 0.8769, Acc.ottoman: 0.7351, Acc.bottle: 0.6036, Acc.buffet: 0.7973, Acc.poster: 0.4013, Acc.stage: 0.6675, Acc.van: 0.7213, Acc.ship: 0.2837, Acc.fountain: 0.4269, Acc.conveyer belt: 0.9405, Acc.canopy: 0.7373, Acc.washer: 0.8432, Acc.plaything: 0.4147, Acc.swimming pool: 0.7584, Acc.stool: 0.5731, Acc.barrel: 0.7298, Acc.basket: 0.4763, Acc.waterfall: 0.8489, Acc.tent: 0.9905, Acc.bag: 0.3298, Acc.minibike: 0.9127, Acc.cradle: 0.9831, Acc.oven: 0.8237, Acc.ball: 0.6713, Acc.food: 0.8103, Acc.step: 0.2015, Acc.tank: 0.9839, Acc.trade name: 0.2183, Acc.microwave: 0.9478, Acc.pot: 0.6417, Acc.animal: 0.7214, Acc.bicycle: 0.7941, Acc.lake: 0.6954, Acc.dishwasher: 0.8235, Acc.screen: 0.9491, Acc.blanket: 0.3357, Acc.sculpture: 0.8585, Acc.hood: 0.7213, Acc.sconce: 0.6425, Acc.vase: 0.6087, Acc.traffic light: 0.5377, Acc.tray: 0.3702, Acc.ashcan: 0.6784, Acc.fan: 0.7899, Acc.pier: 0.5839, Acc.crt screen: 0.1740, Acc.plate: 0.7356, Acc.monitor: 0.7862, Acc.bulletin board: 0.7969, Acc.shower: 0.0295, Acc.radiator: 0.7838, Acc.glass: 0.1817, Acc.clock: 0.5309, Acc.flag: 0.7772 2023-11-02 12:05:30,383 - mmseg - INFO - Iter [20050/80000] lr: 2.428e-06, eta: 1 day, 6:13:54, time: 3.379, data_time: 1.721, memory: 69173, decode.loss_ce: 0.2587, decode.acc_seg: 89.4775, aux.loss_ce: 0.1329, aux.acc_seg: 86.8164, loss: 0.3915 2023-11-02 12:06:53,563 - mmseg - INFO - Iter [20100/80000] lr: 2.426e-06, eta: 1 day, 6:12:01, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2521, decode.acc_seg: 89.6437, aux.loss_ce: 0.1291, aux.acc_seg: 87.1390, loss: 0.3812 2023-11-02 12:08:16,788 - mmseg - INFO - Iter [20150/80000] lr: 2.424e-06, eta: 1 day, 6:10:08, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2544, decode.acc_seg: 89.1472, aux.loss_ce: 0.1335, aux.acc_seg: 86.6583, loss: 0.3879 2023-11-02 12:09:40,035 - mmseg - INFO - Iter [20200/80000] lr: 2.422e-06, eta: 1 day, 6:08:15, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2621, decode.acc_seg: 89.1063, aux.loss_ce: 0.1310, aux.acc_seg: 86.7964, loss: 0.3931 2023-11-02 12:11:05,568 - mmseg - INFO - Iter [20250/80000] lr: 2.420e-06, eta: 1 day, 6:06:29, time: 1.711, data_time: 0.054, memory: 69173, decode.loss_ce: 0.2446, decode.acc_seg: 89.8573, aux.loss_ce: 0.1253, aux.acc_seg: 87.7326, loss: 0.3698 2023-11-02 12:12:28,770 - mmseg - INFO - Iter [20300/80000] lr: 2.418e-06, eta: 1 day, 6:04:36, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2400, decode.acc_seg: 89.8109, aux.loss_ce: 0.1246, aux.acc_seg: 87.5392, loss: 0.3646 2023-11-02 12:13:51,990 - mmseg - INFO - Iter [20350/80000] lr: 2.416e-06, eta: 1 day, 6:02:43, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2429, decode.acc_seg: 89.9442, aux.loss_ce: 0.1261, aux.acc_seg: 87.5495, loss: 0.3691 2023-11-02 12:15:15,170 - mmseg - INFO - Iter [20400/80000] lr: 2.414e-06, eta: 1 day, 6:00:51, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2306, decode.acc_seg: 90.5097, aux.loss_ce: 0.1255, aux.acc_seg: 87.6165, loss: 0.3561 2023-11-02 12:16:38,353 - mmseg - INFO - Iter [20450/80000] lr: 2.412e-06, eta: 1 day, 5:58:58, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2293, decode.acc_seg: 90.2005, aux.loss_ce: 0.1210, aux.acc_seg: 87.6346, loss: 0.3502 2023-11-02 12:18:01,511 - mmseg - INFO - Iter [20500/80000] lr: 2.410e-06, eta: 1 day, 5:57:06, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2393, decode.acc_seg: 89.9488, aux.loss_ce: 0.1275, aux.acc_seg: 87.2977, loss: 0.3668 2023-11-02 12:19:24,720 - mmseg - INFO - Iter [20550/80000] lr: 2.408e-06, eta: 1 day, 5:55:14, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2466, decode.acc_seg: 89.6459, aux.loss_ce: 0.1298, aux.acc_seg: 87.0932, loss: 0.3764 2023-11-02 12:20:47,919 - mmseg - INFO - Iter [20600/80000] lr: 2.406e-06, eta: 1 day, 5:53:22, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2527, decode.acc_seg: 89.7550, aux.loss_ce: 0.1279, aux.acc_seg: 87.6902, loss: 0.3806 2023-11-02 12:22:11,106 - mmseg - INFO - Iter [20650/80000] lr: 2.404e-06, eta: 1 day, 5:51:30, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2513, decode.acc_seg: 89.5879, aux.loss_ce: 0.1289, aux.acc_seg: 86.9932, loss: 0.3803 2023-11-02 12:23:34,287 - mmseg - INFO - Iter [20700/80000] lr: 2.402e-06, eta: 1 day, 5:49:39, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2497, decode.acc_seg: 89.5262, aux.loss_ce: 0.1313, aux.acc_seg: 87.2426, loss: 0.3810 2023-11-02 12:24:57,471 - mmseg - INFO - Iter [20750/80000] lr: 2.400e-06, eta: 1 day, 5:47:47, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2448, decode.acc_seg: 89.9966, aux.loss_ce: 0.1285, aux.acc_seg: 87.5206, loss: 0.3733 2023-11-02 12:26:20,648 - mmseg - INFO - Iter [20800/80000] lr: 2.397e-06, eta: 1 day, 5:45:56, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2471, decode.acc_seg: 89.4730, aux.loss_ce: 0.1306, aux.acc_seg: 86.8422, loss: 0.3776 2023-11-02 12:27:43,843 - mmseg - INFO - Iter [20850/80000] lr: 2.395e-06, eta: 1 day, 5:44:04, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2522, decode.acc_seg: 89.7326, aux.loss_ce: 0.1275, aux.acc_seg: 87.2195, loss: 0.3798 2023-11-02 12:29:07,086 - mmseg - INFO - Iter [20900/80000] lr: 2.393e-06, eta: 1 day, 5:42:13, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2727, decode.acc_seg: 89.0389, aux.loss_ce: 0.1380, aux.acc_seg: 86.5991, loss: 0.4107 2023-11-02 12:30:30,262 - mmseg - INFO - Iter [20950/80000] lr: 2.391e-06, eta: 1 day, 5:40:22, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2763, decode.acc_seg: 88.5862, aux.loss_ce: 0.1351, aux.acc_seg: 86.5994, loss: 0.4114 2023-11-02 12:31:53,452 - mmseg - INFO - Saving checkpoint at 21000 iterations 2023-11-02 12:32:48,696 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 12:32:48,696 - mmseg - INFO - Iter [21000/80000] lr: 2.389e-06, eta: 1 day, 5:41:07, time: 2.769, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2491, decode.acc_seg: 89.4928, aux.loss_ce: 0.1297, aux.acc_seg: 87.1462, loss: 0.3788 2023-11-02 12:34:13,239 - mmseg - INFO - per class results: 2023-11-02 12:34:13,245 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.29 | 88.61 | | building | 84.03 | 92.41 | | sky | 94.76 | 97.29 | | floor | 84.16 | 92.09 | | tree | 76.51 | 88.93 | | ceiling | 86.51 | 92.5 | | road | 86.1 | 91.7 | | bed | 92.25 | 97.06 | | windowpane | 65.92 | 82.3 | | grass | 71.4 | 80.97 | | cabinet | 65.69 | 72.32 | | sidewalk | 69.16 | 80.26 | | person | 83.84 | 94.42 | | earth | 39.33 | 52.4 | | door | 59.31 | 79.43 | | table | 69.63 | 85.01 | | mountain | 62.63 | 77.26 | | plant | 57.45 | 68.67 | | curtain | 77.94 | 87.68 | | chair | 63.94 | 74.66 | | car | 87.16 | 94.24 | | water | 63.43 | 79.11 | | painting | 77.6 | 89.22 | | sofa | 79.37 | 92.05 | | shelf | 48.6 | 63.72 | | house | 51.85 | 72.29 | | sea | 72.46 | 82.27 | | mirror | 77.09 | 85.17 | | rug | 72.09 | 79.77 | | field | 34.01 | 54.82 | | armchair | 61.21 | 78.7 | | seat | 63.77 | 88.49 | | fence | 51.96 | 75.84 | | desk | 56.81 | 78.51 | | rock | 45.61 | 70.75 | | wardrobe | 57.01 | 83.04 | | lamp | 71.31 | 82.83 | | bathtub | 85.39 | 89.44 | | railing | 43.72 | 72.81 | | cushion | 66.82 | 80.89 | | base | 43.19 | 56.97 | | box | 36.98 | 47.84 | | column | 55.21 | 69.56 | | signboard | 41.82 | 52.09 | | chest of drawers | 53.54 | 79.36 | | counter | 37.51 | 42.38 | | sand | 56.01 | 84.38 | | sink | 79.81 | 87.6 | | skyscraper | 42.51 | 59.84 | | fireplace | 68.69 | 94.7 | | refrigerator | 83.77 | 95.69 | | grandstand | 46.09 | 82.35 | | path | 28.09 | 41.45 | | stairs | 36.32 | 45.63 | | runway | 70.63 | 96.34 | | case | 68.85 | 85.53 | | pool table | 93.68 | 98.25 | | pillow | 65.2 | 72.63 | | screen door | 69.95 | 72.03 | | stairway | 33.24 | 44.65 | | river | 9.58 | 18.19 | | bridge | 74.55 | 85.32 | | bookcase | 42.58 | 53.8 | | blind | 41.65 | 47.36 | | coffee table | 74.84 | 81.67 | | toilet | 89.8 | 93.66 | | flower | 36.18 | 45.25 | | book | 52.84 | 76.08 | | hill | 7.13 | 11.47 | | bench | 52.16 | 59.7 | | countertop | 62.08 | 77.42 | | stove | 83.73 | 88.95 | | palm | 47.05 | 86.32 | | kitchen island | 51.3 | 84.27 | | computer | 76.58 | 91.51 | | swivel chair | 52.76 | 86.28 | | boat | 68.2 | 88.6 | | bar | 56.08 | 87.7 | | arcade machine | 82.73 | 88.86 | | hovel | 21.66 | 22.82 | | bus | 92.24 | 96.59 | | towel | 67.17 | 77.7 | | light | 60.52 | 72.99 | | truck | 46.73 | 61.86 | | tower | 33.92 | 58.23 | | chandelier | 71.09 | 87.57 | | awning | 44.21 | 59.63 | | streetlight | 31.14 | 41.35 | | booth | 54.09 | 58.86 | | television receiver | 78.22 | 89.29 | | airplane | 86.68 | 94.58 | | dirt track | 5.5 | 11.82 | | apparel | 51.19 | 71.71 | | pole | 23.23 | 31.45 | | land | 3.3 | 6.58 | | bannister | 16.75 | 22.03 | | escalator | 58.88 | 83.68 | | ottoman | 51.14 | 65.31 | | bottle | 41.86 | 69.49 | | buffet | 65.07 | 88.58 | | poster | 34.13 | 42.25 | | stage | 20.47 | 40.13 | | van | 50.58 | 71.42 | | ship | 25.62 | 31.39 | | fountain | 28.12 | 28.49 | | conveyer belt | 80.27 | 92.95 | | canopy | 44.01 | 64.35 | | washer | 80.68 | 86.95 | | plaything | 29.27 | 41.79 | | swimming pool | 62.15 | 77.56 | | stool | 50.81 | 67.67 | | barrel | 59.75 | 85.86 | | basket | 39.37 | 54.01 | | waterfall | 49.03 | 62.11 | | tent | 92.4 | 98.72 | | bag | 22.77 | 26.83 | | minibike | 73.71 | 91.21 | | cradle | 87.36 | 97.87 | | oven | 63.3 | 78.27 | | ball | 57.78 | 64.44 | | food | 62.11 | 79.64 | | step | 14.8 | 18.84 | | tank | 62.64 | 66.8 | | trade name | 28.6 | 32.64 | | microwave | 87.08 | 96.81 | | pot | 57.51 | 66.07 | | animal | 64.21 | 66.22 | | bicycle | 61.6 | 81.91 | | lake | 38.85 | 84.08 | | dishwasher | 71.88 | 83.25 | | screen | 49.15 | 77.37 | | blanket | 21.66 | 24.26 | | sculpture | 78.09 | 83.18 | | hood | 70.8 | 85.26 | | sconce | 55.68 | 66.17 | | vase | 46.88 | 58.88 | | traffic light | 33.58 | 61.8 | | tray | 14.82 | 21.62 | | ashcan | 51.85 | 66.28 | | fan | 66.83 | 87.05 | | pier | 38.53 | 41.64 | | crt screen | 8.58 | 20.18 | | plate | 57.5 | 76.05 | | monitor | 35.1 | 42.94 | | bulletin board | 52.53 | 80.11 | | shower | 0.0 | 0.0 | | radiator | 62.39 | 81.28 | | glass | 17.73 | 18.56 | | clock | 51.1 | 61.92 | | flag | 68.56 | 81.51 | +---------------------+-------+-------+ 2023-11-02 12:34:13,245 - mmseg - INFO - Summary: 2023-11-02 12:34:13,245 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.66 | 55.99 | 69.47 | +-------+-------+-------+ 2023-11-02 12:34:13,246 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 12:34:13,246 - mmseg - INFO - Iter(val) [250] aAcc: 0.8566, mIoU: 0.5599, mAcc: 0.6947, IoU.wall: 0.8129, IoU.building: 0.8403, IoU.sky: 0.9476, IoU.floor: 0.8416, IoU.tree: 0.7651, IoU.ceiling: 0.8651, IoU.road: 0.8610, IoU.bed : 0.9225, IoU.windowpane: 0.6592, IoU.grass: 0.7140, IoU.cabinet: 0.6569, IoU.sidewalk: 0.6916, IoU.person: 0.8384, IoU.earth: 0.3933, IoU.door: 0.5931, IoU.table: 0.6963, IoU.mountain: 0.6263, IoU.plant: 0.5745, IoU.curtain: 0.7794, IoU.chair: 0.6394, IoU.car: 0.8716, IoU.water: 0.6343, IoU.painting: 0.7760, IoU.sofa: 0.7937, IoU.shelf: 0.4860, IoU.house: 0.5185, IoU.sea: 0.7246, IoU.mirror: 0.7709, IoU.rug: 0.7209, IoU.field: 0.3401, IoU.armchair: 0.6121, IoU.seat: 0.6377, IoU.fence: 0.5196, IoU.desk: 0.5681, IoU.rock: 0.4561, IoU.wardrobe: 0.5701, IoU.lamp: 0.7131, IoU.bathtub: 0.8539, IoU.railing: 0.4372, IoU.cushion: 0.6682, IoU.base: 0.4319, IoU.box: 0.3698, IoU.column: 0.5521, IoU.signboard: 0.4182, IoU.chest of drawers: 0.5354, IoU.counter: 0.3751, IoU.sand: 0.5601, IoU.sink: 0.7981, IoU.skyscraper: 0.4251, IoU.fireplace: 0.6869, IoU.refrigerator: 0.8377, IoU.grandstand: 0.4609, IoU.path: 0.2809, IoU.stairs: 0.3632, IoU.runway: 0.7063, IoU.case: 0.6885, IoU.pool table: 0.9368, IoU.pillow: 0.6520, IoU.screen door: 0.6995, IoU.stairway: 0.3324, IoU.river: 0.0958, IoU.bridge: 0.7455, IoU.bookcase: 0.4258, IoU.blind: 0.4165, IoU.coffee table: 0.7484, IoU.toilet: 0.8980, IoU.flower: 0.3618, IoU.book: 0.5284, IoU.hill: 0.0713, IoU.bench: 0.5216, IoU.countertop: 0.6208, IoU.stove: 0.8373, IoU.palm: 0.4705, IoU.kitchen island: 0.5130, IoU.computer: 0.7658, IoU.swivel chair: 0.5276, IoU.boat: 0.6820, IoU.bar: 0.5608, IoU.arcade machine: 0.8273, IoU.hovel: 0.2166, IoU.bus: 0.9224, IoU.towel: 0.6717, IoU.light: 0.6052, IoU.truck: 0.4673, IoU.tower: 0.3392, IoU.chandelier: 0.7109, IoU.awning: 0.4421, IoU.streetlight: 0.3114, IoU.booth: 0.5409, IoU.television receiver: 0.7822, IoU.airplane: 0.8668, IoU.dirt track: 0.0550, IoU.apparel: 0.5119, IoU.pole: 0.2323, IoU.land: 0.0330, IoU.bannister: 0.1675, IoU.escalator: 0.5888, IoU.ottoman: 0.5114, IoU.bottle: 0.4186, IoU.buffet: 0.6507, IoU.poster: 0.3413, IoU.stage: 0.2047, IoU.van: 0.5058, IoU.ship: 0.2562, IoU.fountain: 0.2812, IoU.conveyer belt: 0.8027, IoU.canopy: 0.4401, IoU.washer: 0.8068, IoU.plaything: 0.2927, IoU.swimming pool: 0.6215, IoU.stool: 0.5081, IoU.barrel: 0.5975, IoU.basket: 0.3937, IoU.waterfall: 0.4903, IoU.tent: 0.9240, IoU.bag: 0.2277, IoU.minibike: 0.7371, IoU.cradle: 0.8736, IoU.oven: 0.6330, IoU.ball: 0.5778, IoU.food: 0.6211, IoU.step: 0.1480, IoU.tank: 0.6264, IoU.trade name: 0.2860, IoU.microwave: 0.8708, IoU.pot: 0.5751, IoU.animal: 0.6421, IoU.bicycle: 0.6160, IoU.lake: 0.3885, IoU.dishwasher: 0.7188, IoU.screen: 0.4915, IoU.blanket: 0.2166, IoU.sculpture: 0.7809, IoU.hood: 0.7080, IoU.sconce: 0.5568, IoU.vase: 0.4688, IoU.traffic light: 0.3358, IoU.tray: 0.1482, IoU.ashcan: 0.5185, IoU.fan: 0.6683, IoU.pier: 0.3853, IoU.crt screen: 0.0858, IoU.plate: 0.5750, IoU.monitor: 0.3510, IoU.bulletin board: 0.5253, IoU.shower: 0.0000, IoU.radiator: 0.6239, IoU.glass: 0.1773, IoU.clock: 0.5110, IoU.flag: 0.6856, Acc.wall: 0.8861, Acc.building: 0.9241, Acc.sky: 0.9729, Acc.floor: 0.9209, Acc.tree: 0.8893, Acc.ceiling: 0.9250, Acc.road: 0.9170, Acc.bed : 0.9706, Acc.windowpane: 0.8230, Acc.grass: 0.8097, Acc.cabinet: 0.7232, Acc.sidewalk: 0.8026, Acc.person: 0.9442, Acc.earth: 0.5240, Acc.door: 0.7943, Acc.table: 0.8501, Acc.mountain: 0.7726, Acc.plant: 0.6867, Acc.curtain: 0.8768, Acc.chair: 0.7466, Acc.car: 0.9424, Acc.water: 0.7911, Acc.painting: 0.8922, Acc.sofa: 0.9205, Acc.shelf: 0.6372, Acc.house: 0.7229, Acc.sea: 0.8227, Acc.mirror: 0.8517, Acc.rug: 0.7977, Acc.field: 0.5482, Acc.armchair: 0.7870, Acc.seat: 0.8849, Acc.fence: 0.7584, Acc.desk: 0.7851, Acc.rock: 0.7075, Acc.wardrobe: 0.8304, Acc.lamp: 0.8283, Acc.bathtub: 0.8944, Acc.railing: 0.7281, Acc.cushion: 0.8089, Acc.base: 0.5697, Acc.box: 0.4784, Acc.column: 0.6956, Acc.signboard: 0.5209, Acc.chest of drawers: 0.7936, Acc.counter: 0.4238, Acc.sand: 0.8438, Acc.sink: 0.8760, Acc.skyscraper: 0.5984, Acc.fireplace: 0.9470, Acc.refrigerator: 0.9569, Acc.grandstand: 0.8235, Acc.path: 0.4145, Acc.stairs: 0.4563, Acc.runway: 0.9634, Acc.case: 0.8553, Acc.pool table: 0.9825, Acc.pillow: 0.7263, Acc.screen door: 0.7203, Acc.stairway: 0.4465, Acc.river: 0.1819, Acc.bridge: 0.8532, Acc.bookcase: 0.5380, Acc.blind: 0.4736, Acc.coffee table: 0.8167, Acc.toilet: 0.9366, Acc.flower: 0.4525, Acc.book: 0.7608, Acc.hill: 0.1147, Acc.bench: 0.5970, Acc.countertop: 0.7742, Acc.stove: 0.8895, Acc.palm: 0.8632, Acc.kitchen island: 0.8427, Acc.computer: 0.9151, Acc.swivel chair: 0.8628, Acc.boat: 0.8860, Acc.bar: 0.8770, Acc.arcade machine: 0.8886, Acc.hovel: 0.2282, Acc.bus: 0.9659, Acc.towel: 0.7770, Acc.light: 0.7299, Acc.truck: 0.6186, Acc.tower: 0.5823, Acc.chandelier: 0.8757, Acc.awning: 0.5963, Acc.streetlight: 0.4135, Acc.booth: 0.5886, Acc.television receiver: 0.8929, Acc.airplane: 0.9458, Acc.dirt track: 0.1182, Acc.apparel: 0.7171, Acc.pole: 0.3145, Acc.land: 0.0658, Acc.bannister: 0.2203, Acc.escalator: 0.8368, Acc.ottoman: 0.6531, Acc.bottle: 0.6949, Acc.buffet: 0.8858, Acc.poster: 0.4225, Acc.stage: 0.4013, Acc.van: 0.7142, Acc.ship: 0.3139, Acc.fountain: 0.2849, Acc.conveyer belt: 0.9295, Acc.canopy: 0.6435, Acc.washer: 0.8695, Acc.plaything: 0.4179, Acc.swimming pool: 0.7756, Acc.stool: 0.6767, Acc.barrel: 0.8586, Acc.basket: 0.5401, Acc.waterfall: 0.6211, Acc.tent: 0.9872, Acc.bag: 0.2683, Acc.minibike: 0.9121, Acc.cradle: 0.9787, Acc.oven: 0.7827, Acc.ball: 0.6444, Acc.food: 0.7964, Acc.step: 0.1884, Acc.tank: 0.6680, Acc.trade name: 0.3264, Acc.microwave: 0.9681, Acc.pot: 0.6607, Acc.animal: 0.6622, Acc.bicycle: 0.8191, Acc.lake: 0.8408, Acc.dishwasher: 0.8325, Acc.screen: 0.7737, Acc.blanket: 0.2426, Acc.sculpture: 0.8318, Acc.hood: 0.8526, Acc.sconce: 0.6617, Acc.vase: 0.5888, Acc.traffic light: 0.6180, Acc.tray: 0.2162, Acc.ashcan: 0.6628, Acc.fan: 0.8705, Acc.pier: 0.4164, Acc.crt screen: 0.2018, Acc.plate: 0.7605, Acc.monitor: 0.4294, Acc.bulletin board: 0.8011, Acc.shower: 0.0000, Acc.radiator: 0.8128, Acc.glass: 0.1856, Acc.clock: 0.6192, Acc.flag: 0.8151 2023-11-02 12:35:36,468 - mmseg - INFO - Iter [21050/80000] lr: 2.387e-06, eta: 1 day, 5:43:12, time: 3.355, data_time: 1.699, memory: 69173, decode.loss_ce: 0.2522, decode.acc_seg: 89.5516, aux.loss_ce: 0.1310, aux.acc_seg: 87.1803, loss: 0.3832 2023-11-02 12:36:59,627 - mmseg - INFO - Iter [21100/80000] lr: 2.385e-06, eta: 1 day, 5:41:21, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2555, decode.acc_seg: 89.1347, aux.loss_ce: 0.1255, aux.acc_seg: 87.6179, loss: 0.3810 2023-11-02 12:38:22,781 - mmseg - INFO - Iter [21150/80000] lr: 2.383e-06, eta: 1 day, 5:39:29, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2371, decode.acc_seg: 90.1546, aux.loss_ce: 0.1252, aux.acc_seg: 87.4765, loss: 0.3623 2023-11-02 12:39:45,923 - mmseg - INFO - Iter [21200/80000] lr: 2.381e-06, eta: 1 day, 5:37:37, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2427, decode.acc_seg: 89.6371, aux.loss_ce: 0.1274, aux.acc_seg: 87.2389, loss: 0.3702 2023-11-02 12:41:09,071 - mmseg - INFO - Iter [21250/80000] lr: 2.379e-06, eta: 1 day, 5:35:45, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2619, decode.acc_seg: 88.8808, aux.loss_ce: 0.1342, aux.acc_seg: 86.4470, loss: 0.3961 2023-11-02 12:42:32,223 - mmseg - INFO - Iter [21300/80000] lr: 2.377e-06, eta: 1 day, 5:33:54, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2684, decode.acc_seg: 89.1823, aux.loss_ce: 0.1310, aux.acc_seg: 87.4044, loss: 0.3993 2023-11-02 12:43:55,316 - mmseg - INFO - Iter [21350/80000] lr: 2.375e-06, eta: 1 day, 5:32:03, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2451, decode.acc_seg: 89.7104, aux.loss_ce: 0.1260, aux.acc_seg: 87.2176, loss: 0.3711 2023-11-02 12:45:18,480 - mmseg - INFO - Iter [21400/80000] lr: 2.373e-06, eta: 1 day, 5:30:11, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2521, decode.acc_seg: 89.7309, aux.loss_ce: 0.1311, aux.acc_seg: 87.0542, loss: 0.3832 2023-11-02 12:46:41,617 - mmseg - INFO - Iter [21450/80000] lr: 2.371e-06, eta: 1 day, 5:28:20, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2316, decode.acc_seg: 90.0642, aux.loss_ce: 0.1206, aux.acc_seg: 87.1805, loss: 0.3522 2023-11-02 12:48:07,112 - mmseg - INFO - Iter [21500/80000] lr: 2.369e-06, eta: 1 day, 5:26:36, time: 1.710, data_time: 0.053, memory: 69173, decode.loss_ce: 0.2383, decode.acc_seg: 89.9672, aux.loss_ce: 0.1209, aux.acc_seg: 87.8483, loss: 0.3591 2023-11-02 12:49:30,273 - mmseg - INFO - Iter [21550/80000] lr: 2.367e-06, eta: 1 day, 5:24:45, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2281, decode.acc_seg: 90.6729, aux.loss_ce: 0.1182, aux.acc_seg: 88.4913, loss: 0.3462 2023-11-02 12:50:53,429 - mmseg - INFO - Iter [21600/80000] lr: 2.365e-06, eta: 1 day, 5:22:54, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2412, decode.acc_seg: 90.2880, aux.loss_ce: 0.1227, aux.acc_seg: 87.9629, loss: 0.3639 2023-11-02 12:52:16,557 - mmseg - INFO - Iter [21650/80000] lr: 2.363e-06, eta: 1 day, 5:21:04, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2388, decode.acc_seg: 89.9689, aux.loss_ce: 0.1254, aux.acc_seg: 87.5083, loss: 0.3642 2023-11-02 12:53:39,718 - mmseg - INFO - Iter [21700/80000] lr: 2.361e-06, eta: 1 day, 5:19:13, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2389, decode.acc_seg: 90.1496, aux.loss_ce: 0.1273, aux.acc_seg: 87.0419, loss: 0.3662 2023-11-02 12:55:02,878 - mmseg - INFO - Iter [21750/80000] lr: 2.359e-06, eta: 1 day, 5:17:23, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2424, decode.acc_seg: 89.9610, aux.loss_ce: 0.1289, aux.acc_seg: 87.1290, loss: 0.3712 2023-11-02 12:56:26,070 - mmseg - INFO - Iter [21800/80000] lr: 2.357e-06, eta: 1 day, 5:15:33, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2313, decode.acc_seg: 90.2525, aux.loss_ce: 0.1221, aux.acc_seg: 87.5236, loss: 0.3534 2023-11-02 12:57:49,240 - mmseg - INFO - Iter [21850/80000] lr: 2.355e-06, eta: 1 day, 5:13:43, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2319, decode.acc_seg: 90.4417, aux.loss_ce: 0.1256, aux.acc_seg: 87.4251, loss: 0.3575 2023-11-02 12:59:12,426 - mmseg - INFO - Iter [21900/80000] lr: 2.353e-06, eta: 1 day, 5:11:53, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2309, decode.acc_seg: 90.1035, aux.loss_ce: 0.1169, aux.acc_seg: 88.2645, loss: 0.3478 2023-11-02 13:00:35,576 - mmseg - INFO - Iter [21950/80000] lr: 2.351e-06, eta: 1 day, 5:10:04, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2392, decode.acc_seg: 89.8853, aux.loss_ce: 0.1216, aux.acc_seg: 87.5871, loss: 0.3608 2023-11-02 13:01:58,744 - mmseg - INFO - Saving checkpoint at 22000 iterations 2023-11-02 13:02:57,403 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 13:02:57,403 - mmseg - INFO - Iter [22000/80000] lr: 2.349e-06, eta: 1 day, 5:10:49, time: 2.836, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2325, decode.acc_seg: 90.4394, aux.loss_ce: 0.1205, aux.acc_seg: 87.8450, loss: 0.3530 2023-11-02 13:04:24,239 - mmseg - INFO - per class results: 2023-11-02 13:04:24,245 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.43 | 88.74 | | building | 83.74 | 93.79 | | sky | 94.73 | 97.26 | | floor | 84.5 | 90.43 | | tree | 76.52 | 90.53 | | ceiling | 86.49 | 94.08 | | road | 86.16 | 91.12 | | bed | 91.72 | 97.36 | | windowpane | 65.23 | 80.47 | | grass | 70.34 | 82.33 | | cabinet | 63.08 | 69.48 | | sidewalk | 69.16 | 81.91 | | person | 83.96 | 94.39 | | earth | 40.57 | 58.01 | | door | 60.21 | 77.44 | | table | 67.65 | 80.03 | | mountain | 61.36 | 77.57 | | plant | 54.92 | 64.27 | | curtain | 77.65 | 89.39 | | chair | 63.66 | 74.49 | | car | 87.04 | 92.23 | | water | 51.61 | 60.25 | | painting | 79.0 | 89.37 | | sofa | 79.69 | 88.32 | | shelf | 50.59 | 69.08 | | house | 28.99 | 30.6 | | sea | 65.22 | 84.58 | | mirror | 78.03 | 91.15 | | rug | 69.17 | 80.51 | | field | 36.4 | 56.75 | | armchair | 59.64 | 85.2 | | seat | 66.48 | 85.64 | | fence | 49.03 | 69.33 | | desk | 49.42 | 80.8 | | rock | 47.29 | 57.93 | | wardrobe | 60.51 | 80.63 | | lamp | 70.88 | 81.66 | | bathtub | 88.05 | 93.69 | | railing | 42.79 | 57.64 | | cushion | 63.78 | 83.61 | | base | 43.78 | 64.36 | | box | 36.52 | 45.58 | | column | 52.69 | 70.85 | | signboard | 37.07 | 45.95 | | chest of drawers | 53.33 | 75.73 | | counter | 38.92 | 56.82 | | sand | 56.91 | 86.37 | | sink | 78.32 | 85.69 | | skyscraper | 38.11 | 48.07 | | fireplace | 75.5 | 91.93 | | refrigerator | 80.2 | 95.91 | | grandstand | 50.4 | 82.38 | | path | 26.98 | 44.07 | | stairs | 37.14 | 50.13 | | runway | 71.2 | 92.55 | | case | 64.83 | 76.22 | | pool table | 94.02 | 97.79 | | pillow | 61.57 | 68.21 | | screen door | 66.64 | 71.37 | | stairway | 41.18 | 46.18 | | river | 10.81 | 35.1 | | bridge | 67.5 | 78.48 | | bookcase | 39.76 | 48.75 | | blind | 39.64 | 43.91 | | coffee table | 67.46 | 88.17 | | toilet | 89.35 | 94.89 | | flower | 37.82 | 56.79 | | book | 50.29 | 67.56 | | hill | 7.78 | 13.3 | | bench | 52.68 | 61.34 | | countertop | 62.86 | 82.2 | | stove | 84.24 | 92.03 | | palm | 53.27 | 80.58 | | kitchen island | 48.86 | 86.31 | | computer | 75.1 | 92.04 | | swivel chair | 47.19 | 64.74 | | boat | 63.15 | 89.12 | | bar | 58.14 | 91.89 | | arcade machine | 90.36 | 98.27 | | hovel | 29.22 | 41.02 | | bus | 92.92 | 96.22 | | towel | 67.03 | 84.17 | | light | 58.68 | 64.42 | | truck | 45.66 | 58.94 | | tower | 25.72 | 39.79 | | chandelier | 70.52 | 83.83 | | awning | 48.5 | 60.76 | | streetlight | 34.33 | 49.24 | | booth | 41.41 | 71.94 | | television receiver | 78.47 | 89.59 | | airplane | 83.33 | 91.18 | | dirt track | 4.27 | 21.7 | | apparel | 59.11 | 76.53 | | pole | 25.29 | 33.16 | | land | 1.07 | 1.95 | | bannister | 15.56 | 20.69 | | escalator | 63.51 | 79.51 | | ottoman | 53.26 | 75.98 | | bottle | 39.51 | 67.07 | | buffet | 68.32 | 88.28 | | poster | 34.66 | 44.45 | | stage | 16.0 | 46.89 | | van | 46.2 | 80.45 | | ship | 67.95 | 76.03 | | fountain | 31.69 | 34.1 | | conveyer belt | 78.03 | 93.9 | | canopy | 56.19 | 75.71 | | washer | 80.28 | 86.72 | | plaything | 31.14 | 42.3 | | swimming pool | 55.51 | 74.25 | | stool | 47.99 | 70.68 | | barrel | 61.36 | 85.21 | | basket | 40.96 | 57.99 | | waterfall | 53.02 | 61.92 | | tent | 89.21 | 99.58 | | bag | 22.62 | 25.18 | | minibike | 74.33 | 88.33 | | cradle | 86.34 | 98.73 | | oven | 67.35 | 80.96 | | ball | 59.39 | 69.73 | | food | 65.53 | 85.49 | | step | 18.7 | 22.19 | | tank | 60.53 | 71.3 | | trade name | 8.38 | 8.63 | | microwave | 89.72 | 94.14 | | pot | 57.92 | 67.43 | | animal | 64.2 | 65.09 | | bicycle | 61.71 | 75.88 | | lake | 55.11 | 63.64 | | dishwasher | 70.21 | 85.64 | | screen | 52.55 | 80.34 | | blanket | 28.71 | 32.92 | | sculpture | 74.18 | 82.76 | | hood | 62.14 | 74.15 | | sconce | 57.1 | 72.6 | | vase | 46.14 | 58.22 | | traffic light | 31.19 | 62.49 | | tray | 14.99 | 19.84 | | ashcan | 47.46 | 71.35 | | fan | 68.76 | 80.92 | | pier | 36.84 | 39.71 | | crt screen | 2.21 | 3.32 | | plate | 54.53 | 73.47 | | monitor | 64.91 | 78.37 | | bulletin board | 63.99 | 84.35 | | shower | 1.03 | 3.04 | | radiator | 60.86 | 79.66 | | glass | 20.37 | 22.17 | | clock | 46.58 | 54.07 | | flag | 69.68 | 81.1 | +---------------------+-------+-------+ 2023-11-02 13:04:24,245 - mmseg - INFO - Summary: 2023-11-02 13:04:24,245 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.37 | 56.0 | 69.58 | +-------+------+-------+ 2023-11-02 13:04:24,246 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 13:04:24,246 - mmseg - INFO - Iter(val) [250] aAcc: 0.8537, mIoU: 0.5600, mAcc: 0.6958, IoU.wall: 0.8143, IoU.building: 0.8374, IoU.sky: 0.9473, IoU.floor: 0.8450, IoU.tree: 0.7652, IoU.ceiling: 0.8649, IoU.road: 0.8616, IoU.bed : 0.9172, IoU.windowpane: 0.6523, IoU.grass: 0.7034, IoU.cabinet: 0.6308, IoU.sidewalk: 0.6916, IoU.person: 0.8396, IoU.earth: 0.4057, IoU.door: 0.6021, IoU.table: 0.6765, IoU.mountain: 0.6136, IoU.plant: 0.5492, IoU.curtain: 0.7765, IoU.chair: 0.6366, IoU.car: 0.8704, IoU.water: 0.5161, IoU.painting: 0.7900, IoU.sofa: 0.7969, IoU.shelf: 0.5059, IoU.house: 0.2899, IoU.sea: 0.6522, IoU.mirror: 0.7803, IoU.rug: 0.6917, IoU.field: 0.3640, IoU.armchair: 0.5964, IoU.seat: 0.6648, IoU.fence: 0.4903, IoU.desk: 0.4942, IoU.rock: 0.4729, IoU.wardrobe: 0.6051, IoU.lamp: 0.7088, IoU.bathtub: 0.8805, IoU.railing: 0.4279, IoU.cushion: 0.6378, IoU.base: 0.4378, IoU.box: 0.3652, IoU.column: 0.5269, IoU.signboard: 0.3707, IoU.chest of drawers: 0.5333, IoU.counter: 0.3892, IoU.sand: 0.5691, IoU.sink: 0.7832, IoU.skyscraper: 0.3811, IoU.fireplace: 0.7550, IoU.refrigerator: 0.8020, IoU.grandstand: 0.5040, IoU.path: 0.2698, IoU.stairs: 0.3714, IoU.runway: 0.7120, IoU.case: 0.6483, IoU.pool table: 0.9402, IoU.pillow: 0.6157, IoU.screen door: 0.6664, IoU.stairway: 0.4118, IoU.river: 0.1081, IoU.bridge: 0.6750, IoU.bookcase: 0.3976, IoU.blind: 0.3964, IoU.coffee table: 0.6746, IoU.toilet: 0.8935, IoU.flower: 0.3782, IoU.book: 0.5029, IoU.hill: 0.0778, IoU.bench: 0.5268, IoU.countertop: 0.6286, IoU.stove: 0.8424, IoU.palm: 0.5327, IoU.kitchen island: 0.4886, IoU.computer: 0.7510, IoU.swivel chair: 0.4719, IoU.boat: 0.6315, IoU.bar: 0.5814, IoU.arcade machine: 0.9036, IoU.hovel: 0.2922, IoU.bus: 0.9292, IoU.towel: 0.6703, IoU.light: 0.5868, IoU.truck: 0.4566, IoU.tower: 0.2572, IoU.chandelier: 0.7052, IoU.awning: 0.4850, IoU.streetlight: 0.3433, IoU.booth: 0.4141, IoU.television receiver: 0.7847, IoU.airplane: 0.8333, IoU.dirt track: 0.0427, IoU.apparel: 0.5911, IoU.pole: 0.2529, IoU.land: 0.0107, IoU.bannister: 0.1556, IoU.escalator: 0.6351, IoU.ottoman: 0.5326, IoU.bottle: 0.3951, IoU.buffet: 0.6832, IoU.poster: 0.3466, IoU.stage: 0.1600, IoU.van: 0.4620, IoU.ship: 0.6795, IoU.fountain: 0.3169, IoU.conveyer belt: 0.7803, IoU.canopy: 0.5619, IoU.washer: 0.8028, IoU.plaything: 0.3114, IoU.swimming pool: 0.5551, IoU.stool: 0.4799, IoU.barrel: 0.6136, IoU.basket: 0.4096, IoU.waterfall: 0.5302, IoU.tent: 0.8921, IoU.bag: 0.2262, IoU.minibike: 0.7433, IoU.cradle: 0.8634, IoU.oven: 0.6735, IoU.ball: 0.5939, IoU.food: 0.6553, IoU.step: 0.1870, IoU.tank: 0.6053, IoU.trade name: 0.0838, IoU.microwave: 0.8972, IoU.pot: 0.5792, IoU.animal: 0.6420, IoU.bicycle: 0.6171, IoU.lake: 0.5511, IoU.dishwasher: 0.7021, IoU.screen: 0.5255, IoU.blanket: 0.2871, IoU.sculpture: 0.7418, IoU.hood: 0.6214, IoU.sconce: 0.5710, IoU.vase: 0.4614, IoU.traffic light: 0.3119, IoU.tray: 0.1499, IoU.ashcan: 0.4746, IoU.fan: 0.6876, IoU.pier: 0.3684, IoU.crt screen: 0.0221, IoU.plate: 0.5453, IoU.monitor: 0.6491, IoU.bulletin board: 0.6399, IoU.shower: 0.0103, IoU.radiator: 0.6086, IoU.glass: 0.2037, IoU.clock: 0.4658, IoU.flag: 0.6968, Acc.wall: 0.8874, Acc.building: 0.9379, Acc.sky: 0.9726, Acc.floor: 0.9043, Acc.tree: 0.9053, Acc.ceiling: 0.9408, Acc.road: 0.9112, Acc.bed : 0.9736, Acc.windowpane: 0.8047, Acc.grass: 0.8233, Acc.cabinet: 0.6948, Acc.sidewalk: 0.8191, Acc.person: 0.9439, Acc.earth: 0.5801, Acc.door: 0.7744, Acc.table: 0.8003, Acc.mountain: 0.7757, Acc.plant: 0.6427, Acc.curtain: 0.8939, Acc.chair: 0.7449, Acc.car: 0.9223, Acc.water: 0.6025, Acc.painting: 0.8937, Acc.sofa: 0.8832, Acc.shelf: 0.6908, Acc.house: 0.3060, Acc.sea: 0.8458, Acc.mirror: 0.9115, Acc.rug: 0.8051, Acc.field: 0.5675, Acc.armchair: 0.8520, Acc.seat: 0.8564, Acc.fence: 0.6933, Acc.desk: 0.8080, Acc.rock: 0.5793, Acc.wardrobe: 0.8063, Acc.lamp: 0.8166, Acc.bathtub: 0.9369, Acc.railing: 0.5764, Acc.cushion: 0.8361, Acc.base: 0.6436, Acc.box: 0.4558, Acc.column: 0.7085, Acc.signboard: 0.4595, Acc.chest of drawers: 0.7573, Acc.counter: 0.5682, Acc.sand: 0.8637, Acc.sink: 0.8569, Acc.skyscraper: 0.4807, Acc.fireplace: 0.9193, Acc.refrigerator: 0.9591, Acc.grandstand: 0.8238, Acc.path: 0.4407, Acc.stairs: 0.5013, Acc.runway: 0.9255, Acc.case: 0.7622, Acc.pool table: 0.9779, Acc.pillow: 0.6821, Acc.screen door: 0.7137, Acc.stairway: 0.4618, Acc.river: 0.3510, Acc.bridge: 0.7848, Acc.bookcase: 0.4875, Acc.blind: 0.4391, Acc.coffee table: 0.8817, Acc.toilet: 0.9489, Acc.flower: 0.5679, Acc.book: 0.6756, Acc.hill: 0.1330, Acc.bench: 0.6134, Acc.countertop: 0.8220, Acc.stove: 0.9203, Acc.palm: 0.8058, Acc.kitchen island: 0.8631, Acc.computer: 0.9204, Acc.swivel chair: 0.6474, Acc.boat: 0.8912, Acc.bar: 0.9189, Acc.arcade machine: 0.9827, Acc.hovel: 0.4102, Acc.bus: 0.9622, Acc.towel: 0.8417, Acc.light: 0.6442, Acc.truck: 0.5894, Acc.tower: 0.3979, Acc.chandelier: 0.8383, Acc.awning: 0.6076, Acc.streetlight: 0.4924, Acc.booth: 0.7194, Acc.television receiver: 0.8959, Acc.airplane: 0.9118, Acc.dirt track: 0.2170, Acc.apparel: 0.7653, Acc.pole: 0.3316, Acc.land: 0.0195, Acc.bannister: 0.2069, Acc.escalator: 0.7951, Acc.ottoman: 0.7598, Acc.bottle: 0.6707, Acc.buffet: 0.8828, Acc.poster: 0.4445, Acc.stage: 0.4689, Acc.van: 0.8045, Acc.ship: 0.7603, Acc.fountain: 0.3410, Acc.conveyer belt: 0.9390, Acc.canopy: 0.7571, Acc.washer: 0.8672, Acc.plaything: 0.4230, Acc.swimming pool: 0.7425, Acc.stool: 0.7068, Acc.barrel: 0.8521, Acc.basket: 0.5799, Acc.waterfall: 0.6192, Acc.tent: 0.9958, Acc.bag: 0.2518, Acc.minibike: 0.8833, Acc.cradle: 0.9873, Acc.oven: 0.8096, Acc.ball: 0.6973, Acc.food: 0.8549, Acc.step: 0.2219, Acc.tank: 0.7130, Acc.trade name: 0.0863, Acc.microwave: 0.9414, Acc.pot: 0.6743, Acc.animal: 0.6509, Acc.bicycle: 0.7588, Acc.lake: 0.6364, Acc.dishwasher: 0.8564, Acc.screen: 0.8034, Acc.blanket: 0.3292, Acc.sculpture: 0.8276, Acc.hood: 0.7415, Acc.sconce: 0.7260, Acc.vase: 0.5822, Acc.traffic light: 0.6249, Acc.tray: 0.1984, Acc.ashcan: 0.7135, Acc.fan: 0.8092, Acc.pier: 0.3971, Acc.crt screen: 0.0332, Acc.plate: 0.7347, Acc.monitor: 0.7837, Acc.bulletin board: 0.8435, Acc.shower: 0.0304, Acc.radiator: 0.7966, Acc.glass: 0.2217, Acc.clock: 0.5407, Acc.flag: 0.8110 2023-11-02 13:05:47,569 - mmseg - INFO - Iter [22050/80000] lr: 2.347e-06, eta: 1 day, 5:12:47, time: 3.403, data_time: 1.745, memory: 69173, decode.loss_ce: 0.2146, decode.acc_seg: 90.8055, aux.loss_ce: 0.1129, aux.acc_seg: 88.7691, loss: 0.3275 2023-11-02 13:07:10,699 - mmseg - INFO - Iter [22100/80000] lr: 2.345e-06, eta: 1 day, 5:10:57, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2362, decode.acc_seg: 90.1870, aux.loss_ce: 0.1193, aux.acc_seg: 87.8937, loss: 0.3555 2023-11-02 13:08:33,852 - mmseg - INFO - Iter [22150/80000] lr: 2.343e-06, eta: 1 day, 5:09:06, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2517, decode.acc_seg: 89.6162, aux.loss_ce: 0.1294, aux.acc_seg: 87.0212, loss: 0.3811 2023-11-02 13:09:56,961 - mmseg - INFO - Iter [22200/80000] lr: 2.341e-06, eta: 1 day, 5:07:16, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2409, decode.acc_seg: 89.9143, aux.loss_ce: 0.1223, aux.acc_seg: 87.9554, loss: 0.3632 2023-11-02 13:11:20,123 - mmseg - INFO - Iter [22250/80000] lr: 2.339e-06, eta: 1 day, 5:05:25, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2342, decode.acc_seg: 89.9553, aux.loss_ce: 0.1193, aux.acc_seg: 87.6366, loss: 0.3535 2023-11-02 13:12:43,260 - mmseg - INFO - Iter [22300/80000] lr: 2.337e-06, eta: 1 day, 5:03:35, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2419, decode.acc_seg: 89.8701, aux.loss_ce: 0.1255, aux.acc_seg: 87.3771, loss: 0.3674 2023-11-02 13:14:06,376 - mmseg - INFO - Iter [22350/80000] lr: 2.335e-06, eta: 1 day, 5:01:45, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2431, decode.acc_seg: 89.7789, aux.loss_ce: 0.1240, aux.acc_seg: 87.6840, loss: 0.3672 2023-11-02 13:15:29,517 - mmseg - INFO - Iter [22400/80000] lr: 2.333e-06, eta: 1 day, 4:59:55, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2479, decode.acc_seg: 89.6871, aux.loss_ce: 0.1253, aux.acc_seg: 87.4203, loss: 0.3732 2023-11-02 13:16:52,664 - mmseg - INFO - Iter [22450/80000] lr: 2.331e-06, eta: 1 day, 4:58:05, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2651, decode.acc_seg: 89.0984, aux.loss_ce: 0.1334, aux.acc_seg: 86.7567, loss: 0.3984 2023-11-02 13:18:15,800 - mmseg - INFO - Iter [22500/80000] lr: 2.329e-06, eta: 1 day, 4:56:16, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2395, decode.acc_seg: 89.9113, aux.loss_ce: 0.1194, aux.acc_seg: 88.0979, loss: 0.3590 2023-11-02 13:19:38,944 - mmseg - INFO - Iter [22550/80000] lr: 2.327e-06, eta: 1 day, 4:54:26, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2301, decode.acc_seg: 90.3303, aux.loss_ce: 0.1180, aux.acc_seg: 88.2197, loss: 0.3481 2023-11-02 13:21:02,070 - mmseg - INFO - Iter [22600/80000] lr: 2.325e-06, eta: 1 day, 4:52:37, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2542, decode.acc_seg: 89.5013, aux.loss_ce: 0.1280, aux.acc_seg: 87.5088, loss: 0.3822 2023-11-02 13:22:25,256 - mmseg - INFO - Iter [22650/80000] lr: 2.323e-06, eta: 1 day, 4:50:47, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2441, decode.acc_seg: 90.0069, aux.loss_ce: 0.1238, aux.acc_seg: 87.9886, loss: 0.3679 2023-11-02 13:23:48,427 - mmseg - INFO - Iter [22700/80000] lr: 2.321e-06, eta: 1 day, 4:48:58, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2567, decode.acc_seg: 89.1912, aux.loss_ce: 0.1334, aux.acc_seg: 86.5779, loss: 0.3901 2023-11-02 13:25:13,971 - mmseg - INFO - Iter [22750/80000] lr: 2.319e-06, eta: 1 day, 4:47:15, time: 1.711, data_time: 0.054, memory: 69173, decode.loss_ce: 0.2497, decode.acc_seg: 89.7610, aux.loss_ce: 0.1308, aux.acc_seg: 87.2122, loss: 0.3805 2023-11-02 13:26:37,119 - mmseg - INFO - Iter [22800/80000] lr: 2.316e-06, eta: 1 day, 4:45:26, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2296, decode.acc_seg: 90.2220, aux.loss_ce: 0.1172, aux.acc_seg: 88.2816, loss: 0.3468 2023-11-02 13:28:00,254 - mmseg - INFO - Iter [22850/80000] lr: 2.314e-06, eta: 1 day, 4:43:37, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2305, decode.acc_seg: 89.8370, aux.loss_ce: 0.1199, aux.acc_seg: 87.6008, loss: 0.3504 2023-11-02 13:29:23,370 - mmseg - INFO - Iter [22900/80000] lr: 2.312e-06, eta: 1 day, 4:41:49, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2308, decode.acc_seg: 90.4880, aux.loss_ce: 0.1190, aux.acc_seg: 88.3185, loss: 0.3498 2023-11-02 13:30:46,518 - mmseg - INFO - Iter [22950/80000] lr: 2.310e-06, eta: 1 day, 4:40:00, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2357, decode.acc_seg: 90.1007, aux.loss_ce: 0.1210, aux.acc_seg: 87.7850, loss: 0.3567 2023-11-02 13:32:09,636 - mmseg - INFO - Saving checkpoint at 23000 iterations 2023-11-02 13:33:09,672 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 13:33:09,672 - mmseg - INFO - Iter [23000/80000] lr: 2.308e-06, eta: 1 day, 4:40:40, time: 2.863, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2417, decode.acc_seg: 90.5140, aux.loss_ce: 0.1233, aux.acc_seg: 87.9234, loss: 0.3650 2023-11-02 13:34:35,689 - mmseg - INFO - per class results: 2023-11-02 13:34:35,694 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.42 | 89.2 | | building | 84.01 | 93.22 | | sky | 94.76 | 97.85 | | floor | 84.51 | 90.85 | | tree | 74.99 | 89.42 | | ceiling | 86.65 | 94.39 | | road | 85.97 | 91.27 | | bed | 92.15 | 97.03 | | windowpane | 66.04 | 78.01 | | grass | 63.99 | 72.9 | | cabinet | 65.1 | 73.97 | | sidewalk | 69.88 | 84.29 | | person | 84.25 | 92.09 | | earth | 36.27 | 48.82 | | door | 59.5 | 79.75 | | table | 67.36 | 79.87 | | mountain | 62.21 | 77.38 | | plant | 52.87 | 61.66 | | curtain | 77.73 | 88.37 | | chair | 63.8 | 73.98 | | car | 86.44 | 94.04 | | water | 63.49 | 80.32 | | painting | 78.54 | 90.49 | | sofa | 80.72 | 90.54 | | shelf | 45.13 | 58.99 | | house | 41.25 | 48.46 | | sea | 74.12 | 83.04 | | mirror | 77.29 | 85.22 | | rug | 70.84 | 84.69 | | field | 24.92 | 54.95 | | armchair | 61.3 | 79.93 | | seat | 67.03 | 85.53 | | fence | 52.39 | 63.76 | | desk | 53.02 | 76.55 | | rock | 45.66 | 67.73 | | wardrobe | 52.39 | 65.82 | | lamp | 71.41 | 83.9 | | bathtub | 87.72 | 92.66 | | railing | 43.82 | 61.76 | | cushion | 68.18 | 80.65 | | base | 38.88 | 58.04 | | box | 39.71 | 49.7 | | column | 53.15 | 65.26 | | signboard | 40.56 | 54.12 | | chest of drawers | 45.11 | 78.89 | | counter | 42.43 | 50.33 | | sand | 54.77 | 83.0 | | sink | 78.85 | 88.13 | | skyscraper | 37.39 | 46.24 | | fireplace | 70.53 | 95.12 | | refrigerator | 80.52 | 94.82 | | grandstand | 47.4 | 84.85 | | path | 26.88 | 38.11 | | stairs | 34.16 | 43.81 | | runway | 70.33 | 90.03 | | case | 62.07 | 84.47 | | pool table | 93.53 | 98.6 | | pillow | 65.45 | 73.7 | | screen door | 74.31 | 76.77 | | stairway | 34.87 | 46.78 | | river | 13.86 | 27.79 | | bridge | 52.52 | 59.79 | | bookcase | 33.82 | 61.92 | | blind | 41.31 | 48.33 | | coffee table | 64.11 | 87.19 | | toilet | 89.61 | 93.77 | | flower | 38.18 | 54.28 | | book | 50.76 | 73.86 | | hill | 10.66 | 25.2 | | bench | 62.24 | 73.68 | | countertop | 64.66 | 82.78 | | stove | 84.05 | 93.44 | | palm | 52.33 | 83.55 | | kitchen island | 39.94 | 73.6 | | computer | 74.46 | 92.8 | | swivel chair | 45.96 | 67.81 | | boat | 66.95 | 76.39 | | bar | 62.36 | 84.89 | | arcade machine | 83.38 | 99.63 | | hovel | 12.75 | 13.37 | | bus | 92.62 | 96.78 | | towel | 70.04 | 87.08 | | light | 57.98 | 62.74 | | truck | 44.81 | 62.1 | | tower | 26.63 | 50.36 | | chandelier | 70.8 | 87.79 | | awning | 43.73 | 71.86 | | streetlight | 32.42 | 44.85 | | booth | 41.14 | 65.87 | | television receiver | 82.01 | 90.33 | | airplane | 86.51 | 96.31 | | dirt track | 7.29 | 36.74 | | apparel | 50.15 | 78.6 | | pole | 19.05 | 23.68 | | land | 2.72 | 5.38 | | bannister | 19.46 | 27.54 | | escalator | 58.93 | 87.63 | | ottoman | 48.78 | 73.55 | | bottle | 43.11 | 53.33 | | buffet | 73.06 | 87.99 | | poster | 32.03 | 35.06 | | stage | 22.25 | 47.41 | | van | 46.34 | 64.94 | | ship | 39.72 | 50.0 | | fountain | 32.76 | 34.53 | | conveyer belt | 75.39 | 96.19 | | canopy | 53.56 | 70.43 | | washer | 77.54 | 82.45 | | plaything | 31.2 | 37.31 | | swimming pool | 56.51 | 82.0 | | stool | 52.39 | 66.06 | | barrel | 65.15 | 81.37 | | basket | 41.29 | 57.47 | | waterfall | 51.45 | 64.73 | | tent | 95.12 | 98.08 | | bag | 22.95 | 25.25 | | minibike | 73.8 | 91.12 | | cradle | 88.45 | 98.25 | | oven | 64.33 | 80.75 | | ball | 58.94 | 66.72 | | food | 58.5 | 68.97 | | step | 12.21 | 13.22 | | tank | 61.73 | 67.51 | | trade name | 31.4 | 41.21 | | microwave | 89.2 | 96.46 | | pot | 57.22 | 73.55 | | animal | 70.61 | 73.37 | | bicycle | 59.06 | 75.94 | | lake | 57.86 | 63.78 | | dishwasher | 74.0 | 86.02 | | screen | 53.02 | 74.9 | | blanket | 24.88 | 28.95 | | sculpture | 72.8 | 86.59 | | hood | 61.56 | 74.25 | | sconce | 57.61 | 69.18 | | vase | 46.66 | 63.01 | | traffic light | 32.2 | 65.3 | | tray | 17.26 | 20.43 | | ashcan | 51.17 | 67.86 | | fan | 65.26 | 76.45 | | pier | 37.07 | 42.23 | | crt screen | 9.03 | 17.24 | | plate | 57.26 | 75.07 | | monitor | 55.33 | 74.79 | | bulletin board | 53.91 | 88.19 | | shower | 0.05 | 0.1 | | radiator | 59.13 | 79.52 | | glass | 18.51 | 19.64 | | clock | 49.41 | 62.73 | | flag | 71.11 | 80.71 | +---------------------+-------+-------+ 2023-11-02 13:34:35,694 - mmseg - INFO - Summary: 2023-11-02 13:34:35,694 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.23 | 55.68 | 69.37 | +-------+-------+-------+ 2023-11-02 13:34:35,695 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 13:34:35,695 - mmseg - INFO - Iter(val) [250] aAcc: 0.8523, mIoU: 0.5568, mAcc: 0.6937, IoU.wall: 0.8142, IoU.building: 0.8401, IoU.sky: 0.9476, IoU.floor: 0.8451, IoU.tree: 0.7499, IoU.ceiling: 0.8665, IoU.road: 0.8597, IoU.bed : 0.9215, IoU.windowpane: 0.6604, IoU.grass: 0.6399, IoU.cabinet: 0.6510, IoU.sidewalk: 0.6988, IoU.person: 0.8425, IoU.earth: 0.3627, IoU.door: 0.5950, IoU.table: 0.6736, IoU.mountain: 0.6221, IoU.plant: 0.5287, IoU.curtain: 0.7773, IoU.chair: 0.6380, IoU.car: 0.8644, IoU.water: 0.6349, IoU.painting: 0.7854, IoU.sofa: 0.8072, IoU.shelf: 0.4513, IoU.house: 0.4125, IoU.sea: 0.7412, IoU.mirror: 0.7729, IoU.rug: 0.7084, IoU.field: 0.2492, IoU.armchair: 0.6130, IoU.seat: 0.6703, IoU.fence: 0.5239, IoU.desk: 0.5302, IoU.rock: 0.4566, IoU.wardrobe: 0.5239, IoU.lamp: 0.7141, IoU.bathtub: 0.8772, IoU.railing: 0.4382, IoU.cushion: 0.6818, IoU.base: 0.3888, IoU.box: 0.3971, IoU.column: 0.5315, IoU.signboard: 0.4056, IoU.chest of drawers: 0.4511, IoU.counter: 0.4243, IoU.sand: 0.5477, IoU.sink: 0.7885, IoU.skyscraper: 0.3739, IoU.fireplace: 0.7053, IoU.refrigerator: 0.8052, IoU.grandstand: 0.4740, IoU.path: 0.2688, IoU.stairs: 0.3416, IoU.runway: 0.7033, IoU.case: 0.6207, IoU.pool table: 0.9353, IoU.pillow: 0.6545, IoU.screen door: 0.7431, IoU.stairway: 0.3487, IoU.river: 0.1386, IoU.bridge: 0.5252, IoU.bookcase: 0.3382, IoU.blind: 0.4131, IoU.coffee table: 0.6411, IoU.toilet: 0.8961, IoU.flower: 0.3818, IoU.book: 0.5076, IoU.hill: 0.1066, IoU.bench: 0.6224, IoU.countertop: 0.6466, IoU.stove: 0.8405, IoU.palm: 0.5233, IoU.kitchen island: 0.3994, IoU.computer: 0.7446, IoU.swivel chair: 0.4596, IoU.boat: 0.6695, IoU.bar: 0.6236, IoU.arcade machine: 0.8338, IoU.hovel: 0.1275, IoU.bus: 0.9262, IoU.towel: 0.7004, IoU.light: 0.5798, IoU.truck: 0.4481, IoU.tower: 0.2663, IoU.chandelier: 0.7080, IoU.awning: 0.4373, IoU.streetlight: 0.3242, IoU.booth: 0.4114, IoU.television receiver: 0.8201, IoU.airplane: 0.8651, IoU.dirt track: 0.0729, IoU.apparel: 0.5015, IoU.pole: 0.1905, IoU.land: 0.0272, IoU.bannister: 0.1946, IoU.escalator: 0.5893, IoU.ottoman: 0.4878, IoU.bottle: 0.4311, IoU.buffet: 0.7306, IoU.poster: 0.3203, IoU.stage: 0.2225, IoU.van: 0.4634, IoU.ship: 0.3972, IoU.fountain: 0.3276, IoU.conveyer belt: 0.7539, IoU.canopy: 0.5356, IoU.washer: 0.7754, IoU.plaything: 0.3120, IoU.swimming pool: 0.5651, IoU.stool: 0.5239, IoU.barrel: 0.6515, IoU.basket: 0.4129, IoU.waterfall: 0.5145, IoU.tent: 0.9512, IoU.bag: 0.2295, IoU.minibike: 0.7380, IoU.cradle: 0.8845, IoU.oven: 0.6433, IoU.ball: 0.5894, IoU.food: 0.5850, IoU.step: 0.1221, IoU.tank: 0.6173, IoU.trade name: 0.3140, IoU.microwave: 0.8920, IoU.pot: 0.5722, IoU.animal: 0.7061, IoU.bicycle: 0.5906, IoU.lake: 0.5786, IoU.dishwasher: 0.7400, IoU.screen: 0.5302, IoU.blanket: 0.2488, IoU.sculpture: 0.7280, IoU.hood: 0.6156, IoU.sconce: 0.5761, IoU.vase: 0.4666, IoU.traffic light: 0.3220, IoU.tray: 0.1726, IoU.ashcan: 0.5117, IoU.fan: 0.6526, IoU.pier: 0.3707, IoU.crt screen: 0.0903, IoU.plate: 0.5726, IoU.monitor: 0.5533, IoU.bulletin board: 0.5391, IoU.shower: 0.0005, IoU.radiator: 0.5913, IoU.glass: 0.1851, IoU.clock: 0.4941, IoU.flag: 0.7111, Acc.wall: 0.8920, Acc.building: 0.9322, Acc.sky: 0.9785, Acc.floor: 0.9085, Acc.tree: 0.8942, Acc.ceiling: 0.9439, Acc.road: 0.9127, Acc.bed : 0.9703, Acc.windowpane: 0.7801, Acc.grass: 0.7290, Acc.cabinet: 0.7397, Acc.sidewalk: 0.8429, Acc.person: 0.9209, Acc.earth: 0.4882, Acc.door: 0.7975, Acc.table: 0.7987, Acc.mountain: 0.7738, Acc.plant: 0.6166, Acc.curtain: 0.8837, Acc.chair: 0.7398, Acc.car: 0.9404, Acc.water: 0.8032, Acc.painting: 0.9049, Acc.sofa: 0.9054, Acc.shelf: 0.5899, Acc.house: 0.4846, Acc.sea: 0.8304, Acc.mirror: 0.8522, Acc.rug: 0.8469, Acc.field: 0.5495, Acc.armchair: 0.7993, Acc.seat: 0.8553, Acc.fence: 0.6376, Acc.desk: 0.7655, Acc.rock: 0.6773, Acc.wardrobe: 0.6582, Acc.lamp: 0.8390, Acc.bathtub: 0.9266, Acc.railing: 0.6176, Acc.cushion: 0.8065, Acc.base: 0.5804, Acc.box: 0.4970, Acc.column: 0.6526, Acc.signboard: 0.5412, Acc.chest of drawers: 0.7889, Acc.counter: 0.5033, Acc.sand: 0.8300, Acc.sink: 0.8813, Acc.skyscraper: 0.4624, Acc.fireplace: 0.9512, Acc.refrigerator: 0.9482, Acc.grandstand: 0.8485, Acc.path: 0.3811, Acc.stairs: 0.4381, Acc.runway: 0.9003, Acc.case: 0.8447, Acc.pool table: 0.9860, Acc.pillow: 0.7370, Acc.screen door: 0.7677, Acc.stairway: 0.4678, Acc.river: 0.2779, Acc.bridge: 0.5979, Acc.bookcase: 0.6192, Acc.blind: 0.4833, Acc.coffee table: 0.8719, Acc.toilet: 0.9377, Acc.flower: 0.5428, Acc.book: 0.7386, Acc.hill: 0.2520, Acc.bench: 0.7368, Acc.countertop: 0.8278, Acc.stove: 0.9344, Acc.palm: 0.8355, Acc.kitchen island: 0.7360, Acc.computer: 0.9280, Acc.swivel chair: 0.6781, Acc.boat: 0.7639, Acc.bar: 0.8489, Acc.arcade machine: 0.9963, Acc.hovel: 0.1337, Acc.bus: 0.9678, Acc.towel: 0.8708, Acc.light: 0.6274, Acc.truck: 0.6210, Acc.tower: 0.5036, Acc.chandelier: 0.8779, Acc.awning: 0.7186, Acc.streetlight: 0.4485, Acc.booth: 0.6587, Acc.television receiver: 0.9033, Acc.airplane: 0.9631, Acc.dirt track: 0.3674, Acc.apparel: 0.7860, Acc.pole: 0.2368, Acc.land: 0.0538, Acc.bannister: 0.2754, Acc.escalator: 0.8763, Acc.ottoman: 0.7355, Acc.bottle: 0.5333, Acc.buffet: 0.8799, Acc.poster: 0.3506, Acc.stage: 0.4741, Acc.van: 0.6494, Acc.ship: 0.5000, Acc.fountain: 0.3453, Acc.conveyer belt: 0.9619, Acc.canopy: 0.7043, Acc.washer: 0.8245, Acc.plaything: 0.3731, Acc.swimming pool: 0.8200, Acc.stool: 0.6606, Acc.barrel: 0.8137, Acc.basket: 0.5747, Acc.waterfall: 0.6473, Acc.tent: 0.9808, Acc.bag: 0.2525, Acc.minibike: 0.9112, Acc.cradle: 0.9825, Acc.oven: 0.8075, Acc.ball: 0.6672, Acc.food: 0.6897, Acc.step: 0.1322, Acc.tank: 0.6751, Acc.trade name: 0.4121, Acc.microwave: 0.9646, Acc.pot: 0.7355, Acc.animal: 0.7337, Acc.bicycle: 0.7594, Acc.lake: 0.6378, Acc.dishwasher: 0.8602, Acc.screen: 0.7490, Acc.blanket: 0.2895, Acc.sculpture: 0.8659, Acc.hood: 0.7425, Acc.sconce: 0.6918, Acc.vase: 0.6301, Acc.traffic light: 0.6530, Acc.tray: 0.2043, Acc.ashcan: 0.6786, Acc.fan: 0.7645, Acc.pier: 0.4223, Acc.crt screen: 0.1724, Acc.plate: 0.7507, Acc.monitor: 0.7479, Acc.bulletin board: 0.8819, Acc.shower: 0.0010, Acc.radiator: 0.7952, Acc.glass: 0.1964, Acc.clock: 0.6273, Acc.flag: 0.8071 2023-11-02 13:35:58,962 - mmseg - INFO - Iter [23050/80000] lr: 2.306e-06, eta: 1 day, 4:42:24, time: 3.386, data_time: 1.729, memory: 69173, decode.loss_ce: 0.2415, decode.acc_seg: 89.9262, aux.loss_ce: 0.1241, aux.acc_seg: 87.3179, loss: 0.3657 2023-11-02 13:37:22,092 - mmseg - INFO - Iter [23100/80000] lr: 2.304e-06, eta: 1 day, 4:40:35, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2356, decode.acc_seg: 89.8750, aux.loss_ce: 0.1190, aux.acc_seg: 88.0073, loss: 0.3547 2023-11-02 13:38:45,240 - mmseg - INFO - Iter [23150/80000] lr: 2.302e-06, eta: 1 day, 4:38:45, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2527, decode.acc_seg: 89.4293, aux.loss_ce: 0.1254, aux.acc_seg: 86.9916, loss: 0.3781 2023-11-02 13:40:08,410 - mmseg - INFO - Iter [23200/80000] lr: 2.300e-06, eta: 1 day, 4:36:56, time: 1.663, data_time: 0.009, memory: 69173, decode.loss_ce: 0.2362, decode.acc_seg: 90.0094, aux.loss_ce: 0.1222, aux.acc_seg: 87.7744, loss: 0.3584 2023-11-02 13:41:31,540 - mmseg - INFO - Iter [23250/80000] lr: 2.298e-06, eta: 1 day, 4:35:07, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2425, decode.acc_seg: 89.9821, aux.loss_ce: 0.1249, aux.acc_seg: 87.7334, loss: 0.3674 2023-11-02 13:42:54,686 - mmseg - INFO - Iter [23300/80000] lr: 2.296e-06, eta: 1 day, 4:33:18, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2252, decode.acc_seg: 90.4558, aux.loss_ce: 0.1229, aux.acc_seg: 87.6052, loss: 0.3481 2023-11-02 13:44:17,814 - mmseg - INFO - Iter [23350/80000] lr: 2.294e-06, eta: 1 day, 4:31:29, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2304, decode.acc_seg: 90.1028, aux.loss_ce: 0.1236, aux.acc_seg: 87.2438, loss: 0.3540 2023-11-02 13:45:40,910 - mmseg - INFO - Iter [23400/80000] lr: 2.292e-06, eta: 1 day, 4:29:40, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2212, decode.acc_seg: 90.5653, aux.loss_ce: 0.1168, aux.acc_seg: 88.3583, loss: 0.3379 2023-11-02 13:47:04,108 - mmseg - INFO - Iter [23450/80000] lr: 2.290e-06, eta: 1 day, 4:27:52, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2356, decode.acc_seg: 90.2131, aux.loss_ce: 0.1238, aux.acc_seg: 87.7822, loss: 0.3593 2023-11-02 13:48:27,218 - mmseg - INFO - Iter [23500/80000] lr: 2.288e-06, eta: 1 day, 4:26:03, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2158, decode.acc_seg: 90.7730, aux.loss_ce: 0.1115, aux.acc_seg: 88.6957, loss: 0.3273 2023-11-02 13:49:50,349 - mmseg - INFO - Iter [23550/80000] lr: 2.286e-06, eta: 1 day, 4:24:15, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2275, decode.acc_seg: 90.5318, aux.loss_ce: 0.1183, aux.acc_seg: 88.3471, loss: 0.3458 2023-11-02 13:51:13,475 - mmseg - INFO - Iter [23600/80000] lr: 2.284e-06, eta: 1 day, 4:22:26, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2259, decode.acc_seg: 90.4680, aux.loss_ce: 0.1263, aux.acc_seg: 87.3459, loss: 0.3522 2023-11-02 13:52:36,609 - mmseg - INFO - Iter [23650/80000] lr: 2.282e-06, eta: 1 day, 4:20:38, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2306, decode.acc_seg: 90.2899, aux.loss_ce: 0.1238, aux.acc_seg: 87.4846, loss: 0.3545 2023-11-02 13:53:59,714 - mmseg - INFO - Iter [23700/80000] lr: 2.280e-06, eta: 1 day, 4:18:50, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2626, decode.acc_seg: 89.1886, aux.loss_ce: 0.1298, aux.acc_seg: 87.1131, loss: 0.3924 2023-11-02 13:55:22,868 - mmseg - INFO - Iter [23750/80000] lr: 2.278e-06, eta: 1 day, 4:17:02, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2155, decode.acc_seg: 90.7129, aux.loss_ce: 0.1121, aux.acc_seg: 88.3962, loss: 0.3276 2023-11-02 13:56:46,034 - mmseg - INFO - Iter [23800/80000] lr: 2.276e-06, eta: 1 day, 4:15:14, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2376, decode.acc_seg: 89.9957, aux.loss_ce: 0.1258, aux.acc_seg: 87.4680, loss: 0.3634 2023-11-02 13:58:09,159 - mmseg - INFO - Iter [23850/80000] lr: 2.274e-06, eta: 1 day, 4:13:26, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2336, decode.acc_seg: 90.0626, aux.loss_ce: 0.1230, aux.acc_seg: 87.4393, loss: 0.3566 2023-11-02 13:59:32,267 - mmseg - INFO - Iter [23900/80000] lr: 2.272e-06, eta: 1 day, 4:11:38, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2356, decode.acc_seg: 90.2742, aux.loss_ce: 0.1268, aux.acc_seg: 87.5401, loss: 0.3624 2023-11-02 14:00:55,405 - mmseg - INFO - Iter [23950/80000] lr: 2.270e-06, eta: 1 day, 4:09:51, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2282, decode.acc_seg: 90.2391, aux.loss_ce: 0.1197, aux.acc_seg: 87.7701, loss: 0.3479 2023-11-02 14:02:20,866 - mmseg - INFO - Saving checkpoint at 24000 iterations 2023-11-02 14:03:20,017 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 14:03:20,017 - mmseg - INFO - Iter [24000/80000] lr: 2.268e-06, eta: 1 day, 4:10:27, time: 2.892, data_time: 0.053, memory: 69173, decode.loss_ce: 0.2288, decode.acc_seg: 90.4796, aux.loss_ce: 0.1170, aux.acc_seg: 88.0008, loss: 0.3458 2023-11-02 14:04:44,989 - mmseg - INFO - per class results: 2023-11-02 14:04:44,994 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.56 | 89.2 | | building | 84.4 | 93.2 | | sky | 94.59 | 97.97 | | floor | 85.55 | 92.04 | | tree | 76.28 | 88.86 | | ceiling | 86.77 | 94.41 | | road | 86.25 | 91.78 | | bed | 91.77 | 97.37 | | windowpane | 65.99 | 77.45 | | grass | 63.46 | 77.57 | | cabinet | 64.66 | 72.18 | | sidewalk | 69.8 | 83.58 | | person | 84.75 | 94.62 | | earth | 34.71 | 42.6 | | door | 60.89 | 77.64 | | table | 69.82 | 81.17 | | mountain | 66.99 | 76.32 | | plant | 55.51 | 67.38 | | curtain | 79.31 | 90.57 | | chair | 64.21 | 75.73 | | car | 87.47 | 93.66 | | water | 64.69 | 80.01 | | painting | 73.44 | 91.77 | | sofa | 80.81 | 89.83 | | shelf | 45.15 | 63.92 | | house | 47.4 | 53.28 | | sea | 73.75 | 82.09 | | mirror | 76.72 | 85.18 | | rug | 72.68 | 79.93 | | field | 30.01 | 67.53 | | armchair | 62.84 | 80.46 | | seat | 67.58 | 88.26 | | fence | 50.29 | 66.05 | | desk | 53.87 | 71.11 | | rock | 59.22 | 80.51 | | wardrobe | 48.81 | 66.03 | | lamp | 70.81 | 83.44 | | bathtub | 88.67 | 91.85 | | railing | 43.25 | 62.49 | | cushion | 66.66 | 76.06 | | base | 43.8 | 60.79 | | box | 34.87 | 44.0 | | column | 50.93 | 59.09 | | signboard | 41.01 | 55.11 | | chest of drawers | 43.88 | 78.3 | | counter | 43.87 | 60.08 | | sand | 55.98 | 85.57 | | sink | 79.0 | 87.22 | | skyscraper | 35.67 | 41.51 | | fireplace | 74.66 | 93.68 | | refrigerator | 83.06 | 96.53 | | grandstand | 48.41 | 83.36 | | path | 23.34 | 35.99 | | stairs | 36.47 | 46.62 | | runway | 74.38 | 97.76 | | case | 60.75 | 86.02 | | pool table | 93.97 | 97.89 | | pillow | 64.7 | 73.29 | | screen door | 69.63 | 75.51 | | stairway | 42.13 | 54.08 | | river | 14.44 | 26.99 | | bridge | 63.65 | 70.53 | | bookcase | 33.2 | 60.4 | | blind | 49.98 | 69.14 | | coffee table | 68.13 | 86.53 | | toilet | 88.04 | 93.1 | | flower | 39.14 | 62.35 | | book | 51.1 | 75.61 | | hill | 8.09 | 19.29 | | bench | 58.13 | 77.75 | | countertop | 65.3 | 79.06 | | stove | 86.66 | 94.47 | | palm | 52.65 | 77.33 | | kitchen island | 44.4 | 71.94 | | computer | 77.56 | 92.54 | | swivel chair | 49.89 | 81.07 | | boat | 62.94 | 70.64 | | bar | 66.91 | 85.73 | | arcade machine | 87.27 | 94.88 | | hovel | 44.61 | 48.12 | | bus | 92.81 | 97.73 | | towel | 73.46 | 87.18 | | light | 60.72 | 69.03 | | truck | 45.6 | 57.56 | | tower | 21.34 | 34.57 | | chandelier | 69.98 | 89.27 | | awning | 35.36 | 39.48 | | streetlight | 30.91 | 38.28 | | booth | 41.55 | 47.55 | | television receiver | 78.03 | 88.3 | | airplane | 80.78 | 90.03 | | dirt track | 6.79 | 46.74 | | apparel | 58.87 | 82.59 | | pole | 27.17 | 35.6 | | land | 5.68 | 7.99 | | bannister | 16.82 | 21.07 | | escalator | 63.25 | 85.91 | | ottoman | 55.07 | 74.31 | | bottle | 44.62 | 69.12 | | buffet | 66.73 | 79.08 | | poster | 25.22 | 32.42 | | stage | 17.21 | 42.3 | | van | 44.44 | 66.55 | | ship | 41.58 | 53.45 | | fountain | 34.68 | 37.06 | | conveyer belt | 74.81 | 94.59 | | canopy | 59.3 | 75.25 | | washer | 79.61 | 84.75 | | plaything | 32.12 | 45.04 | | swimming pool | 57.19 | 79.87 | | stool | 45.73 | 73.39 | | barrel | 63.08 | 87.51 | | basket | 40.65 | 53.2 | | waterfall | 54.36 | 70.7 | | tent | 93.1 | 98.87 | | bag | 25.78 | 30.85 | | minibike | 74.33 | 89.18 | | cradle | 87.27 | 98.05 | | oven | 69.22 | 76.4 | | ball | 57.12 | 63.56 | | food | 58.84 | 71.02 | | step | 11.46 | 13.35 | | tank | 78.7 | 87.7 | | trade name | 26.49 | 29.25 | | microwave | 89.77 | 95.51 | | pot | 57.84 | 67.31 | | animal | 69.52 | 72.55 | | bicycle | 60.69 | 75.63 | | lake | 55.44 | 72.63 | | dishwasher | 74.02 | 83.63 | | screen | 58.01 | 91.01 | | blanket | 23.19 | 25.83 | | sculpture | 71.58 | 86.36 | | hood | 64.88 | 76.35 | | sconce | 58.19 | 68.13 | | vase | 45.82 | 58.8 | | traffic light | 31.83 | 70.9 | | tray | 16.8 | 24.31 | | ashcan | 53.81 | 61.44 | | fan | 67.52 | 80.36 | | pier | 38.76 | 42.89 | | crt screen | 8.48 | 17.31 | | plate | 57.83 | 76.22 | | monitor | 46.19 | 53.44 | | bulletin board | 61.55 | 83.8 | | shower | 0.0 | 0.0 | | radiator | 63.07 | 79.75 | | glass | 20.51 | 22.16 | | clock | 48.53 | 66.02 | | flag | 71.32 | 82.71 | +---------------------+-------+-------+ 2023-11-02 14:04:44,994 - mmseg - INFO - Summary: 2023-11-02 14:04:44,994 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.63 | 56.58 | 69.97 | +-------+-------+-------+ 2023-11-02 14:04:44,995 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 14:04:44,995 - mmseg - INFO - Iter(val) [250] aAcc: 0.8563, mIoU: 0.5658, mAcc: 0.6997, IoU.wall: 0.8156, IoU.building: 0.8440, IoU.sky: 0.9459, IoU.floor: 0.8555, IoU.tree: 0.7628, IoU.ceiling: 0.8677, IoU.road: 0.8625, IoU.bed : 0.9177, IoU.windowpane: 0.6599, IoU.grass: 0.6346, IoU.cabinet: 0.6466, IoU.sidewalk: 0.6980, IoU.person: 0.8475, IoU.earth: 0.3471, IoU.door: 0.6089, IoU.table: 0.6982, IoU.mountain: 0.6699, IoU.plant: 0.5551, IoU.curtain: 0.7931, IoU.chair: 0.6421, IoU.car: 0.8747, IoU.water: 0.6469, IoU.painting: 0.7344, IoU.sofa: 0.8081, IoU.shelf: 0.4515, IoU.house: 0.4740, IoU.sea: 0.7375, IoU.mirror: 0.7672, IoU.rug: 0.7268, IoU.field: 0.3001, IoU.armchair: 0.6284, IoU.seat: 0.6758, IoU.fence: 0.5029, IoU.desk: 0.5387, IoU.rock: 0.5922, IoU.wardrobe: 0.4881, IoU.lamp: 0.7081, IoU.bathtub: 0.8867, IoU.railing: 0.4325, IoU.cushion: 0.6666, IoU.base: 0.4380, IoU.box: 0.3487, IoU.column: 0.5093, IoU.signboard: 0.4101, IoU.chest of drawers: 0.4388, IoU.counter: 0.4387, IoU.sand: 0.5598, IoU.sink: 0.7900, IoU.skyscraper: 0.3567, IoU.fireplace: 0.7466, IoU.refrigerator: 0.8306, IoU.grandstand: 0.4841, IoU.path: 0.2334, IoU.stairs: 0.3647, IoU.runway: 0.7438, IoU.case: 0.6075, IoU.pool table: 0.9397, IoU.pillow: 0.6470, IoU.screen door: 0.6963, IoU.stairway: 0.4213, IoU.river: 0.1444, IoU.bridge: 0.6365, IoU.bookcase: 0.3320, IoU.blind: 0.4998, IoU.coffee table: 0.6813, IoU.toilet: 0.8804, IoU.flower: 0.3914, IoU.book: 0.5110, IoU.hill: 0.0809, IoU.bench: 0.5813, IoU.countertop: 0.6530, IoU.stove: 0.8666, IoU.palm: 0.5265, IoU.kitchen island: 0.4440, IoU.computer: 0.7756, IoU.swivel chair: 0.4989, IoU.boat: 0.6294, IoU.bar: 0.6691, IoU.arcade machine: 0.8727, IoU.hovel: 0.4461, IoU.bus: 0.9281, IoU.towel: 0.7346, IoU.light: 0.6072, IoU.truck: 0.4560, IoU.tower: 0.2134, IoU.chandelier: 0.6998, IoU.awning: 0.3536, IoU.streetlight: 0.3091, IoU.booth: 0.4155, IoU.television receiver: 0.7803, IoU.airplane: 0.8078, IoU.dirt track: 0.0679, IoU.apparel: 0.5887, IoU.pole: 0.2717, IoU.land: 0.0568, IoU.bannister: 0.1682, IoU.escalator: 0.6325, IoU.ottoman: 0.5507, IoU.bottle: 0.4462, IoU.buffet: 0.6673, IoU.poster: 0.2522, IoU.stage: 0.1721, IoU.van: 0.4444, IoU.ship: 0.4158, IoU.fountain: 0.3468, IoU.conveyer belt: 0.7481, IoU.canopy: 0.5930, IoU.washer: 0.7961, IoU.plaything: 0.3212, IoU.swimming pool: 0.5719, IoU.stool: 0.4573, IoU.barrel: 0.6308, IoU.basket: 0.4065, IoU.waterfall: 0.5436, IoU.tent: 0.9310, IoU.bag: 0.2578, IoU.minibike: 0.7433, IoU.cradle: 0.8727, IoU.oven: 0.6922, IoU.ball: 0.5712, IoU.food: 0.5884, IoU.step: 0.1146, IoU.tank: 0.7870, IoU.trade name: 0.2649, IoU.microwave: 0.8977, IoU.pot: 0.5784, IoU.animal: 0.6952, IoU.bicycle: 0.6069, IoU.lake: 0.5544, IoU.dishwasher: 0.7402, IoU.screen: 0.5801, IoU.blanket: 0.2319, IoU.sculpture: 0.7158, IoU.hood: 0.6488, IoU.sconce: 0.5819, IoU.vase: 0.4582, IoU.traffic light: 0.3183, IoU.tray: 0.1680, IoU.ashcan: 0.5381, IoU.fan: 0.6752, IoU.pier: 0.3876, IoU.crt screen: 0.0848, IoU.plate: 0.5783, IoU.monitor: 0.4619, IoU.bulletin board: 0.6155, IoU.shower: 0.0000, IoU.radiator: 0.6307, IoU.glass: 0.2051, IoU.clock: 0.4853, IoU.flag: 0.7132, Acc.wall: 0.8920, Acc.building: 0.9320, Acc.sky: 0.9797, Acc.floor: 0.9204, Acc.tree: 0.8886, Acc.ceiling: 0.9441, Acc.road: 0.9178, Acc.bed : 0.9737, Acc.windowpane: 0.7745, Acc.grass: 0.7757, Acc.cabinet: 0.7218, Acc.sidewalk: 0.8358, Acc.person: 0.9462, Acc.earth: 0.4260, Acc.door: 0.7764, Acc.table: 0.8117, Acc.mountain: 0.7632, Acc.plant: 0.6738, Acc.curtain: 0.9057, Acc.chair: 0.7573, Acc.car: 0.9366, Acc.water: 0.8001, Acc.painting: 0.9177, Acc.sofa: 0.8983, Acc.shelf: 0.6392, Acc.house: 0.5328, Acc.sea: 0.8209, Acc.mirror: 0.8518, Acc.rug: 0.7993, Acc.field: 0.6753, Acc.armchair: 0.8046, Acc.seat: 0.8826, Acc.fence: 0.6605, Acc.desk: 0.7111, Acc.rock: 0.8051, Acc.wardrobe: 0.6603, Acc.lamp: 0.8344, Acc.bathtub: 0.9185, Acc.railing: 0.6249, Acc.cushion: 0.7606, Acc.base: 0.6079, Acc.box: 0.4400, Acc.column: 0.5909, Acc.signboard: 0.5511, Acc.chest of drawers: 0.7830, Acc.counter: 0.6008, Acc.sand: 0.8557, Acc.sink: 0.8722, Acc.skyscraper: 0.4151, Acc.fireplace: 0.9368, Acc.refrigerator: 0.9653, Acc.grandstand: 0.8336, Acc.path: 0.3599, Acc.stairs: 0.4662, Acc.runway: 0.9776, Acc.case: 0.8602, Acc.pool table: 0.9789, Acc.pillow: 0.7329, Acc.screen door: 0.7551, Acc.stairway: 0.5408, Acc.river: 0.2699, Acc.bridge: 0.7053, Acc.bookcase: 0.6040, Acc.blind: 0.6914, Acc.coffee table: 0.8653, Acc.toilet: 0.9310, Acc.flower: 0.6235, Acc.book: 0.7561, Acc.hill: 0.1929, Acc.bench: 0.7775, Acc.countertop: 0.7906, Acc.stove: 0.9447, Acc.palm: 0.7733, Acc.kitchen island: 0.7194, Acc.computer: 0.9254, Acc.swivel chair: 0.8107, Acc.boat: 0.7064, Acc.bar: 0.8573, Acc.arcade machine: 0.9488, Acc.hovel: 0.4812, Acc.bus: 0.9773, Acc.towel: 0.8718, Acc.light: 0.6903, Acc.truck: 0.5756, Acc.tower: 0.3457, Acc.chandelier: 0.8927, Acc.awning: 0.3948, Acc.streetlight: 0.3828, Acc.booth: 0.4755, Acc.television receiver: 0.8830, Acc.airplane: 0.9003, Acc.dirt track: 0.4674, Acc.apparel: 0.8259, Acc.pole: 0.3560, Acc.land: 0.0799, Acc.bannister: 0.2107, Acc.escalator: 0.8591, Acc.ottoman: 0.7431, Acc.bottle: 0.6912, Acc.buffet: 0.7908, Acc.poster: 0.3242, Acc.stage: 0.4230, Acc.van: 0.6655, Acc.ship: 0.5345, Acc.fountain: 0.3706, Acc.conveyer belt: 0.9459, Acc.canopy: 0.7525, Acc.washer: 0.8475, Acc.plaything: 0.4504, Acc.swimming pool: 0.7987, Acc.stool: 0.7339, Acc.barrel: 0.8751, Acc.basket: 0.5320, Acc.waterfall: 0.7070, Acc.tent: 0.9887, Acc.bag: 0.3085, Acc.minibike: 0.8918, Acc.cradle: 0.9805, Acc.oven: 0.7640, Acc.ball: 0.6356, Acc.food: 0.7102, Acc.step: 0.1335, Acc.tank: 0.8770, Acc.trade name: 0.2925, Acc.microwave: 0.9551, Acc.pot: 0.6731, Acc.animal: 0.7255, Acc.bicycle: 0.7563, Acc.lake: 0.7263, Acc.dishwasher: 0.8363, Acc.screen: 0.9101, Acc.blanket: 0.2583, Acc.sculpture: 0.8636, Acc.hood: 0.7635, Acc.sconce: 0.6813, Acc.vase: 0.5880, Acc.traffic light: 0.7090, Acc.tray: 0.2431, Acc.ashcan: 0.6144, Acc.fan: 0.8036, Acc.pier: 0.4289, Acc.crt screen: 0.1731, Acc.plate: 0.7622, Acc.monitor: 0.5344, Acc.bulletin board: 0.8380, Acc.shower: 0.0000, Acc.radiator: 0.7975, Acc.glass: 0.2216, Acc.clock: 0.6602, Acc.flag: 0.8271 2023-11-02 14:06:08,259 - mmseg - INFO - Iter [24050/80000] lr: 2.266e-06, eta: 1 day, 4:11:57, time: 3.365, data_time: 1.708, memory: 69173, decode.loss_ce: 0.2172, decode.acc_seg: 90.8928, aux.loss_ce: 0.1130, aux.acc_seg: 88.7144, loss: 0.3302 2023-11-02 14:07:31,344 - mmseg - INFO - Iter [24100/80000] lr: 2.264e-06, eta: 1 day, 4:10:08, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2304, decode.acc_seg: 90.2323, aux.loss_ce: 0.1165, aux.acc_seg: 88.4637, loss: 0.3469 2023-11-02 14:08:54,443 - mmseg - INFO - Iter [24150/80000] lr: 2.262e-06, eta: 1 day, 4:08:20, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2195, decode.acc_seg: 91.0148, aux.loss_ce: 0.1165, aux.acc_seg: 88.3797, loss: 0.3360 2023-11-02 14:10:17,561 - mmseg - INFO - Iter [24200/80000] lr: 2.260e-06, eta: 1 day, 4:06:32, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2329, decode.acc_seg: 90.2518, aux.loss_ce: 0.1156, aux.acc_seg: 88.4763, loss: 0.3485 2023-11-02 14:11:40,673 - mmseg - INFO - Iter [24250/80000] lr: 2.258e-06, eta: 1 day, 4:04:44, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2309, decode.acc_seg: 90.4683, aux.loss_ce: 0.1189, aux.acc_seg: 88.2557, loss: 0.3498 2023-11-02 14:13:03,772 - mmseg - INFO - Iter [24300/80000] lr: 2.256e-06, eta: 1 day, 4:02:56, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2234, decode.acc_seg: 90.3851, aux.loss_ce: 0.1190, aux.acc_seg: 88.2740, loss: 0.3424 2023-11-02 14:14:26,936 - mmseg - INFO - Iter [24350/80000] lr: 2.254e-06, eta: 1 day, 4:01:08, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2254, decode.acc_seg: 90.4941, aux.loss_ce: 0.1162, aux.acc_seg: 88.5192, loss: 0.3416 2023-11-02 14:15:50,049 - mmseg - INFO - Iter [24400/80000] lr: 2.252e-06, eta: 1 day, 3:59:20, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2343, decode.acc_seg: 90.1381, aux.loss_ce: 0.1164, aux.acc_seg: 88.1667, loss: 0.3507 2023-11-02 14:17:13,204 - mmseg - INFO - Iter [24450/80000] lr: 2.250e-06, eta: 1 day, 3:57:33, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2342, decode.acc_seg: 90.0118, aux.loss_ce: 0.1198, aux.acc_seg: 88.2010, loss: 0.3539 2023-11-02 14:18:39,154 - mmseg - INFO - Iter [24500/80000] lr: 2.248e-06, eta: 1 day, 3:55:52, time: 1.719, data_time: 0.064, memory: 69173, decode.loss_ce: 0.2302, decode.acc_seg: 90.3255, aux.loss_ce: 0.1228, aux.acc_seg: 87.6082, loss: 0.3529 2023-11-02 14:20:02,261 - mmseg - INFO - Iter [24550/80000] lr: 2.246e-06, eta: 1 day, 3:54:04, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2214, decode.acc_seg: 90.8623, aux.loss_ce: 0.1125, aux.acc_seg: 88.6866, loss: 0.3339 2023-11-02 14:21:25,390 - mmseg - INFO - Iter [24600/80000] lr: 2.244e-06, eta: 1 day, 3:52:17, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2183, decode.acc_seg: 90.5952, aux.loss_ce: 0.1102, aux.acc_seg: 89.0096, loss: 0.3285 2023-11-02 14:22:48,530 - mmseg - INFO - Iter [24650/80000] lr: 2.242e-06, eta: 1 day, 3:50:30, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2358, decode.acc_seg: 90.0256, aux.loss_ce: 0.1197, aux.acc_seg: 87.9903, loss: 0.3556 2023-11-02 14:24:11,674 - mmseg - INFO - Iter [24700/80000] lr: 2.240e-06, eta: 1 day, 3:48:43, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2167, decode.acc_seg: 90.6742, aux.loss_ce: 0.1150, aux.acc_seg: 88.2273, loss: 0.3316 2023-11-02 14:25:34,785 - mmseg - INFO - Iter [24750/80000] lr: 2.238e-06, eta: 1 day, 3:46:56, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2268, decode.acc_seg: 90.3573, aux.loss_ce: 0.1186, aux.acc_seg: 87.9605, loss: 0.3454 2023-11-02 14:26:57,920 - mmseg - INFO - Iter [24800/80000] lr: 2.235e-06, eta: 1 day, 3:45:09, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2278, decode.acc_seg: 90.4866, aux.loss_ce: 0.1201, aux.acc_seg: 87.6565, loss: 0.3478 2023-11-02 14:28:21,033 - mmseg - INFO - Iter [24850/80000] lr: 2.233e-06, eta: 1 day, 3:43:22, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2268, decode.acc_seg: 90.2239, aux.loss_ce: 0.1217, aux.acc_seg: 87.6357, loss: 0.3485 2023-11-02 14:29:44,189 - mmseg - INFO - Iter [24900/80000] lr: 2.231e-06, eta: 1 day, 3:41:35, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2104, decode.acc_seg: 90.9680, aux.loss_ce: 0.1120, aux.acc_seg: 88.3900, loss: 0.3224 2023-11-02 14:31:07,354 - mmseg - INFO - Iter [24950/80000] lr: 2.229e-06, eta: 1 day, 3:39:48, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2413, decode.acc_seg: 90.2240, aux.loss_ce: 0.1245, aux.acc_seg: 87.8720, loss: 0.3658 2023-11-02 14:32:30,511 - mmseg - INFO - Saving checkpoint at 25000 iterations 2023-11-02 14:33:28,941 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 14:33:28,941 - mmseg - INFO - Iter [25000/80000] lr: 2.227e-06, eta: 1 day, 3:40:10, time: 2.832, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2358, decode.acc_seg: 89.8927, aux.loss_ce: 0.1229, aux.acc_seg: 87.5478, loss: 0.3588 2023-11-02 14:34:54,546 - mmseg - INFO - per class results: 2023-11-02 14:34:54,551 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.97 | 89.61 | | building | 83.91 | 92.12 | | sky | 94.76 | 97.21 | | floor | 84.17 | 89.34 | | tree | 75.83 | 90.81 | | ceiling | 86.65 | 92.24 | | road | 85.94 | 89.83 | | bed | 91.31 | 97.82 | | windowpane | 66.33 | 81.94 | | grass | 65.18 | 72.8 | | cabinet | 66.32 | 74.67 | | sidewalk | 70.05 | 87.35 | | person | 83.74 | 93.92 | | earth | 37.78 | 51.65 | | door | 59.62 | 78.82 | | table | 67.7 | 78.28 | | mountain | 63.45 | 75.29 | | plant | 55.32 | 68.34 | | curtain | 77.27 | 90.84 | | chair | 65.85 | 78.2 | | car | 86.73 | 94.1 | | water | 63.74 | 77.42 | | painting | 75.97 | 88.69 | | sofa | 80.92 | 91.19 | | shelf | 44.43 | 60.84 | | house | 48.13 | 65.02 | | sea | 74.35 | 84.41 | | mirror | 76.66 | 86.94 | | rug | 71.07 | 75.98 | | field | 28.93 | 60.04 | | armchair | 61.88 | 83.46 | | seat | 70.54 | 85.82 | | fence | 50.38 | 62.62 | | desk | 54.93 | 77.46 | | rock | 49.04 | 66.66 | | wardrobe | 54.73 | 72.56 | | lamp | 72.28 | 81.63 | | bathtub | 88.13 | 90.71 | | railing | 43.99 | 63.2 | | cushion | 66.45 | 74.99 | | base | 41.62 | 53.46 | | box | 37.98 | 53.0 | | column | 54.0 | 68.87 | | signboard | 40.87 | 54.63 | | chest of drawers | 48.09 | 73.04 | | counter | 42.19 | 58.11 | | sand | 51.57 | 77.63 | | sink | 77.0 | 80.98 | | skyscraper | 44.03 | 58.38 | | fireplace | 69.74 | 96.09 | | refrigerator | 83.04 | 95.96 | | grandstand | 48.82 | 85.77 | | path | 28.96 | 39.3 | | stairs | 33.81 | 45.14 | | runway | 76.01 | 97.65 | | case | 57.48 | 74.74 | | pool table | 93.61 | 97.44 | | pillow | 60.34 | 66.96 | | screen door | 74.11 | 77.87 | | stairway | 46.06 | 61.04 | | river | 20.13 | 44.71 | | bridge | 63.43 | 70.56 | | bookcase | 36.3 | 62.18 | | blind | 39.67 | 44.22 | | coffee table | 63.45 | 89.89 | | toilet | 88.99 | 91.65 | | flower | 42.59 | 52.05 | | book | 50.39 | 75.53 | | hill | 9.23 | 22.96 | | bench | 58.72 | 66.49 | | countertop | 66.08 | 81.37 | | stove | 85.52 | 93.56 | | palm | 51.28 | 81.59 | | kitchen island | 46.14 | 81.71 | | computer | 77.99 | 90.54 | | swivel chair | 45.66 | 69.82 | | boat | 61.44 | 88.52 | | bar | 65.81 | 77.04 | | arcade machine | 79.42 | 89.08 | | hovel | 54.9 | 64.42 | | bus | 92.82 | 96.52 | | towel | 73.68 | 81.44 | | light | 61.39 | 71.83 | | truck | 44.58 | 57.5 | | tower | 29.82 | 54.7 | | chandelier | 73.07 | 84.54 | | awning | 42.46 | 48.71 | | streetlight | 32.44 | 41.5 | | booth | 51.94 | 63.71 | | television receiver | 79.65 | 86.41 | | airplane | 88.51 | 95.75 | | dirt track | 7.25 | 36.44 | | apparel | 54.25 | 79.08 | | pole | 27.75 | 39.24 | | land | 12.49 | 20.72 | | bannister | 14.45 | 20.13 | | escalator | 59.69 | 86.88 | | ottoman | 53.18 | 65.75 | | bottle | 42.17 | 71.99 | | buffet | 69.09 | 84.71 | | poster | 33.07 | 38.66 | | stage | 17.56 | 39.54 | | van | 43.91 | 60.64 | | ship | 46.36 | 48.23 | | fountain | 32.5 | 33.29 | | conveyer belt | 74.52 | 96.19 | | canopy | 54.9 | 70.23 | | washer | 84.67 | 91.05 | | plaything | 27.37 | 30.95 | | swimming pool | 56.92 | 82.23 | | stool | 50.04 | 63.37 | | barrel | 55.86 | 88.92 | | basket | 41.91 | 53.09 | | waterfall | 49.34 | 54.49 | | tent | 95.88 | 98.38 | | bag | 25.32 | 30.91 | | minibike | 75.4 | 88.17 | | cradle | 84.67 | 98.37 | | oven | 65.0 | 78.65 | | ball | 56.49 | 61.17 | | food | 57.94 | 75.66 | | step | 12.79 | 15.2 | | tank | 63.47 | 70.48 | | trade name | 30.99 | 36.79 | | microwave | 89.07 | 96.34 | | pot | 59.36 | 67.37 | | animal | 67.54 | 68.97 | | bicycle | 61.64 | 81.44 | | lake | 57.07 | 63.68 | | dishwasher | 73.29 | 84.05 | | screen | 63.05 | 93.6 | | blanket | 31.82 | 37.27 | | sculpture | 73.65 | 83.81 | | hood | 57.13 | 66.95 | | sconce | 57.62 | 76.02 | | vase | 44.05 | 56.31 | | traffic light | 33.9 | 60.41 | | tray | 17.23 | 23.36 | | ashcan | 50.99 | 65.4 | | fan | 63.71 | 71.64 | | pier | 39.4 | 42.71 | | crt screen | 11.12 | 14.38 | | plate | 57.88 | 74.73 | | monitor | 61.5 | 71.33 | | bulletin board | 60.52 | 73.48 | | shower | 0.01 | 0.01 | | radiator | 63.43 | 82.35 | | glass | 21.19 | 23.89 | | clock | 48.92 | 55.27 | | flag | 71.2 | 79.64 | +---------------------+-------+-------+ 2023-11-02 14:34:54,552 - mmseg - INFO - Summary: 2023-11-02 14:34:54,552 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.43 | 56.84 | 69.84 | +-------+-------+-------+ 2023-11-02 14:34:54,553 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 14:34:54,553 - mmseg - INFO - Iter(val) [250] aAcc: 0.8543, mIoU: 0.5684, mAcc: 0.6984, IoU.wall: 0.8097, IoU.building: 0.8391, IoU.sky: 0.9476, IoU.floor: 0.8417, IoU.tree: 0.7583, IoU.ceiling: 0.8665, IoU.road: 0.8594, IoU.bed : 0.9131, IoU.windowpane: 0.6633, IoU.grass: 0.6518, IoU.cabinet: 0.6632, IoU.sidewalk: 0.7005, IoU.person: 0.8374, IoU.earth: 0.3778, IoU.door: 0.5962, IoU.table: 0.6770, IoU.mountain: 0.6345, IoU.plant: 0.5532, IoU.curtain: 0.7727, IoU.chair: 0.6585, IoU.car: 0.8673, IoU.water: 0.6374, IoU.painting: 0.7597, IoU.sofa: 0.8092, IoU.shelf: 0.4443, IoU.house: 0.4813, IoU.sea: 0.7435, IoU.mirror: 0.7666, IoU.rug: 0.7107, IoU.field: 0.2893, IoU.armchair: 0.6188, IoU.seat: 0.7054, IoU.fence: 0.5038, IoU.desk: 0.5493, IoU.rock: 0.4904, IoU.wardrobe: 0.5473, IoU.lamp: 0.7228, IoU.bathtub: 0.8813, IoU.railing: 0.4399, IoU.cushion: 0.6645, IoU.base: 0.4162, IoU.box: 0.3798, IoU.column: 0.5400, IoU.signboard: 0.4087, IoU.chest of drawers: 0.4809, IoU.counter: 0.4219, IoU.sand: 0.5157, IoU.sink: 0.7700, IoU.skyscraper: 0.4403, IoU.fireplace: 0.6974, IoU.refrigerator: 0.8304, IoU.grandstand: 0.4882, IoU.path: 0.2896, IoU.stairs: 0.3381, IoU.runway: 0.7601, IoU.case: 0.5748, IoU.pool table: 0.9361, IoU.pillow: 0.6034, IoU.screen door: 0.7411, IoU.stairway: 0.4606, IoU.river: 0.2013, IoU.bridge: 0.6343, IoU.bookcase: 0.3630, IoU.blind: 0.3967, IoU.coffee table: 0.6345, IoU.toilet: 0.8899, IoU.flower: 0.4259, IoU.book: 0.5039, IoU.hill: 0.0923, IoU.bench: 0.5872, IoU.countertop: 0.6608, IoU.stove: 0.8552, IoU.palm: 0.5128, IoU.kitchen island: 0.4614, IoU.computer: 0.7799, IoU.swivel chair: 0.4566, IoU.boat: 0.6144, IoU.bar: 0.6581, IoU.arcade machine: 0.7942, IoU.hovel: 0.5490, IoU.bus: 0.9282, IoU.towel: 0.7368, IoU.light: 0.6139, IoU.truck: 0.4458, IoU.tower: 0.2982, IoU.chandelier: 0.7307, IoU.awning: 0.4246, IoU.streetlight: 0.3244, IoU.booth: 0.5194, IoU.television receiver: 0.7965, IoU.airplane: 0.8851, IoU.dirt track: 0.0725, IoU.apparel: 0.5425, IoU.pole: 0.2775, IoU.land: 0.1249, IoU.bannister: 0.1445, IoU.escalator: 0.5969, IoU.ottoman: 0.5318, IoU.bottle: 0.4217, IoU.buffet: 0.6909, IoU.poster: 0.3307, IoU.stage: 0.1756, IoU.van: 0.4391, IoU.ship: 0.4636, IoU.fountain: 0.3250, IoU.conveyer belt: 0.7452, IoU.canopy: 0.5490, IoU.washer: 0.8467, IoU.plaything: 0.2737, IoU.swimming pool: 0.5692, IoU.stool: 0.5004, IoU.barrel: 0.5586, IoU.basket: 0.4191, IoU.waterfall: 0.4934, IoU.tent: 0.9588, IoU.bag: 0.2532, IoU.minibike: 0.7540, IoU.cradle: 0.8467, IoU.oven: 0.6500, IoU.ball: 0.5649, IoU.food: 0.5794, IoU.step: 0.1279, IoU.tank: 0.6347, IoU.trade name: 0.3099, IoU.microwave: 0.8907, IoU.pot: 0.5936, IoU.animal: 0.6754, IoU.bicycle: 0.6164, IoU.lake: 0.5707, IoU.dishwasher: 0.7329, IoU.screen: 0.6305, IoU.blanket: 0.3182, IoU.sculpture: 0.7365, IoU.hood: 0.5713, IoU.sconce: 0.5762, IoU.vase: 0.4405, IoU.traffic light: 0.3390, IoU.tray: 0.1723, IoU.ashcan: 0.5099, IoU.fan: 0.6371, IoU.pier: 0.3940, IoU.crt screen: 0.1112, IoU.plate: 0.5788, IoU.monitor: 0.6150, IoU.bulletin board: 0.6052, IoU.shower: 0.0001, IoU.radiator: 0.6343, IoU.glass: 0.2119, IoU.clock: 0.4892, IoU.flag: 0.7120, Acc.wall: 0.8961, Acc.building: 0.9212, Acc.sky: 0.9721, Acc.floor: 0.8934, Acc.tree: 0.9081, Acc.ceiling: 0.9224, Acc.road: 0.8983, Acc.bed : 0.9782, Acc.windowpane: 0.8194, Acc.grass: 0.7280, Acc.cabinet: 0.7467, Acc.sidewalk: 0.8735, Acc.person: 0.9392, Acc.earth: 0.5165, Acc.door: 0.7882, Acc.table: 0.7828, Acc.mountain: 0.7529, Acc.plant: 0.6834, Acc.curtain: 0.9084, Acc.chair: 0.7820, Acc.car: 0.9410, Acc.water: 0.7742, Acc.painting: 0.8869, Acc.sofa: 0.9119, Acc.shelf: 0.6084, Acc.house: 0.6502, Acc.sea: 0.8441, Acc.mirror: 0.8694, Acc.rug: 0.7598, Acc.field: 0.6004, Acc.armchair: 0.8346, Acc.seat: 0.8582, Acc.fence: 0.6262, Acc.desk: 0.7746, Acc.rock: 0.6666, Acc.wardrobe: 0.7256, Acc.lamp: 0.8163, Acc.bathtub: 0.9071, Acc.railing: 0.6320, Acc.cushion: 0.7499, Acc.base: 0.5346, Acc.box: 0.5300, Acc.column: 0.6887, Acc.signboard: 0.5463, Acc.chest of drawers: 0.7304, Acc.counter: 0.5811, Acc.sand: 0.7763, Acc.sink: 0.8098, Acc.skyscraper: 0.5838, Acc.fireplace: 0.9609, Acc.refrigerator: 0.9596, Acc.grandstand: 0.8577, Acc.path: 0.3930, Acc.stairs: 0.4514, Acc.runway: 0.9765, Acc.case: 0.7474, Acc.pool table: 0.9744, Acc.pillow: 0.6696, Acc.screen door: 0.7787, Acc.stairway: 0.6104, Acc.river: 0.4471, Acc.bridge: 0.7056, Acc.bookcase: 0.6218, Acc.blind: 0.4422, Acc.coffee table: 0.8989, Acc.toilet: 0.9165, Acc.flower: 0.5205, Acc.book: 0.7553, Acc.hill: 0.2296, Acc.bench: 0.6649, Acc.countertop: 0.8137, Acc.stove: 0.9356, Acc.palm: 0.8159, Acc.kitchen island: 0.8171, Acc.computer: 0.9054, Acc.swivel chair: 0.6982, Acc.boat: 0.8852, Acc.bar: 0.7704, Acc.arcade machine: 0.8908, Acc.hovel: 0.6442, Acc.bus: 0.9652, Acc.towel: 0.8144, Acc.light: 0.7183, Acc.truck: 0.5750, Acc.tower: 0.5470, Acc.chandelier: 0.8454, Acc.awning: 0.4871, Acc.streetlight: 0.4150, Acc.booth: 0.6371, Acc.television receiver: 0.8641, Acc.airplane: 0.9575, Acc.dirt track: 0.3644, Acc.apparel: 0.7908, Acc.pole: 0.3924, Acc.land: 0.2072, Acc.bannister: 0.2013, Acc.escalator: 0.8688, Acc.ottoman: 0.6575, Acc.bottle: 0.7199, Acc.buffet: 0.8471, Acc.poster: 0.3866, Acc.stage: 0.3954, Acc.van: 0.6064, Acc.ship: 0.4823, Acc.fountain: 0.3329, Acc.conveyer belt: 0.9619, Acc.canopy: 0.7023, Acc.washer: 0.9105, Acc.plaything: 0.3095, Acc.swimming pool: 0.8223, Acc.stool: 0.6337, Acc.barrel: 0.8892, Acc.basket: 0.5309, Acc.waterfall: 0.5449, Acc.tent: 0.9838, Acc.bag: 0.3091, Acc.minibike: 0.8817, Acc.cradle: 0.9837, Acc.oven: 0.7865, Acc.ball: 0.6117, Acc.food: 0.7566, Acc.step: 0.1520, Acc.tank: 0.7048, Acc.trade name: 0.3679, Acc.microwave: 0.9634, Acc.pot: 0.6737, Acc.animal: 0.6897, Acc.bicycle: 0.8144, Acc.lake: 0.6368, Acc.dishwasher: 0.8405, Acc.screen: 0.9360, Acc.blanket: 0.3727, Acc.sculpture: 0.8381, Acc.hood: 0.6695, Acc.sconce: 0.7602, Acc.vase: 0.5631, Acc.traffic light: 0.6041, Acc.tray: 0.2336, Acc.ashcan: 0.6540, Acc.fan: 0.7164, Acc.pier: 0.4271, Acc.crt screen: 0.1438, Acc.plate: 0.7473, Acc.monitor: 0.7133, Acc.bulletin board: 0.7348, Acc.shower: 0.0001, Acc.radiator: 0.8235, Acc.glass: 0.2389, Acc.clock: 0.5527, Acc.flag: 0.7964 2023-11-02 14:36:17,840 - mmseg - INFO - Iter [25050/80000] lr: 2.225e-06, eta: 1 day, 3:41:32, time: 3.378, data_time: 1.720, memory: 69173, decode.loss_ce: 0.2363, decode.acc_seg: 90.3119, aux.loss_ce: 0.1191, aux.acc_seg: 88.1119, loss: 0.3554 2023-11-02 14:37:41,021 - mmseg - INFO - Iter [25100/80000] lr: 2.223e-06, eta: 1 day, 3:39:45, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2290, decode.acc_seg: 90.6170, aux.loss_ce: 0.1192, aux.acc_seg: 88.1388, loss: 0.3482 2023-11-02 14:39:04,195 - mmseg - INFO - Iter [25150/80000] lr: 2.221e-06, eta: 1 day, 3:37:57, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2287, decode.acc_seg: 90.2757, aux.loss_ce: 0.1198, aux.acc_seg: 87.9898, loss: 0.3485 2023-11-02 14:40:27,398 - mmseg - INFO - Iter [25200/80000] lr: 2.219e-06, eta: 1 day, 3:36:11, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2238, decode.acc_seg: 90.6394, aux.loss_ce: 0.1193, aux.acc_seg: 88.1393, loss: 0.3432 2023-11-02 14:41:50,572 - mmseg - INFO - Iter [25250/80000] lr: 2.217e-06, eta: 1 day, 3:34:24, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2296, decode.acc_seg: 90.5001, aux.loss_ce: 0.1189, aux.acc_seg: 88.0056, loss: 0.3485 2023-11-02 14:43:16,106 - mmseg - INFO - Iter [25300/80000] lr: 2.215e-06, eta: 1 day, 3:32:42, time: 1.711, data_time: 0.054, memory: 69173, decode.loss_ce: 0.2247, decode.acc_seg: 90.3810, aux.loss_ce: 0.1186, aux.acc_seg: 88.1468, loss: 0.3433 2023-11-02 14:44:39,265 - mmseg - INFO - Iter [25350/80000] lr: 2.213e-06, eta: 1 day, 3:30:55, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2127, decode.acc_seg: 91.0636, aux.loss_ce: 0.1113, aux.acc_seg: 88.7477, loss: 0.3240 2023-11-02 14:46:02,435 - mmseg - INFO - Iter [25400/80000] lr: 2.211e-06, eta: 1 day, 3:29:08, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2246, decode.acc_seg: 90.2538, aux.loss_ce: 0.1191, aux.acc_seg: 87.8596, loss: 0.3436 2023-11-02 14:47:25,561 - mmseg - INFO - Iter [25450/80000] lr: 2.209e-06, eta: 1 day, 3:27:22, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2105, decode.acc_seg: 91.2414, aux.loss_ce: 0.1125, aux.acc_seg: 88.8393, loss: 0.3230 2023-11-02 14:48:48,684 - mmseg - INFO - Iter [25500/80000] lr: 2.207e-06, eta: 1 day, 3:25:35, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2195, decode.acc_seg: 90.4783, aux.loss_ce: 0.1123, aux.acc_seg: 88.3118, loss: 0.3318 2023-11-02 14:50:11,867 - mmseg - INFO - Iter [25550/80000] lr: 2.205e-06, eta: 1 day, 3:23:49, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2215, decode.acc_seg: 90.5302, aux.loss_ce: 0.1182, aux.acc_seg: 87.9470, loss: 0.3397 2023-11-02 14:51:35,029 - mmseg - INFO - Iter [25600/80000] lr: 2.203e-06, eta: 1 day, 3:22:03, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2356, decode.acc_seg: 90.1874, aux.loss_ce: 0.1254, aux.acc_seg: 87.4077, loss: 0.3610 2023-11-02 14:52:58,165 - mmseg - INFO - Iter [25650/80000] lr: 2.201e-06, eta: 1 day, 3:20:16, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2134, decode.acc_seg: 90.6552, aux.loss_ce: 0.1080, aux.acc_seg: 88.5733, loss: 0.3215 2023-11-02 14:54:21,333 - mmseg - INFO - Iter [25700/80000] lr: 2.199e-06, eta: 1 day, 3:18:30, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2156, decode.acc_seg: 90.7975, aux.loss_ce: 0.1150, aux.acc_seg: 88.2824, loss: 0.3306 2023-11-02 14:55:44,462 - mmseg - INFO - Iter [25750/80000] lr: 2.197e-06, eta: 1 day, 3:16:44, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2200, decode.acc_seg: 90.6879, aux.loss_ce: 0.1138, aux.acc_seg: 88.4383, loss: 0.3338 2023-11-02 14:57:07,588 - mmseg - INFO - Iter [25800/80000] lr: 2.195e-06, eta: 1 day, 3:14:58, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2073, decode.acc_seg: 91.1851, aux.loss_ce: 0.1120, aux.acc_seg: 88.4161, loss: 0.3193 2023-11-02 14:58:30,727 - mmseg - INFO - Iter [25850/80000] lr: 2.193e-06, eta: 1 day, 3:13:12, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2173, decode.acc_seg: 90.7699, aux.loss_ce: 0.1132, aux.acc_seg: 88.5148, loss: 0.3305 2023-11-02 14:59:53,909 - mmseg - INFO - Iter [25900/80000] lr: 2.191e-06, eta: 1 day, 3:11:26, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2087, decode.acc_seg: 91.2019, aux.loss_ce: 0.1134, aux.acc_seg: 88.8419, loss: 0.3221 2023-11-02 15:01:17,080 - mmseg - INFO - Iter [25950/80000] lr: 2.189e-06, eta: 1 day, 3:09:41, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2255, decode.acc_seg: 90.5097, aux.loss_ce: 0.1168, aux.acc_seg: 88.3112, loss: 0.3422 2023-11-02 15:02:40,222 - mmseg - INFO - Saving checkpoint at 26000 iterations 2023-11-02 15:03:37,572 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 15:03:37,572 - mmseg - INFO - Iter [26000/80000] lr: 2.187e-06, eta: 1 day, 3:09:54, time: 2.810, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2231, decode.acc_seg: 90.5701, aux.loss_ce: 0.1161, aux.acc_seg: 88.4327, loss: 0.3392 2023-11-02 15:05:12,508 - mmseg - INFO - per class results: 2023-11-02 15:05:12,513 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.75 | 89.8 | | building | 84.33 | 93.58 | | sky | 94.8 | 97.81 | | floor | 85.23 | 92.74 | | tree | 76.77 | 87.84 | | ceiling | 87.19 | 94.37 | | road | 85.69 | 89.8 | | bed | 91.99 | 97.84 | | windowpane | 65.93 | 77.83 | | grass | 67.41 | 78.76 | | cabinet | 67.06 | 77.02 | | sidewalk | 70.86 | 88.44 | | person | 84.35 | 92.8 | | earth | 37.9 | 49.45 | | door | 59.9 | 79.45 | | table | 67.93 | 78.99 | | mountain | 63.26 | 72.73 | | plant | 57.18 | 67.63 | | curtain | 77.14 | 91.39 | | chair | 66.43 | 80.38 | | car | 87.17 | 93.83 | | water | 56.59 | 67.18 | | painting | 78.9 | 88.29 | | sofa | 80.97 | 92.74 | | shelf | 48.01 | 70.15 | | house | 47.9 | 60.49 | | sea | 71.27 | 84.24 | | mirror | 77.55 | 86.64 | | rug | 70.17 | 74.45 | | field | 32.15 | 58.09 | | armchair | 60.87 | 76.03 | | seat | 71.79 | 85.24 | | fence | 48.4 | 60.67 | | desk | 59.08 | 76.81 | | rock | 60.48 | 82.13 | | wardrobe | 52.95 | 69.5 | | lamp | 73.01 | 84.13 | | bathtub | 84.23 | 85.36 | | railing | 41.06 | 53.04 | | cushion | 66.97 | 75.05 | | base | 40.02 | 55.43 | | box | 34.56 | 40.7 | | column | 56.32 | 65.58 | | signboard | 36.15 | 41.55 | | chest of drawers | 46.43 | 68.57 | | counter | 44.38 | 59.7 | | sand | 51.19 | 87.3 | | sink | 77.68 | 82.16 | | skyscraper | 44.04 | 54.06 | | fireplace | 73.19 | 96.17 | | refrigerator | 83.75 | 94.18 | | grandstand | 53.12 | 84.67 | | path | 25.16 | 40.22 | | stairs | 33.25 | 44.25 | | runway | 67.78 | 95.62 | | case | 54.72 | 68.15 | | pool table | 94.06 | 97.67 | | pillow | 64.7 | 71.75 | | screen door | 76.33 | 80.6 | | stairway | 48.75 | 58.72 | | river | 11.56 | 35.47 | | bridge | 62.36 | 70.69 | | bookcase | 38.91 | 55.99 | | blind | 43.44 | 50.22 | | coffee table | 63.81 | 88.97 | | toilet | 89.01 | 92.04 | | flower | 37.25 | 57.29 | | book | 52.91 | 72.62 | | hill | 6.54 | 17.02 | | bench | 65.74 | 84.15 | | countertop | 64.97 | 86.49 | | stove | 86.32 | 94.94 | | palm | 52.96 | 82.61 | | kitchen island | 42.61 | 85.74 | | computer | 79.04 | 91.43 | | swivel chair | 36.72 | 42.36 | | boat | 66.09 | 91.58 | | bar | 65.33 | 81.35 | | arcade machine | 89.36 | 98.58 | | hovel | 32.77 | 34.99 | | bus | 92.83 | 96.93 | | towel | 74.33 | 85.93 | | light | 59.66 | 68.57 | | truck | 46.67 | 62.89 | | tower | 29.21 | 60.99 | | chandelier | 73.82 | 84.37 | | awning | 48.16 | 55.45 | | streetlight | 31.88 | 41.53 | | booth | 54.89 | 68.67 | | television receiver | 77.99 | 87.26 | | airplane | 88.44 | 96.44 | | dirt track | 8.57 | 60.66 | | apparel | 55.79 | 77.32 | | pole | 21.75 | 26.41 | | land | 3.68 | 5.65 | | bannister | 13.16 | 16.1 | | escalator | 60.22 | 77.76 | | ottoman | 50.25 | 71.25 | | bottle | 43.38 | 61.7 | | buffet | 55.23 | 62.04 | | poster | 29.82 | 47.09 | | stage | 19.02 | 53.77 | | van | 48.83 | 71.04 | | ship | 74.37 | 77.5 | | fountain | 31.56 | 34.87 | | conveyer belt | 73.76 | 94.63 | | canopy | 48.12 | 60.11 | | washer | 81.9 | 86.82 | | plaything | 31.93 | 36.91 | | swimming pool | 60.11 | 90.87 | | stool | 53.36 | 63.52 | | barrel | 53.71 | 66.99 | | basket | 40.48 | 52.09 | | waterfall | 52.25 | 74.35 | | tent | 96.55 | 97.69 | | bag | 25.99 | 31.91 | | minibike | 75.51 | 86.82 | | cradle | 89.06 | 96.92 | | oven | 61.05 | 65.65 | | ball | 55.95 | 68.73 | | food | 55.37 | 69.21 | | step | 13.71 | 15.91 | | tank | 59.08 | 70.97 | | trade name | 32.58 | 37.97 | | microwave | 89.67 | 94.97 | | pot | 60.03 | 66.87 | | animal | 66.72 | 69.22 | | bicycle | 61.98 | 78.88 | | lake | 44.53 | 63.4 | | dishwasher | 74.71 | 82.57 | | screen | 63.09 | 96.1 | | blanket | 33.88 | 41.33 | | sculpture | 76.16 | 86.58 | | hood | 60.02 | 71.56 | | sconce | 57.99 | 73.11 | | vase | 43.11 | 49.84 | | traffic light | 33.58 | 56.38 | | tray | 15.89 | 17.98 | | ashcan | 50.89 | 65.88 | | fan | 68.47 | 79.64 | | pier | 38.76 | 42.86 | | crt screen | 12.28 | 13.75 | | plate | 60.04 | 71.02 | | monitor | 63.53 | 82.5 | | bulletin board | 59.7 | 85.42 | | shower | 0.0 | 0.0 | | radiator | 62.32 | 78.58 | | glass | 19.24 | 20.39 | | clock | 48.45 | 58.21 | | flag | 69.31 | 76.51 | +---------------------+-------+-------+ 2023-11-02 15:05:12,513 - mmseg - INFO - Summary: 2023-11-02 15:05:12,513 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.76 | 56.83 | 69.65 | +-------+-------+-------+ 2023-11-02 15:05:12,514 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 15:05:12,515 - mmseg - INFO - Iter(val) [250] aAcc: 0.8576, mIoU: 0.5683, mAcc: 0.6965, IoU.wall: 0.8175, IoU.building: 0.8433, IoU.sky: 0.9480, IoU.floor: 0.8523, IoU.tree: 0.7677, IoU.ceiling: 0.8719, IoU.road: 0.8569, IoU.bed : 0.9199, IoU.windowpane: 0.6593, IoU.grass: 0.6741, IoU.cabinet: 0.6706, IoU.sidewalk: 0.7086, IoU.person: 0.8435, IoU.earth: 0.3790, IoU.door: 0.5990, IoU.table: 0.6793, IoU.mountain: 0.6326, IoU.plant: 0.5718, IoU.curtain: 0.7714, IoU.chair: 0.6643, IoU.car: 0.8717, IoU.water: 0.5659, IoU.painting: 0.7890, IoU.sofa: 0.8097, IoU.shelf: 0.4801, IoU.house: 0.4790, IoU.sea: 0.7127, IoU.mirror: 0.7755, IoU.rug: 0.7017, IoU.field: 0.3215, IoU.armchair: 0.6087, IoU.seat: 0.7179, IoU.fence: 0.4840, IoU.desk: 0.5908, IoU.rock: 0.6048, IoU.wardrobe: 0.5295, IoU.lamp: 0.7301, IoU.bathtub: 0.8423, IoU.railing: 0.4106, IoU.cushion: 0.6697, IoU.base: 0.4002, IoU.box: 0.3456, IoU.column: 0.5632, IoU.signboard: 0.3615, IoU.chest of drawers: 0.4643, IoU.counter: 0.4438, IoU.sand: 0.5119, IoU.sink: 0.7768, IoU.skyscraper: 0.4404, IoU.fireplace: 0.7319, IoU.refrigerator: 0.8375, IoU.grandstand: 0.5312, IoU.path: 0.2516, IoU.stairs: 0.3325, IoU.runway: 0.6778, IoU.case: 0.5472, IoU.pool table: 0.9406, IoU.pillow: 0.6470, IoU.screen door: 0.7633, IoU.stairway: 0.4875, IoU.river: 0.1156, IoU.bridge: 0.6236, IoU.bookcase: 0.3891, IoU.blind: 0.4344, IoU.coffee table: 0.6381, IoU.toilet: 0.8901, IoU.flower: 0.3725, IoU.book: 0.5291, IoU.hill: 0.0654, IoU.bench: 0.6574, IoU.countertop: 0.6497, IoU.stove: 0.8632, IoU.palm: 0.5296, IoU.kitchen island: 0.4261, IoU.computer: 0.7904, IoU.swivel chair: 0.3672, IoU.boat: 0.6609, IoU.bar: 0.6533, IoU.arcade machine: 0.8936, IoU.hovel: 0.3277, IoU.bus: 0.9283, IoU.towel: 0.7433, IoU.light: 0.5966, IoU.truck: 0.4667, IoU.tower: 0.2921, IoU.chandelier: 0.7382, IoU.awning: 0.4816, IoU.streetlight: 0.3188, IoU.booth: 0.5489, IoU.television receiver: 0.7799, IoU.airplane: 0.8844, IoU.dirt track: 0.0857, IoU.apparel: 0.5579, IoU.pole: 0.2175, IoU.land: 0.0368, IoU.bannister: 0.1316, IoU.escalator: 0.6022, IoU.ottoman: 0.5025, IoU.bottle: 0.4338, IoU.buffet: 0.5523, IoU.poster: 0.2982, IoU.stage: 0.1902, IoU.van: 0.4883, IoU.ship: 0.7437, IoU.fountain: 0.3156, IoU.conveyer belt: 0.7376, IoU.canopy: 0.4812, IoU.washer: 0.8190, IoU.plaything: 0.3193, IoU.swimming pool: 0.6011, IoU.stool: 0.5336, IoU.barrel: 0.5371, IoU.basket: 0.4048, IoU.waterfall: 0.5225, IoU.tent: 0.9655, IoU.bag: 0.2599, IoU.minibike: 0.7551, IoU.cradle: 0.8906, IoU.oven: 0.6105, IoU.ball: 0.5595, IoU.food: 0.5537, IoU.step: 0.1371, IoU.tank: 0.5908, IoU.trade name: 0.3258, IoU.microwave: 0.8967, IoU.pot: 0.6003, IoU.animal: 0.6672, IoU.bicycle: 0.6198, IoU.lake: 0.4453, IoU.dishwasher: 0.7471, IoU.screen: 0.6309, IoU.blanket: 0.3388, IoU.sculpture: 0.7616, IoU.hood: 0.6002, IoU.sconce: 0.5799, IoU.vase: 0.4311, IoU.traffic light: 0.3358, IoU.tray: 0.1589, IoU.ashcan: 0.5089, IoU.fan: 0.6847, IoU.pier: 0.3876, IoU.crt screen: 0.1228, IoU.plate: 0.6004, IoU.monitor: 0.6353, IoU.bulletin board: 0.5970, IoU.shower: 0.0000, IoU.radiator: 0.6232, IoU.glass: 0.1924, IoU.clock: 0.4845, IoU.flag: 0.6931, Acc.wall: 0.8980, Acc.building: 0.9358, Acc.sky: 0.9781, Acc.floor: 0.9274, Acc.tree: 0.8784, Acc.ceiling: 0.9437, Acc.road: 0.8980, Acc.bed : 0.9784, Acc.windowpane: 0.7783, Acc.grass: 0.7876, Acc.cabinet: 0.7702, Acc.sidewalk: 0.8844, Acc.person: 0.9280, Acc.earth: 0.4945, Acc.door: 0.7945, Acc.table: 0.7899, Acc.mountain: 0.7273, Acc.plant: 0.6763, Acc.curtain: 0.9139, Acc.chair: 0.8038, Acc.car: 0.9383, Acc.water: 0.6718, Acc.painting: 0.8829, Acc.sofa: 0.9274, Acc.shelf: 0.7015, Acc.house: 0.6049, Acc.sea: 0.8424, Acc.mirror: 0.8664, Acc.rug: 0.7445, Acc.field: 0.5809, Acc.armchair: 0.7603, Acc.seat: 0.8524, Acc.fence: 0.6067, Acc.desk: 0.7681, Acc.rock: 0.8213, Acc.wardrobe: 0.6950, Acc.lamp: 0.8413, Acc.bathtub: 0.8536, Acc.railing: 0.5304, Acc.cushion: 0.7505, Acc.base: 0.5543, Acc.box: 0.4070, Acc.column: 0.6558, Acc.signboard: 0.4155, Acc.chest of drawers: 0.6857, Acc.counter: 0.5970, Acc.sand: 0.8730, Acc.sink: 0.8216, Acc.skyscraper: 0.5406, Acc.fireplace: 0.9617, Acc.refrigerator: 0.9418, Acc.grandstand: 0.8467, Acc.path: 0.4022, Acc.stairs: 0.4425, Acc.runway: 0.9562, Acc.case: 0.6815, Acc.pool table: 0.9767, Acc.pillow: 0.7175, Acc.screen door: 0.8060, Acc.stairway: 0.5872, Acc.river: 0.3547, Acc.bridge: 0.7069, Acc.bookcase: 0.5599, Acc.blind: 0.5022, Acc.coffee table: 0.8897, Acc.toilet: 0.9204, Acc.flower: 0.5729, Acc.book: 0.7262, Acc.hill: 0.1702, Acc.bench: 0.8415, Acc.countertop: 0.8649, Acc.stove: 0.9494, Acc.palm: 0.8261, Acc.kitchen island: 0.8574, Acc.computer: 0.9143, Acc.swivel chair: 0.4236, Acc.boat: 0.9158, Acc.bar: 0.8135, Acc.arcade machine: 0.9858, Acc.hovel: 0.3499, Acc.bus: 0.9693, Acc.towel: 0.8593, Acc.light: 0.6857, Acc.truck: 0.6289, Acc.tower: 0.6099, Acc.chandelier: 0.8437, Acc.awning: 0.5545, Acc.streetlight: 0.4153, Acc.booth: 0.6867, Acc.television receiver: 0.8726, Acc.airplane: 0.9644, Acc.dirt track: 0.6066, Acc.apparel: 0.7732, Acc.pole: 0.2641, Acc.land: 0.0565, Acc.bannister: 0.1610, Acc.escalator: 0.7776, Acc.ottoman: 0.7125, Acc.bottle: 0.6170, Acc.buffet: 0.6204, Acc.poster: 0.4709, Acc.stage: 0.5377, Acc.van: 0.7104, Acc.ship: 0.7750, Acc.fountain: 0.3487, Acc.conveyer belt: 0.9463, Acc.canopy: 0.6011, Acc.washer: 0.8682, Acc.plaything: 0.3691, Acc.swimming pool: 0.9087, Acc.stool: 0.6352, Acc.barrel: 0.6699, Acc.basket: 0.5209, Acc.waterfall: 0.7435, Acc.tent: 0.9769, Acc.bag: 0.3191, Acc.minibike: 0.8682, Acc.cradle: 0.9692, Acc.oven: 0.6565, Acc.ball: 0.6873, Acc.food: 0.6921, Acc.step: 0.1591, Acc.tank: 0.7097, Acc.trade name: 0.3797, Acc.microwave: 0.9497, Acc.pot: 0.6687, Acc.animal: 0.6922, Acc.bicycle: 0.7888, Acc.lake: 0.6340, Acc.dishwasher: 0.8257, Acc.screen: 0.9610, Acc.blanket: 0.4133, Acc.sculpture: 0.8658, Acc.hood: 0.7156, Acc.sconce: 0.7311, Acc.vase: 0.4984, Acc.traffic light: 0.5638, Acc.tray: 0.1798, Acc.ashcan: 0.6588, Acc.fan: 0.7964, Acc.pier: 0.4286, Acc.crt screen: 0.1375, Acc.plate: 0.7102, Acc.monitor: 0.8250, Acc.bulletin board: 0.8542, Acc.shower: 0.0000, Acc.radiator: 0.7858, Acc.glass: 0.2039, Acc.clock: 0.5821, Acc.flag: 0.7651 2023-11-02 15:06:35,815 - mmseg - INFO - Iter [26050/80000] lr: 2.185e-06, eta: 1 day, 3:11:25, time: 3.565, data_time: 1.907, memory: 69173, decode.loss_ce: 0.2312, decode.acc_seg: 90.3117, aux.loss_ce: 0.1194, aux.acc_seg: 88.1681, loss: 0.3506 2023-11-02 15:07:58,904 - mmseg - INFO - Iter [26100/80000] lr: 2.183e-06, eta: 1 day, 3:09:39, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2264, decode.acc_seg: 90.3941, aux.loss_ce: 0.1177, aux.acc_seg: 88.3472, loss: 0.3442 2023-11-02 15:09:22,050 - mmseg - INFO - Iter [26150/80000] lr: 2.181e-06, eta: 1 day, 3:07:53, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2312, decode.acc_seg: 90.4933, aux.loss_ce: 0.1200, aux.acc_seg: 88.1683, loss: 0.3512 2023-11-02 15:10:45,237 - mmseg - INFO - Iter [26200/80000] lr: 2.179e-06, eta: 1 day, 3:06:06, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2262, decode.acc_seg: 90.7993, aux.loss_ce: 0.1151, aux.acc_seg: 88.5157, loss: 0.3413 2023-11-02 15:12:08,321 - mmseg - INFO - Iter [26250/80000] lr: 2.177e-06, eta: 1 day, 3:04:20, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2216, decode.acc_seg: 90.6301, aux.loss_ce: 0.1202, aux.acc_seg: 88.1357, loss: 0.3417 2023-11-02 15:13:31,417 - mmseg - INFO - Iter [26300/80000] lr: 2.175e-06, eta: 1 day, 3:02:34, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2413, decode.acc_seg: 90.0613, aux.loss_ce: 0.1262, aux.acc_seg: 87.3509, loss: 0.3675 2023-11-02 15:14:54,496 - mmseg - INFO - Iter [26350/80000] lr: 2.173e-06, eta: 1 day, 3:00:48, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2256, decode.acc_seg: 90.8914, aux.loss_ce: 0.1182, aux.acc_seg: 88.4184, loss: 0.3437 2023-11-02 15:16:17,627 - mmseg - INFO - Iter [26400/80000] lr: 2.171e-06, eta: 1 day, 2:59:02, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2262, decode.acc_seg: 90.6174, aux.loss_ce: 0.1164, aux.acc_seg: 88.3742, loss: 0.3426 2023-11-02 15:17:40,772 - mmseg - INFO - Iter [26450/80000] lr: 2.169e-06, eta: 1 day, 2:57:16, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2282, decode.acc_seg: 90.4681, aux.loss_ce: 0.1200, aux.acc_seg: 88.3651, loss: 0.3482 2023-11-02 15:19:03,922 - mmseg - INFO - Iter [26500/80000] lr: 2.167e-06, eta: 1 day, 2:55:31, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2349, decode.acc_seg: 90.3653, aux.loss_ce: 0.1180, aux.acc_seg: 88.5043, loss: 0.3529 2023-11-02 15:20:29,490 - mmseg - INFO - Iter [26550/80000] lr: 2.165e-06, eta: 1 day, 2:53:50, time: 1.711, data_time: 0.052, memory: 69173, decode.loss_ce: 0.2124, decode.acc_seg: 90.9459, aux.loss_ce: 0.1107, aux.acc_seg: 88.8847, loss: 0.3230 2023-11-02 15:21:52,629 - mmseg - INFO - Iter [26600/80000] lr: 2.163e-06, eta: 1 day, 2:52:05, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2168, decode.acc_seg: 90.6157, aux.loss_ce: 0.1127, aux.acc_seg: 88.2878, loss: 0.3295 2023-11-02 15:23:15,771 - mmseg - INFO - Iter [26650/80000] lr: 2.161e-06, eta: 1 day, 2:50:19, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2130, decode.acc_seg: 91.1703, aux.loss_ce: 0.1106, aux.acc_seg: 89.0398, loss: 0.3235 2023-11-02 15:24:38,909 - mmseg - INFO - Iter [26700/80000] lr: 2.159e-06, eta: 1 day, 2:48:34, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2182, decode.acc_seg: 90.7958, aux.loss_ce: 0.1172, aux.acc_seg: 88.0890, loss: 0.3354 2023-11-02 15:26:02,064 - mmseg - INFO - Iter [26750/80000] lr: 2.157e-06, eta: 1 day, 2:46:49, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2114, decode.acc_seg: 91.0347, aux.loss_ce: 0.1084, aux.acc_seg: 88.8805, loss: 0.3197 2023-11-02 15:27:25,223 - mmseg - INFO - Iter [26800/80000] lr: 2.154e-06, eta: 1 day, 2:45:03, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2072, decode.acc_seg: 91.1098, aux.loss_ce: 0.1082, aux.acc_seg: 89.1470, loss: 0.3155 2023-11-02 15:28:48,400 - mmseg - INFO - Iter [26850/80000] lr: 2.152e-06, eta: 1 day, 2:43:18, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2156, decode.acc_seg: 91.1662, aux.loss_ce: 0.1148, aux.acc_seg: 88.4652, loss: 0.3303 2023-11-02 15:30:11,553 - mmseg - INFO - Iter [26900/80000] lr: 2.150e-06, eta: 1 day, 2:41:33, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2179, decode.acc_seg: 90.8452, aux.loss_ce: 0.1110, aux.acc_seg: 88.8003, loss: 0.3289 2023-11-02 15:31:34,661 - mmseg - INFO - Iter [26950/80000] lr: 2.148e-06, eta: 1 day, 2:39:48, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2209, decode.acc_seg: 90.5640, aux.loss_ce: 0.1181, aux.acc_seg: 88.2982, loss: 0.3390 2023-11-02 15:32:57,756 - mmseg - INFO - Saving checkpoint at 27000 iterations 2023-11-02 15:33:56,314 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 15:33:56,314 - mmseg - INFO - Iter [27000/80000] lr: 2.146e-06, eta: 1 day, 2:39:58, time: 2.833, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2106, decode.acc_seg: 90.9784, aux.loss_ce: 0.1104, aux.acc_seg: 88.9067, loss: 0.3209 2023-11-02 15:35:24,959 - mmseg - INFO - per class results: 2023-11-02 15:35:24,964 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.12 | 88.69 | | building | 84.15 | 93.38 | | sky | 94.96 | 97.56 | | floor | 84.78 | 90.84 | | tree | 76.22 | 89.92 | | ceiling | 86.52 | 94.08 | | road | 85.98 | 89.15 | | bed | 92.35 | 97.5 | | windowpane | 66.39 | 78.66 | | grass | 67.82 | 77.47 | | cabinet | 66.44 | 77.71 | | sidewalk | 69.92 | 88.02 | | person | 84.48 | 93.89 | | earth | 40.85 | 56.22 | | door | 57.14 | 74.35 | | table | 68.83 | 81.62 | | mountain | 65.19 | 75.49 | | plant | 55.74 | 66.23 | | curtain | 76.98 | 91.69 | | chair | 64.23 | 74.83 | | car | 87.39 | 94.58 | | water | 65.36 | 81.12 | | painting | 78.24 | 89.04 | | sofa | 80.85 | 92.16 | | shelf | 48.34 | 66.12 | | house | 44.51 | 54.13 | | sea | 73.16 | 81.09 | | mirror | 75.69 | 85.13 | | rug | 71.62 | 89.24 | | field | 26.7 | 47.34 | | armchair | 64.67 | 77.11 | | seat | 66.21 | 88.22 | | fence | 46.51 | 56.1 | | desk | 54.71 | 84.04 | | rock | 59.23 | 77.21 | | wardrobe | 55.87 | 68.77 | | lamp | 72.12 | 85.26 | | bathtub | 89.32 | 94.0 | | railing | 42.14 | 57.69 | | cushion | 68.21 | 77.06 | | base | 41.3 | 57.34 | | box | 38.0 | 44.51 | | column | 53.14 | 70.3 | | signboard | 41.55 | 57.4 | | chest of drawers | 49.74 | 70.83 | | counter | 46.09 | 55.47 | | sand | 57.6 | 76.61 | | sink | 77.78 | 85.26 | | skyscraper | 45.3 | 57.3 | | fireplace | 75.48 | 92.34 | | refrigerator | 81.72 | 95.79 | | grandstand | 61.53 | 87.3 | | path | 28.58 | 38.77 | | stairs | 41.84 | 54.96 | | runway | 72.39 | 97.72 | | case | 59.01 | 81.47 | | pool table | 92.96 | 98.67 | | pillow | 68.97 | 82.21 | | screen door | 65.76 | 68.37 | | stairway | 40.18 | 46.09 | | river | 14.9 | 29.28 | | bridge | 69.88 | 88.56 | | bookcase | 34.39 | 57.71 | | blind | 47.38 | 59.49 | | coffee table | 69.81 | 87.98 | | toilet | 89.28 | 93.59 | | flower | 38.92 | 52.95 | | book | 54.01 | 75.11 | | hill | 9.62 | 24.64 | | bench | 61.46 | 70.54 | | countertop | 67.24 | 82.49 | | stove | 84.52 | 92.35 | | palm | 55.28 | 82.85 | | kitchen island | 44.71 | 82.86 | | computer | 78.27 | 91.48 | | swivel chair | 48.5 | 77.81 | | boat | 74.92 | 90.95 | | bar | 63.65 | 82.86 | | arcade machine | 89.34 | 95.45 | | hovel | 50.54 | 58.09 | | bus | 93.51 | 97.32 | | towel | 71.13 | 77.08 | | light | 60.43 | 68.06 | | truck | 46.1 | 63.58 | | tower | 35.14 | 60.93 | | chandelier | 71.56 | 85.07 | | awning | 51.51 | 61.36 | | streetlight | 30.83 | 38.22 | | booth | 51.14 | 54.56 | | television receiver | 80.68 | 89.85 | | airplane | 87.31 | 96.6 | | dirt track | 6.41 | 28.64 | | apparel | 62.86 | 79.83 | | pole | 24.91 | 33.6 | | land | 3.5 | 5.75 | | bannister | 16.53 | 25.22 | | escalator | 58.82 | 84.87 | | ottoman | 48.61 | 73.2 | | bottle | 44.07 | 64.02 | | buffet | 55.12 | 66.73 | | poster | 34.65 | 41.61 | | stage | 16.67 | 40.66 | | van | 48.78 | 65.9 | | ship | 67.21 | 75.49 | | fountain | 28.71 | 33.94 | | conveyer belt | 78.03 | 93.2 | | canopy | 48.91 | 58.84 | | washer | 84.16 | 89.82 | | plaything | 30.29 | 41.91 | | swimming pool | 54.66 | 79.01 | | stool | 48.87 | 70.16 | | barrel | 73.76 | 90.33 | | basket | 38.51 | 50.34 | | waterfall | 56.54 | 67.35 | | tent | 92.65 | 98.58 | | bag | 27.01 | 32.4 | | minibike | 74.44 | 90.37 | | cradle | 87.9 | 98.16 | | oven | 68.94 | 80.55 | | ball | 57.58 | 65.08 | | food | 55.63 | 64.28 | | step | 17.99 | 24.1 | | tank | 78.17 | 88.99 | | trade name | 29.46 | 33.9 | | microwave | 89.15 | 96.09 | | pot | 56.88 | 63.74 | | animal | 60.65 | 62.51 | | bicycle | 62.15 | 83.66 | | lake | 49.49 | 63.77 | | dishwasher | 73.05 | 87.25 | | screen | 59.13 | 79.56 | | blanket | 28.8 | 34.59 | | sculpture | 69.94 | 87.41 | | hood | 56.08 | 66.33 | | sconce | 59.62 | 71.14 | | vase | 45.54 | 68.35 | | traffic light | 35.59 | 58.53 | | tray | 18.74 | 32.23 | | ashcan | 47.55 | 64.31 | | fan | 67.53 | 85.42 | | pier | 37.65 | 41.44 | | crt screen | 7.68 | 12.06 | | plate | 57.78 | 81.05 | | monitor | 60.98 | 72.84 | | bulletin board | 60.28 | 72.38 | | shower | 0.02 | 0.06 | | radiator | 63.29 | 82.17 | | glass | 21.59 | 23.81 | | clock | 52.51 | 62.03 | | flag | 70.47 | 77.44 | +---------------------+-------+-------+ 2023-11-02 15:35:24,964 - mmseg - INFO - Summary: 2023-11-02 15:35:24,964 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.79 | 57.59 | 70.52 | +-------+-------+-------+ 2023-11-02 15:35:24,965 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 15:35:24,966 - mmseg - INFO - Iter(val) [250] aAcc: 0.8579, mIoU: 0.5759, mAcc: 0.7052, IoU.wall: 0.8112, IoU.building: 0.8415, IoU.sky: 0.9496, IoU.floor: 0.8478, IoU.tree: 0.7622, IoU.ceiling: 0.8652, IoU.road: 0.8598, IoU.bed : 0.9235, IoU.windowpane: 0.6639, IoU.grass: 0.6782, IoU.cabinet: 0.6644, IoU.sidewalk: 0.6992, IoU.person: 0.8448, IoU.earth: 0.4085, IoU.door: 0.5714, IoU.table: 0.6883, IoU.mountain: 0.6519, IoU.plant: 0.5574, IoU.curtain: 0.7698, IoU.chair: 0.6423, IoU.car: 0.8739, IoU.water: 0.6536, IoU.painting: 0.7824, IoU.sofa: 0.8085, IoU.shelf: 0.4834, IoU.house: 0.4451, IoU.sea: 0.7316, IoU.mirror: 0.7569, IoU.rug: 0.7162, IoU.field: 0.2670, IoU.armchair: 0.6467, IoU.seat: 0.6621, IoU.fence: 0.4651, IoU.desk: 0.5471, IoU.rock: 0.5923, IoU.wardrobe: 0.5587, IoU.lamp: 0.7212, IoU.bathtub: 0.8932, IoU.railing: 0.4214, IoU.cushion: 0.6821, IoU.base: 0.4130, IoU.box: 0.3800, IoU.column: 0.5314, IoU.signboard: 0.4155, IoU.chest of drawers: 0.4974, IoU.counter: 0.4609, IoU.sand: 0.5760, IoU.sink: 0.7778, IoU.skyscraper: 0.4530, IoU.fireplace: 0.7548, IoU.refrigerator: 0.8172, IoU.grandstand: 0.6153, IoU.path: 0.2858, IoU.stairs: 0.4184, IoU.runway: 0.7239, IoU.case: 0.5901, IoU.pool table: 0.9296, IoU.pillow: 0.6897, IoU.screen door: 0.6576, IoU.stairway: 0.4018, IoU.river: 0.1490, IoU.bridge: 0.6988, IoU.bookcase: 0.3439, IoU.blind: 0.4738, IoU.coffee table: 0.6981, IoU.toilet: 0.8928, IoU.flower: 0.3892, IoU.book: 0.5401, IoU.hill: 0.0962, IoU.bench: 0.6146, IoU.countertop: 0.6724, IoU.stove: 0.8452, IoU.palm: 0.5528, IoU.kitchen island: 0.4471, IoU.computer: 0.7827, IoU.swivel chair: 0.4850, IoU.boat: 0.7492, IoU.bar: 0.6365, IoU.arcade machine: 0.8934, IoU.hovel: 0.5054, IoU.bus: 0.9351, IoU.towel: 0.7113, IoU.light: 0.6043, IoU.truck: 0.4610, IoU.tower: 0.3514, IoU.chandelier: 0.7156, IoU.awning: 0.5151, IoU.streetlight: 0.3083, IoU.booth: 0.5114, IoU.television receiver: 0.8068, IoU.airplane: 0.8731, IoU.dirt track: 0.0641, IoU.apparel: 0.6286, IoU.pole: 0.2491, IoU.land: 0.0350, IoU.bannister: 0.1653, IoU.escalator: 0.5882, IoU.ottoman: 0.4861, IoU.bottle: 0.4407, IoU.buffet: 0.5512, IoU.poster: 0.3465, IoU.stage: 0.1667, IoU.van: 0.4878, IoU.ship: 0.6721, IoU.fountain: 0.2871, IoU.conveyer belt: 0.7803, IoU.canopy: 0.4891, IoU.washer: 0.8416, IoU.plaything: 0.3029, IoU.swimming pool: 0.5466, IoU.stool: 0.4887, IoU.barrel: 0.7376, IoU.basket: 0.3851, IoU.waterfall: 0.5654, IoU.tent: 0.9265, IoU.bag: 0.2701, IoU.minibike: 0.7444, IoU.cradle: 0.8790, IoU.oven: 0.6894, IoU.ball: 0.5758, IoU.food: 0.5563, IoU.step: 0.1799, IoU.tank: 0.7817, IoU.trade name: 0.2946, IoU.microwave: 0.8915, IoU.pot: 0.5688, IoU.animal: 0.6065, IoU.bicycle: 0.6215, IoU.lake: 0.4949, IoU.dishwasher: 0.7305, IoU.screen: 0.5913, IoU.blanket: 0.2880, IoU.sculpture: 0.6994, IoU.hood: 0.5608, IoU.sconce: 0.5962, IoU.vase: 0.4554, IoU.traffic light: 0.3559, IoU.tray: 0.1874, IoU.ashcan: 0.4755, IoU.fan: 0.6753, IoU.pier: 0.3765, IoU.crt screen: 0.0768, IoU.plate: 0.5778, IoU.monitor: 0.6098, IoU.bulletin board: 0.6028, IoU.shower: 0.0002, IoU.radiator: 0.6329, IoU.glass: 0.2159, IoU.clock: 0.5251, IoU.flag: 0.7047, Acc.wall: 0.8869, Acc.building: 0.9338, Acc.sky: 0.9756, Acc.floor: 0.9084, Acc.tree: 0.8992, Acc.ceiling: 0.9408, Acc.road: 0.8915, Acc.bed : 0.9750, Acc.windowpane: 0.7866, Acc.grass: 0.7747, Acc.cabinet: 0.7771, Acc.sidewalk: 0.8802, Acc.person: 0.9389, Acc.earth: 0.5622, Acc.door: 0.7435, Acc.table: 0.8162, Acc.mountain: 0.7549, Acc.plant: 0.6623, Acc.curtain: 0.9169, Acc.chair: 0.7483, Acc.car: 0.9458, Acc.water: 0.8112, Acc.painting: 0.8904, Acc.sofa: 0.9216, Acc.shelf: 0.6612, Acc.house: 0.5413, Acc.sea: 0.8109, Acc.mirror: 0.8513, Acc.rug: 0.8924, Acc.field: 0.4734, Acc.armchair: 0.7711, Acc.seat: 0.8822, Acc.fence: 0.5610, Acc.desk: 0.8404, Acc.rock: 0.7721, Acc.wardrobe: 0.6877, Acc.lamp: 0.8526, Acc.bathtub: 0.9400, Acc.railing: 0.5769, Acc.cushion: 0.7706, Acc.base: 0.5734, Acc.box: 0.4451, Acc.column: 0.7030, Acc.signboard: 0.5740, Acc.chest of drawers: 0.7083, Acc.counter: 0.5547, Acc.sand: 0.7661, Acc.sink: 0.8526, Acc.skyscraper: 0.5730, Acc.fireplace: 0.9234, Acc.refrigerator: 0.9579, Acc.grandstand: 0.8730, Acc.path: 0.3877, Acc.stairs: 0.5496, Acc.runway: 0.9772, Acc.case: 0.8147, Acc.pool table: 0.9867, Acc.pillow: 0.8221, Acc.screen door: 0.6837, Acc.stairway: 0.4609, Acc.river: 0.2928, Acc.bridge: 0.8856, Acc.bookcase: 0.5771, Acc.blind: 0.5949, Acc.coffee table: 0.8798, Acc.toilet: 0.9359, Acc.flower: 0.5295, Acc.book: 0.7511, Acc.hill: 0.2464, Acc.bench: 0.7054, Acc.countertop: 0.8249, Acc.stove: 0.9235, Acc.palm: 0.8285, Acc.kitchen island: 0.8286, Acc.computer: 0.9148, Acc.swivel chair: 0.7781, Acc.boat: 0.9095, Acc.bar: 0.8286, Acc.arcade machine: 0.9545, Acc.hovel: 0.5809, Acc.bus: 0.9732, Acc.towel: 0.7708, Acc.light: 0.6806, Acc.truck: 0.6358, Acc.tower: 0.6093, Acc.chandelier: 0.8507, Acc.awning: 0.6136, Acc.streetlight: 0.3822, Acc.booth: 0.5456, Acc.television receiver: 0.8985, Acc.airplane: 0.9660, Acc.dirt track: 0.2864, Acc.apparel: 0.7983, Acc.pole: 0.3360, Acc.land: 0.0575, Acc.bannister: 0.2522, Acc.escalator: 0.8487, Acc.ottoman: 0.7320, Acc.bottle: 0.6402, Acc.buffet: 0.6673, Acc.poster: 0.4161, Acc.stage: 0.4066, Acc.van: 0.6590, Acc.ship: 0.7549, Acc.fountain: 0.3394, Acc.conveyer belt: 0.9320, Acc.canopy: 0.5884, Acc.washer: 0.8982, Acc.plaything: 0.4191, Acc.swimming pool: 0.7901, Acc.stool: 0.7016, Acc.barrel: 0.9033, Acc.basket: 0.5034, Acc.waterfall: 0.6735, Acc.tent: 0.9858, Acc.bag: 0.3240, Acc.minibike: 0.9037, Acc.cradle: 0.9816, Acc.oven: 0.8055, Acc.ball: 0.6508, Acc.food: 0.6428, Acc.step: 0.2410, Acc.tank: 0.8899, Acc.trade name: 0.3390, Acc.microwave: 0.9609, Acc.pot: 0.6374, Acc.animal: 0.6251, Acc.bicycle: 0.8366, Acc.lake: 0.6377, Acc.dishwasher: 0.8725, Acc.screen: 0.7956, Acc.blanket: 0.3459, Acc.sculpture: 0.8741, Acc.hood: 0.6633, Acc.sconce: 0.7114, Acc.vase: 0.6835, Acc.traffic light: 0.5853, Acc.tray: 0.3223, Acc.ashcan: 0.6431, Acc.fan: 0.8542, Acc.pier: 0.4144, Acc.crt screen: 0.1206, Acc.plate: 0.8105, Acc.monitor: 0.7284, Acc.bulletin board: 0.7238, Acc.shower: 0.0006, Acc.radiator: 0.8217, Acc.glass: 0.2381, Acc.clock: 0.6203, Acc.flag: 0.7744 2023-11-02 15:36:48,177 - mmseg - INFO - Iter [27050/80000] lr: 2.144e-06, eta: 1 day, 2:41:07, time: 3.437, data_time: 1.781, memory: 69173, decode.loss_ce: 0.2228, decode.acc_seg: 90.7520, aux.loss_ce: 0.1191, aux.acc_seg: 88.1265, loss: 0.3419 2023-11-02 15:38:11,303 - mmseg - INFO - Iter [27100/80000] lr: 2.142e-06, eta: 1 day, 2:39:21, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2243, decode.acc_seg: 90.5704, aux.loss_ce: 0.1150, aux.acc_seg: 88.5873, loss: 0.3393 2023-11-02 15:39:34,407 - mmseg - INFO - Iter [27150/80000] lr: 2.140e-06, eta: 1 day, 2:37:36, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2263, decode.acc_seg: 90.6107, aux.loss_ce: 0.1108, aux.acc_seg: 88.7077, loss: 0.3370 2023-11-02 15:40:57,545 - mmseg - INFO - Iter [27200/80000] lr: 2.138e-06, eta: 1 day, 2:35:51, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2260, decode.acc_seg: 90.3935, aux.loss_ce: 0.1185, aux.acc_seg: 88.1226, loss: 0.3445 2023-11-02 15:42:20,655 - mmseg - INFO - Iter [27250/80000] lr: 2.136e-06, eta: 1 day, 2:34:05, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2276, decode.acc_seg: 90.8413, aux.loss_ce: 0.1169, aux.acc_seg: 88.4506, loss: 0.3445 2023-11-02 15:43:43,765 - mmseg - INFO - Iter [27300/80000] lr: 2.134e-06, eta: 1 day, 2:32:20, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2198, decode.acc_seg: 90.8707, aux.loss_ce: 0.1136, aux.acc_seg: 88.6760, loss: 0.3334 2023-11-02 15:45:06,876 - mmseg - INFO - Iter [27350/80000] lr: 2.132e-06, eta: 1 day, 2:30:35, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2418, decode.acc_seg: 89.6124, aux.loss_ce: 0.1243, aux.acc_seg: 87.3901, loss: 0.3661 2023-11-02 15:46:29,965 - mmseg - INFO - Iter [27400/80000] lr: 2.130e-06, eta: 1 day, 2:28:50, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2226, decode.acc_seg: 90.7968, aux.loss_ce: 0.1130, aux.acc_seg: 88.8144, loss: 0.3356 2023-11-02 15:47:53,077 - mmseg - INFO - Iter [27450/80000] lr: 2.128e-06, eta: 1 day, 2:27:05, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2241, decode.acc_seg: 90.5431, aux.loss_ce: 0.1149, aux.acc_seg: 88.4711, loss: 0.3390 2023-11-02 15:49:16,170 - mmseg - INFO - Iter [27500/80000] lr: 2.126e-06, eta: 1 day, 2:25:20, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2269, decode.acc_seg: 90.6109, aux.loss_ce: 0.1236, aux.acc_seg: 87.9282, loss: 0.3506 2023-11-02 15:50:39,280 - mmseg - INFO - Iter [27550/80000] lr: 2.124e-06, eta: 1 day, 2:23:35, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2061, decode.acc_seg: 91.3877, aux.loss_ce: 0.1093, aux.acc_seg: 88.9152, loss: 0.3155 2023-11-02 15:52:02,377 - mmseg - INFO - Iter [27600/80000] lr: 2.122e-06, eta: 1 day, 2:21:50, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2047, decode.acc_seg: 91.1341, aux.loss_ce: 0.1070, aux.acc_seg: 89.0627, loss: 0.3117 2023-11-02 15:53:25,523 - mmseg - INFO - Iter [27650/80000] lr: 2.120e-06, eta: 1 day, 2:20:06, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2014, decode.acc_seg: 91.3726, aux.loss_ce: 0.1057, aux.acc_seg: 89.2267, loss: 0.3071 2023-11-02 15:54:48,608 - mmseg - INFO - Iter [27700/80000] lr: 2.118e-06, eta: 1 day, 2:18:21, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2154, decode.acc_seg: 90.7127, aux.loss_ce: 0.1162, aux.acc_seg: 88.0639, loss: 0.3315 2023-11-02 15:56:11,687 - mmseg - INFO - Iter [27750/80000] lr: 2.116e-06, eta: 1 day, 2:16:36, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1976, decode.acc_seg: 91.3803, aux.loss_ce: 0.1039, aux.acc_seg: 89.4976, loss: 0.3015 2023-11-02 15:57:37,289 - mmseg - INFO - Iter [27800/80000] lr: 2.114e-06, eta: 1 day, 2:14:57, time: 1.712, data_time: 0.054, memory: 69173, decode.loss_ce: 0.2016, decode.acc_seg: 91.6096, aux.loss_ce: 0.1027, aux.acc_seg: 89.6708, loss: 0.3042 2023-11-02 15:59:00,411 - mmseg - INFO - Iter [27850/80000] lr: 2.112e-06, eta: 1 day, 2:13:12, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1993, decode.acc_seg: 91.5590, aux.loss_ce: 0.1035, aux.acc_seg: 89.4517, loss: 0.3028 2023-11-02 16:00:23,544 - mmseg - INFO - Iter [27900/80000] lr: 2.110e-06, eta: 1 day, 2:11:28, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1923, decode.acc_seg: 91.5030, aux.loss_ce: 0.1055, aux.acc_seg: 89.0061, loss: 0.2978 2023-11-02 16:01:46,674 - mmseg - INFO - Iter [27950/80000] lr: 2.108e-06, eta: 1 day, 2:09:44, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2000, decode.acc_seg: 91.3296, aux.loss_ce: 0.1032, aux.acc_seg: 89.3999, loss: 0.3032 2023-11-02 16:03:09,792 - mmseg - INFO - Saving checkpoint at 28000 iterations 2023-11-02 16:04:07,116 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 16:04:07,116 - mmseg - INFO - Iter [28000/80000] lr: 2.106e-06, eta: 1 day, 2:09:46, time: 2.809, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2107, decode.acc_seg: 91.0936, aux.loss_ce: 0.1057, aux.acc_seg: 89.4247, loss: 0.3165 2023-11-02 16:05:32,513 - mmseg - INFO - per class results: 2023-11-02 16:05:32,519 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.71 | 89.43 | | building | 84.45 | 92.91 | | sky | 94.5 | 96.38 | | floor | 85.18 | 90.84 | | tree | 77.02 | 89.93 | | ceiling | 86.62 | 93.97 | | road | 86.62 | 90.72 | | bed | 92.44 | 97.12 | | windowpane | 66.54 | 78.69 | | grass | 67.15 | 80.47 | | cabinet | 66.35 | 75.78 | | sidewalk | 71.41 | 86.88 | | person | 84.63 | 93.0 | | earth | 40.44 | 56.4 | | door | 58.97 | 77.19 | | table | 68.33 | 80.95 | | mountain | 65.1 | 74.39 | | plant | 58.36 | 70.66 | | curtain | 78.88 | 90.24 | | chair | 65.26 | 80.21 | | car | 87.03 | 93.83 | | water | 65.79 | 81.0 | | painting | 78.03 | 89.51 | | sofa | 81.1 | 92.81 | | shelf | 48.5 | 63.8 | | house | 47.44 | 62.67 | | sea | 73.26 | 84.03 | | mirror | 75.25 | 87.16 | | rug | 70.58 | 80.28 | | field | 28.74 | 48.7 | | armchair | 62.75 | 74.98 | | seat | 63.78 | 88.79 | | fence | 53.14 | 68.4 | | desk | 56.35 | 80.69 | | rock | 62.07 | 82.86 | | wardrobe | 55.63 | 72.47 | | lamp | 72.29 | 85.75 | | bathtub | 89.44 | 92.11 | | railing | 40.44 | 56.29 | | cushion | 68.85 | 78.18 | | base | 39.27 | 66.16 | | box | 38.18 | 47.45 | | column | 53.89 | 66.68 | | signboard | 41.41 | 57.95 | | chest of drawers | 44.87 | 78.66 | | counter | 38.79 | 45.89 | | sand | 48.5 | 66.01 | | sink | 77.4 | 82.31 | | skyscraper | 37.52 | 46.04 | | fireplace | 74.37 | 93.78 | | refrigerator | 79.84 | 94.54 | | grandstand | 52.1 | 88.07 | | path | 32.16 | 48.86 | | stairs | 35.66 | 46.38 | | runway | 68.88 | 93.78 | | case | 59.38 | 85.67 | | pool table | 94.52 | 97.34 | | pillow | 69.05 | 82.7 | | screen door | 78.16 | 86.32 | | stairway | 39.53 | 47.54 | | river | 13.71 | 24.92 | | bridge | 41.44 | 45.34 | | bookcase | 41.41 | 52.11 | | blind | 42.53 | 51.93 | | coffee table | 67.89 | 84.87 | | toilet | 90.04 | 93.73 | | flower | 37.49 | 58.2 | | book | 52.56 | 75.22 | | hill | 6.59 | 12.43 | | bench | 52.28 | 59.96 | | countertop | 62.9 | 85.77 | | stove | 84.51 | 91.95 | | palm | 53.4 | 84.38 | | kitchen island | 48.67 | 82.18 | | computer | 76.17 | 91.26 | | swivel chair | 43.84 | 61.66 | | boat | 72.54 | 90.27 | | bar | 59.59 | 84.68 | | arcade machine | 82.13 | 86.72 | | hovel | 26.52 | 28.77 | | bus | 92.81 | 96.21 | | towel | 73.67 | 82.09 | | light | 60.67 | 67.3 | | truck | 47.77 | 67.64 | | tower | 22.89 | 35.98 | | chandelier | 70.88 | 87.62 | | awning | 43.1 | 52.13 | | streetlight | 35.84 | 52.89 | | booth | 51.35 | 58.32 | | television receiver | 78.03 | 90.82 | | airplane | 87.61 | 97.09 | | dirt track | 6.29 | 28.61 | | apparel | 57.61 | 79.91 | | pole | 20.41 | 26.81 | | land | 2.07 | 6.35 | | bannister | 18.94 | 29.41 | | escalator | 60.82 | 84.59 | | ottoman | 53.09 | 69.84 | | bottle | 42.34 | 64.83 | | buffet | 60.39 | 75.73 | | poster | 32.8 | 43.02 | | stage | 18.71 | 48.41 | | van | 45.38 | 64.96 | | ship | 68.26 | 69.66 | | fountain | 35.95 | 40.56 | | conveyer belt | 70.63 | 95.9 | | canopy | 52.33 | 66.47 | | washer | 82.25 | 87.36 | | plaything | 26.48 | 41.09 | | swimming pool | 56.2 | 81.51 | | stool | 51.8 | 67.7 | | barrel | 57.18 | 75.91 | | basket | 40.91 | 52.54 | | waterfall | 50.87 | 57.96 | | tent | 92.37 | 98.13 | | bag | 24.11 | 27.19 | | minibike | 74.36 | 89.76 | | cradle | 87.0 | 98.23 | | oven | 65.64 | 77.0 | | ball | 60.95 | 71.5 | | food | 51.92 | 61.54 | | step | 24.35 | 37.19 | | tank | 76.68 | 88.34 | | trade name | 20.38 | 22.1 | | microwave | 89.83 | 95.63 | | pot | 58.97 | 70.69 | | animal | 63.64 | 66.19 | | bicycle | 62.47 | 87.1 | | lake | 55.91 | 69.5 | | dishwasher | 72.64 | 85.96 | | screen | 63.56 | 93.62 | | blanket | 27.78 | 31.27 | | sculpture | 75.92 | 86.2 | | hood | 62.98 | 72.32 | | sconce | 60.46 | 74.56 | | vase | 46.34 | 64.09 | | traffic light | 32.91 | 59.31 | | tray | 11.35 | 14.4 | | ashcan | 49.43 | 70.07 | | fan | 68.88 | 82.7 | | pier | 40.52 | 45.02 | | crt screen | 9.46 | 14.64 | | plate | 59.41 | 72.45 | | monitor | 50.14 | 58.01 | | bulletin board | 67.19 | 80.52 | | shower | 0.01 | 0.01 | | radiator | 62.97 | 79.37 | | glass | 19.3 | 20.35 | | clock | 49.56 | 62.77 | | flag | 66.64 | 75.91 | +---------------------+-------+-------+ 2023-11-02 16:05:32,519 - mmseg - INFO - Summary: 2023-11-02 16:05:32,519 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 85.83 | 56.68 | 69.8 | +-------+-------+------+ 2023-11-02 16:05:32,520 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 16:05:32,520 - mmseg - INFO - Iter(val) [250] aAcc: 0.8583, mIoU: 0.5668, mAcc: 0.6980, IoU.wall: 0.8171, IoU.building: 0.8445, IoU.sky: 0.9450, IoU.floor: 0.8518, IoU.tree: 0.7702, IoU.ceiling: 0.8662, IoU.road: 0.8662, IoU.bed : 0.9244, IoU.windowpane: 0.6654, IoU.grass: 0.6715, IoU.cabinet: 0.6635, IoU.sidewalk: 0.7141, IoU.person: 0.8463, IoU.earth: 0.4044, IoU.door: 0.5897, IoU.table: 0.6833, IoU.mountain: 0.6510, IoU.plant: 0.5836, IoU.curtain: 0.7888, IoU.chair: 0.6526, IoU.car: 0.8703, IoU.water: 0.6579, IoU.painting: 0.7803, IoU.sofa: 0.8110, IoU.shelf: 0.4850, IoU.house: 0.4744, IoU.sea: 0.7326, IoU.mirror: 0.7525, IoU.rug: 0.7058, IoU.field: 0.2874, IoU.armchair: 0.6275, IoU.seat: 0.6378, IoU.fence: 0.5314, IoU.desk: 0.5635, IoU.rock: 0.6207, IoU.wardrobe: 0.5563, IoU.lamp: 0.7229, IoU.bathtub: 0.8944, IoU.railing: 0.4044, IoU.cushion: 0.6885, IoU.base: 0.3927, IoU.box: 0.3818, IoU.column: 0.5389, IoU.signboard: 0.4141, IoU.chest of drawers: 0.4487, IoU.counter: 0.3879, IoU.sand: 0.4850, IoU.sink: 0.7740, IoU.skyscraper: 0.3752, IoU.fireplace: 0.7437, IoU.refrigerator: 0.7984, IoU.grandstand: 0.5210, IoU.path: 0.3216, IoU.stairs: 0.3566, IoU.runway: 0.6888, IoU.case: 0.5938, IoU.pool table: 0.9452, IoU.pillow: 0.6905, IoU.screen door: 0.7816, IoU.stairway: 0.3953, IoU.river: 0.1371, IoU.bridge: 0.4144, IoU.bookcase: 0.4141, IoU.blind: 0.4253, IoU.coffee table: 0.6789, IoU.toilet: 0.9004, IoU.flower: 0.3749, IoU.book: 0.5256, IoU.hill: 0.0659, IoU.bench: 0.5228, IoU.countertop: 0.6290, IoU.stove: 0.8451, IoU.palm: 0.5340, IoU.kitchen island: 0.4867, IoU.computer: 0.7617, IoU.swivel chair: 0.4384, IoU.boat: 0.7254, IoU.bar: 0.5959, IoU.arcade machine: 0.8213, IoU.hovel: 0.2652, IoU.bus: 0.9281, IoU.towel: 0.7367, IoU.light: 0.6067, IoU.truck: 0.4777, IoU.tower: 0.2289, IoU.chandelier: 0.7088, IoU.awning: 0.4310, IoU.streetlight: 0.3584, IoU.booth: 0.5135, IoU.television receiver: 0.7803, IoU.airplane: 0.8761, IoU.dirt track: 0.0629, IoU.apparel: 0.5761, IoU.pole: 0.2041, IoU.land: 0.0207, IoU.bannister: 0.1894, IoU.escalator: 0.6082, IoU.ottoman: 0.5309, IoU.bottle: 0.4234, IoU.buffet: 0.6039, IoU.poster: 0.3280, IoU.stage: 0.1871, IoU.van: 0.4538, IoU.ship: 0.6826, IoU.fountain: 0.3595, IoU.conveyer belt: 0.7063, IoU.canopy: 0.5233, IoU.washer: 0.8225, IoU.plaything: 0.2648, IoU.swimming pool: 0.5620, IoU.stool: 0.5180, IoU.barrel: 0.5718, IoU.basket: 0.4091, IoU.waterfall: 0.5087, IoU.tent: 0.9237, IoU.bag: 0.2411, IoU.minibike: 0.7436, IoU.cradle: 0.8700, IoU.oven: 0.6564, IoU.ball: 0.6095, IoU.food: 0.5192, IoU.step: 0.2435, IoU.tank: 0.7668, IoU.trade name: 0.2038, IoU.microwave: 0.8983, IoU.pot: 0.5897, IoU.animal: 0.6364, IoU.bicycle: 0.6247, IoU.lake: 0.5591, IoU.dishwasher: 0.7264, IoU.screen: 0.6356, IoU.blanket: 0.2778, IoU.sculpture: 0.7592, IoU.hood: 0.6298, IoU.sconce: 0.6046, IoU.vase: 0.4634, IoU.traffic light: 0.3291, IoU.tray: 0.1135, IoU.ashcan: 0.4943, IoU.fan: 0.6888, IoU.pier: 0.4052, IoU.crt screen: 0.0946, IoU.plate: 0.5941, IoU.monitor: 0.5014, IoU.bulletin board: 0.6719, IoU.shower: 0.0001, IoU.radiator: 0.6297, IoU.glass: 0.1930, IoU.clock: 0.4956, IoU.flag: 0.6664, Acc.wall: 0.8943, Acc.building: 0.9291, Acc.sky: 0.9638, Acc.floor: 0.9084, Acc.tree: 0.8993, Acc.ceiling: 0.9397, Acc.road: 0.9072, Acc.bed : 0.9712, Acc.windowpane: 0.7869, Acc.grass: 0.8047, Acc.cabinet: 0.7578, Acc.sidewalk: 0.8688, Acc.person: 0.9300, Acc.earth: 0.5640, Acc.door: 0.7719, Acc.table: 0.8095, Acc.mountain: 0.7439, Acc.plant: 0.7066, Acc.curtain: 0.9024, Acc.chair: 0.8021, Acc.car: 0.9383, Acc.water: 0.8100, Acc.painting: 0.8951, Acc.sofa: 0.9281, Acc.shelf: 0.6380, Acc.house: 0.6267, Acc.sea: 0.8403, Acc.mirror: 0.8716, Acc.rug: 0.8028, Acc.field: 0.4870, Acc.armchair: 0.7498, Acc.seat: 0.8879, Acc.fence: 0.6840, Acc.desk: 0.8069, Acc.rock: 0.8286, Acc.wardrobe: 0.7247, Acc.lamp: 0.8575, Acc.bathtub: 0.9211, Acc.railing: 0.5629, Acc.cushion: 0.7818, Acc.base: 0.6616, Acc.box: 0.4745, Acc.column: 0.6668, Acc.signboard: 0.5795, Acc.chest of drawers: 0.7866, Acc.counter: 0.4589, Acc.sand: 0.6601, Acc.sink: 0.8231, Acc.skyscraper: 0.4604, Acc.fireplace: 0.9378, Acc.refrigerator: 0.9454, Acc.grandstand: 0.8807, Acc.path: 0.4886, Acc.stairs: 0.4638, Acc.runway: 0.9378, Acc.case: 0.8567, Acc.pool table: 0.9734, Acc.pillow: 0.8270, Acc.screen door: 0.8632, Acc.stairway: 0.4754, Acc.river: 0.2492, Acc.bridge: 0.4534, Acc.bookcase: 0.5211, Acc.blind: 0.5193, Acc.coffee table: 0.8487, Acc.toilet: 0.9373, Acc.flower: 0.5820, Acc.book: 0.7522, Acc.hill: 0.1243, Acc.bench: 0.5996, Acc.countertop: 0.8577, Acc.stove: 0.9195, Acc.palm: 0.8438, Acc.kitchen island: 0.8218, Acc.computer: 0.9126, Acc.swivel chair: 0.6166, Acc.boat: 0.9027, Acc.bar: 0.8468, Acc.arcade machine: 0.8672, Acc.hovel: 0.2877, Acc.bus: 0.9621, Acc.towel: 0.8209, Acc.light: 0.6730, Acc.truck: 0.6764, Acc.tower: 0.3598, Acc.chandelier: 0.8762, Acc.awning: 0.5213, Acc.streetlight: 0.5289, Acc.booth: 0.5832, Acc.television receiver: 0.9082, Acc.airplane: 0.9709, Acc.dirt track: 0.2861, Acc.apparel: 0.7991, Acc.pole: 0.2681, Acc.land: 0.0635, Acc.bannister: 0.2941, Acc.escalator: 0.8459, Acc.ottoman: 0.6984, Acc.bottle: 0.6483, Acc.buffet: 0.7573, Acc.poster: 0.4302, Acc.stage: 0.4841, Acc.van: 0.6496, Acc.ship: 0.6966, Acc.fountain: 0.4056, Acc.conveyer belt: 0.9590, Acc.canopy: 0.6647, Acc.washer: 0.8736, Acc.plaything: 0.4109, Acc.swimming pool: 0.8151, Acc.stool: 0.6770, Acc.barrel: 0.7591, Acc.basket: 0.5254, Acc.waterfall: 0.5796, Acc.tent: 0.9813, Acc.bag: 0.2719, Acc.minibike: 0.8976, Acc.cradle: 0.9823, Acc.oven: 0.7700, Acc.ball: 0.7150, Acc.food: 0.6154, Acc.step: 0.3719, Acc.tank: 0.8834, Acc.trade name: 0.2210, Acc.microwave: 0.9563, Acc.pot: 0.7069, Acc.animal: 0.6619, Acc.bicycle: 0.8710, Acc.lake: 0.6950, Acc.dishwasher: 0.8596, Acc.screen: 0.9362, Acc.blanket: 0.3127, Acc.sculpture: 0.8620, Acc.hood: 0.7232, Acc.sconce: 0.7456, Acc.vase: 0.6409, Acc.traffic light: 0.5931, Acc.tray: 0.1440, Acc.ashcan: 0.7007, Acc.fan: 0.8270, Acc.pier: 0.4502, Acc.crt screen: 0.1464, Acc.plate: 0.7245, Acc.monitor: 0.5801, Acc.bulletin board: 0.8052, Acc.shower: 0.0001, Acc.radiator: 0.7937, Acc.glass: 0.2035, Acc.clock: 0.6277, Acc.flag: 0.7591 2023-11-02 16:06:55,782 - mmseg - INFO - Iter [28050/80000] lr: 2.104e-06, eta: 1 day, 2:10:40, time: 3.373, data_time: 1.716, memory: 69173, decode.loss_ce: 0.2035, decode.acc_seg: 91.4231, aux.loss_ce: 0.1056, aux.acc_seg: 89.3842, loss: 0.3090 2023-11-02 16:08:18,902 - mmseg - INFO - Iter [28100/80000] lr: 2.102e-06, eta: 1 day, 2:08:55, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2022, decode.acc_seg: 91.4820, aux.loss_ce: 0.1077, aux.acc_seg: 89.3533, loss: 0.3099 2023-11-02 16:09:42,020 - mmseg - INFO - Iter [28150/80000] lr: 2.100e-06, eta: 1 day, 2:07:11, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2213, decode.acc_seg: 90.8450, aux.loss_ce: 0.1107, aux.acc_seg: 89.1348, loss: 0.3320 2023-11-02 16:11:05,167 - mmseg - INFO - Iter [28200/80000] lr: 2.098e-06, eta: 1 day, 2:05:26, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2194, decode.acc_seg: 90.5982, aux.loss_ce: 0.1140, aux.acc_seg: 88.4082, loss: 0.3333 2023-11-02 16:12:28,248 - mmseg - INFO - Iter [28250/80000] lr: 2.096e-06, eta: 1 day, 2:03:42, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2055, decode.acc_seg: 91.1543, aux.loss_ce: 0.1071, aux.acc_seg: 89.0677, loss: 0.3126 2023-11-02 16:13:51,373 - mmseg - INFO - Iter [28300/80000] lr: 2.094e-06, eta: 1 day, 2:01:57, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2236, decode.acc_seg: 90.6080, aux.loss_ce: 0.1106, aux.acc_seg: 88.6695, loss: 0.3342 2023-11-02 16:15:14,471 - mmseg - INFO - Iter [28350/80000] lr: 2.092e-06, eta: 1 day, 2:00:13, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2171, decode.acc_seg: 91.0122, aux.loss_ce: 0.1093, aux.acc_seg: 89.2452, loss: 0.3264 2023-11-02 16:16:37,610 - mmseg - INFO - Iter [28400/80000] lr: 2.090e-06, eta: 1 day, 1:58:29, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2075, decode.acc_seg: 91.3760, aux.loss_ce: 0.1085, aux.acc_seg: 89.2657, loss: 0.3160 2023-11-02 16:18:00,710 - mmseg - INFO - Iter [28450/80000] lr: 2.088e-06, eta: 1 day, 1:56:45, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2076, decode.acc_seg: 91.1133, aux.loss_ce: 0.1107, aux.acc_seg: 88.7451, loss: 0.3183 2023-11-02 16:19:23,817 - mmseg - INFO - Iter [28500/80000] lr: 2.086e-06, eta: 1 day, 1:55:00, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2075, decode.acc_seg: 91.0991, aux.loss_ce: 0.1131, aux.acc_seg: 88.5582, loss: 0.3206 2023-11-02 16:20:46,946 - mmseg - INFO - Iter [28550/80000] lr: 2.084e-06, eta: 1 day, 1:53:16, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2017, decode.acc_seg: 91.3103, aux.loss_ce: 0.1061, aux.acc_seg: 89.2530, loss: 0.3078 2023-11-02 16:22:10,056 - mmseg - INFO - Iter [28600/80000] lr: 2.082e-06, eta: 1 day, 1:51:32, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2123, decode.acc_seg: 90.8756, aux.loss_ce: 0.1123, aux.acc_seg: 88.5752, loss: 0.3246 2023-11-02 16:23:33,193 - mmseg - INFO - Iter [28650/80000] lr: 2.080e-06, eta: 1 day, 1:49:49, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2118, decode.acc_seg: 91.1389, aux.loss_ce: 0.1073, aux.acc_seg: 89.4097, loss: 0.3191 2023-11-02 16:24:56,336 - mmseg - INFO - Iter [28700/80000] lr: 2.078e-06, eta: 1 day, 1:48:05, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2090, decode.acc_seg: 91.1849, aux.loss_ce: 0.1112, aux.acc_seg: 88.9180, loss: 0.3202 2023-11-02 16:26:19,457 - mmseg - INFO - Iter [28750/80000] lr: 2.076e-06, eta: 1 day, 1:46:21, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2166, decode.acc_seg: 90.9196, aux.loss_ce: 0.1165, aux.acc_seg: 88.4865, loss: 0.3331 2023-11-02 16:27:42,577 - mmseg - INFO - Iter [28800/80000] lr: 2.074e-06, eta: 1 day, 1:44:37, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2350, decode.acc_seg: 90.3514, aux.loss_ce: 0.1177, aux.acc_seg: 88.1433, loss: 0.3526 2023-11-02 16:29:05,742 - mmseg - INFO - Iter [28850/80000] lr: 2.071e-06, eta: 1 day, 1:42:54, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2067, decode.acc_seg: 91.1807, aux.loss_ce: 0.1092, aux.acc_seg: 89.0185, loss: 0.3158 2023-11-02 16:30:28,911 - mmseg - INFO - Iter [28900/80000] lr: 2.069e-06, eta: 1 day, 1:41:10, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2078, decode.acc_seg: 91.2226, aux.loss_ce: 0.1146, aux.acc_seg: 88.6588, loss: 0.3223 2023-11-02 16:31:52,072 - mmseg - INFO - Iter [28950/80000] lr: 2.067e-06, eta: 1 day, 1:39:27, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2196, decode.acc_seg: 91.0102, aux.loss_ce: 0.1151, aux.acc_seg: 88.6567, loss: 0.3346 2023-11-02 16:33:15,173 - mmseg - INFO - Saving checkpoint at 29000 iterations 2023-11-02 16:34:15,650 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 16:34:15,650 - mmseg - INFO - Iter [29000/80000] lr: 2.065e-06, eta: 1 day, 1:39:30, time: 2.872, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2130, decode.acc_seg: 90.9883, aux.loss_ce: 0.1110, aux.acc_seg: 88.7336, loss: 0.3240 2023-11-02 16:35:42,291 - mmseg - INFO - per class results: 2023-11-02 16:35:42,296 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.66 | 90.36 | | building | 84.36 | 93.34 | | sky | 94.84 | 97.76 | | floor | 84.72 | 91.72 | | tree | 76.47 | 88.73 | | ceiling | 85.8 | 91.57 | | road | 85.4 | 91.42 | | bed | 92.92 | 96.73 | | windowpane | 66.54 | 78.64 | | grass | 66.08 | 72.52 | | cabinet | 65.85 | 73.43 | | sidewalk | 69.05 | 81.03 | | person | 84.71 | 92.73 | | earth | 38.57 | 55.49 | | door | 60.54 | 78.71 | | table | 68.55 | 79.91 | | mountain | 62.91 | 71.11 | | plant | 56.52 | 68.86 | | curtain | 77.5 | 90.24 | | chair | 65.58 | 77.97 | | car | 87.16 | 93.12 | | water | 63.09 | 77.24 | | painting | 76.95 | 89.3 | | sofa | 80.67 | 92.66 | | shelf | 50.77 | 74.12 | | house | 45.75 | 59.26 | | sea | 71.8 | 82.29 | | mirror | 74.68 | 84.37 | | rug | 73.49 | 82.49 | | field | 30.69 | 63.75 | | armchair | 63.05 | 76.95 | | seat | 64.79 | 90.09 | | fence | 51.1 | 65.38 | | desk | 54.36 | 77.32 | | rock | 61.91 | 79.07 | | wardrobe | 53.77 | 68.93 | | lamp | 73.17 | 82.1 | | bathtub | 88.86 | 92.64 | | railing | 44.4 | 65.39 | | cushion | 66.83 | 79.47 | | base | 39.48 | 63.96 | | box | 36.7 | 46.4 | | column | 53.28 | 67.66 | | signboard | 40.93 | 52.28 | | chest of drawers | 46.69 | 83.93 | | counter | 50.55 | 62.07 | | sand | 50.47 | 78.63 | | sink | 77.92 | 82.71 | | skyscraper | 49.84 | 58.62 | | fireplace | 72.29 | 94.35 | | refrigerator | 85.33 | 94.19 | | grandstand | 49.48 | 84.05 | | path | 25.31 | 46.92 | | stairs | 31.9 | 40.66 | | runway | 68.71 | 88.96 | | case | 56.4 | 72.11 | | pool table | 94.16 | 97.59 | | pillow | 64.34 | 71.83 | | screen door | 53.73 | 58.18 | | stairway | 32.77 | 46.85 | | river | 10.76 | 22.62 | | bridge | 46.01 | 50.89 | | bookcase | 43.56 | 52.54 | | blind | 45.53 | 55.19 | | coffee table | 68.92 | 85.21 | | toilet | 89.49 | 93.16 | | flower | 37.72 | 48.39 | | book | 51.41 | 69.94 | | hill | 11.0 | 19.98 | | bench | 56.03 | 62.67 | | countertop | 66.21 | 88.65 | | stove | 84.11 | 90.34 | | palm | 52.51 | 81.81 | | kitchen island | 43.73 | 82.34 | | computer | 73.84 | 92.61 | | swivel chair | 47.04 | 73.67 | | boat | 62.43 | 89.35 | | bar | 70.96 | 78.62 | | arcade machine | 83.26 | 86.95 | | hovel | 18.16 | 20.06 | | bus | 92.5 | 97.25 | | towel | 72.6 | 86.03 | | light | 61.4 | 71.25 | | truck | 44.74 | 59.21 | | tower | 30.87 | 61.33 | | chandelier | 72.93 | 86.6 | | awning | 42.97 | 47.86 | | streetlight | 32.97 | 41.1 | | booth | 65.51 | 81.71 | | television receiver | 77.36 | 81.96 | | airplane | 87.33 | 96.26 | | dirt track | 4.67 | 23.27 | | apparel | 55.09 | 80.56 | | pole | 28.32 | 40.9 | | land | 6.08 | 9.0 | | bannister | 17.67 | 25.56 | | escalator | 60.54 | 87.09 | | ottoman | 54.75 | 66.19 | | bottle | 43.36 | 67.73 | | buffet | 64.78 | 84.2 | | poster | 28.66 | 30.7 | | stage | 24.59 | 35.12 | | van | 48.1 | 73.71 | | ship | 40.91 | 43.23 | | fountain | 35.88 | 39.87 | | conveyer belt | 82.91 | 92.87 | | canopy | 48.94 | 66.23 | | washer | 83.24 | 89.4 | | plaything | 34.65 | 42.02 | | swimming pool | 54.34 | 75.53 | | stool | 50.72 | 64.52 | | barrel | 55.37 | 70.86 | | basket | 43.92 | 54.64 | | waterfall | 51.83 | 57.57 | | tent | 91.4 | 98.57 | | bag | 24.26 | 26.8 | | minibike | 73.29 | 87.62 | | cradle | 87.54 | 97.96 | | oven | 67.46 | 79.95 | | ball | 5.88 | 5.88 | | food | 57.38 | 67.55 | | step | 14.93 | 18.12 | | tank | 75.54 | 87.45 | | trade name | 29.35 | 32.65 | | microwave | 90.05 | 96.2 | | pot | 58.96 | 70.15 | | animal | 63.53 | 66.26 | | bicycle | 63.38 | 80.48 | | lake | 51.04 | 67.1 | | dishwasher | 67.35 | 84.78 | | screen | 54.44 | 77.06 | | blanket | 30.22 | 34.18 | | sculpture | 74.38 | 86.61 | | hood | 64.25 | 76.39 | | sconce | 59.3 | 69.92 | | vase | 46.86 | 63.54 | | traffic light | 36.62 | 53.15 | | tray | 14.85 | 17.93 | | ashcan | 52.63 | 60.96 | | fan | 68.21 | 83.95 | | pier | 40.24 | 46.02 | | crt screen | 3.63 | 10.61 | | plate | 58.05 | 81.81 | | monitor | 13.62 | 14.64 | | bulletin board | 62.3 | 76.56 | | shower | 0.03 | 0.3 | | radiator | 61.43 | 75.98 | | glass | 20.25 | 21.97 | | clock | 50.43 | 59.15 | | flag | 65.99 | 72.47 | +---------------------+-------+-------+ 2023-11-02 16:35:42,296 - mmseg - INFO - Summary: 2023-11-02 16:35:42,296 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.6 | 55.92 | 68.38 | +------+-------+-------+ 2023-11-02 16:35:42,297 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 16:35:42,297 - mmseg - INFO - Iter(val) [250] aAcc: 0.8560, mIoU: 0.5592, mAcc: 0.6838, IoU.wall: 0.8166, IoU.building: 0.8436, IoU.sky: 0.9484, IoU.floor: 0.8472, IoU.tree: 0.7647, IoU.ceiling: 0.8580, IoU.road: 0.8540, IoU.bed : 0.9292, IoU.windowpane: 0.6654, IoU.grass: 0.6608, IoU.cabinet: 0.6585, IoU.sidewalk: 0.6905, IoU.person: 0.8471, IoU.earth: 0.3857, IoU.door: 0.6054, IoU.table: 0.6855, IoU.mountain: 0.6291, IoU.plant: 0.5652, IoU.curtain: 0.7750, IoU.chair: 0.6558, IoU.car: 0.8716, IoU.water: 0.6309, IoU.painting: 0.7695, IoU.sofa: 0.8067, IoU.shelf: 0.5077, IoU.house: 0.4575, IoU.sea: 0.7180, IoU.mirror: 0.7468, IoU.rug: 0.7349, IoU.field: 0.3069, IoU.armchair: 0.6305, IoU.seat: 0.6479, IoU.fence: 0.5110, IoU.desk: 0.5436, IoU.rock: 0.6191, IoU.wardrobe: 0.5377, IoU.lamp: 0.7317, IoU.bathtub: 0.8886, IoU.railing: 0.4440, IoU.cushion: 0.6683, IoU.base: 0.3948, IoU.box: 0.3670, IoU.column: 0.5328, IoU.signboard: 0.4093, IoU.chest of drawers: 0.4669, IoU.counter: 0.5055, IoU.sand: 0.5047, IoU.sink: 0.7792, IoU.skyscraper: 0.4984, IoU.fireplace: 0.7229, IoU.refrigerator: 0.8533, IoU.grandstand: 0.4948, IoU.path: 0.2531, IoU.stairs: 0.3190, IoU.runway: 0.6871, IoU.case: 0.5640, IoU.pool table: 0.9416, IoU.pillow: 0.6434, IoU.screen door: 0.5373, IoU.stairway: 0.3277, IoU.river: 0.1076, IoU.bridge: 0.4601, IoU.bookcase: 0.4356, IoU.blind: 0.4553, IoU.coffee table: 0.6892, IoU.toilet: 0.8949, IoU.flower: 0.3772, IoU.book: 0.5141, IoU.hill: 0.1100, IoU.bench: 0.5603, IoU.countertop: 0.6621, IoU.stove: 0.8411, IoU.palm: 0.5251, IoU.kitchen island: 0.4373, IoU.computer: 0.7384, IoU.swivel chair: 0.4704, IoU.boat: 0.6243, IoU.bar: 0.7096, IoU.arcade machine: 0.8326, IoU.hovel: 0.1816, IoU.bus: 0.9250, IoU.towel: 0.7260, IoU.light: 0.6140, IoU.truck: 0.4474, IoU.tower: 0.3087, IoU.chandelier: 0.7293, IoU.awning: 0.4297, IoU.streetlight: 0.3297, IoU.booth: 0.6551, IoU.television receiver: 0.7736, IoU.airplane: 0.8733, IoU.dirt track: 0.0467, IoU.apparel: 0.5509, IoU.pole: 0.2832, IoU.land: 0.0608, IoU.bannister: 0.1767, IoU.escalator: 0.6054, IoU.ottoman: 0.5475, IoU.bottle: 0.4336, IoU.buffet: 0.6478, IoU.poster: 0.2866, IoU.stage: 0.2459, IoU.van: 0.4810, IoU.ship: 0.4091, IoU.fountain: 0.3588, IoU.conveyer belt: 0.8291, IoU.canopy: 0.4894, IoU.washer: 0.8324, IoU.plaything: 0.3465, IoU.swimming pool: 0.5434, IoU.stool: 0.5072, IoU.barrel: 0.5537, IoU.basket: 0.4392, IoU.waterfall: 0.5183, IoU.tent: 0.9140, IoU.bag: 0.2426, IoU.minibike: 0.7329, IoU.cradle: 0.8754, IoU.oven: 0.6746, IoU.ball: 0.0588, IoU.food: 0.5738, IoU.step: 0.1493, IoU.tank: 0.7554, IoU.trade name: 0.2935, IoU.microwave: 0.9005, IoU.pot: 0.5896, IoU.animal: 0.6353, IoU.bicycle: 0.6338, IoU.lake: 0.5104, IoU.dishwasher: 0.6735, IoU.screen: 0.5444, IoU.blanket: 0.3022, IoU.sculpture: 0.7438, IoU.hood: 0.6425, IoU.sconce: 0.5930, IoU.vase: 0.4686, IoU.traffic light: 0.3662, IoU.tray: 0.1485, IoU.ashcan: 0.5263, IoU.fan: 0.6821, IoU.pier: 0.4024, IoU.crt screen: 0.0363, IoU.plate: 0.5805, IoU.monitor: 0.1362, IoU.bulletin board: 0.6230, IoU.shower: 0.0003, IoU.radiator: 0.6143, IoU.glass: 0.2025, IoU.clock: 0.5043, IoU.flag: 0.6599, Acc.wall: 0.9036, Acc.building: 0.9334, Acc.sky: 0.9776, Acc.floor: 0.9172, Acc.tree: 0.8873, Acc.ceiling: 0.9157, Acc.road: 0.9142, Acc.bed : 0.9673, Acc.windowpane: 0.7864, Acc.grass: 0.7252, Acc.cabinet: 0.7343, Acc.sidewalk: 0.8103, Acc.person: 0.9273, Acc.earth: 0.5549, Acc.door: 0.7871, Acc.table: 0.7991, Acc.mountain: 0.7111, Acc.plant: 0.6886, Acc.curtain: 0.9024, Acc.chair: 0.7797, Acc.car: 0.9312, Acc.water: 0.7724, Acc.painting: 0.8930, Acc.sofa: 0.9266, Acc.shelf: 0.7412, Acc.house: 0.5926, Acc.sea: 0.8229, Acc.mirror: 0.8437, Acc.rug: 0.8249, Acc.field: 0.6375, Acc.armchair: 0.7695, Acc.seat: 0.9009, Acc.fence: 0.6538, Acc.desk: 0.7732, Acc.rock: 0.7907, Acc.wardrobe: 0.6893, Acc.lamp: 0.8210, Acc.bathtub: 0.9264, Acc.railing: 0.6539, Acc.cushion: 0.7947, Acc.base: 0.6396, Acc.box: 0.4640, Acc.column: 0.6766, Acc.signboard: 0.5228, Acc.chest of drawers: 0.8393, Acc.counter: 0.6207, Acc.sand: 0.7863, Acc.sink: 0.8271, Acc.skyscraper: 0.5862, Acc.fireplace: 0.9435, Acc.refrigerator: 0.9419, Acc.grandstand: 0.8405, Acc.path: 0.4692, Acc.stairs: 0.4066, Acc.runway: 0.8896, Acc.case: 0.7211, Acc.pool table: 0.9759, Acc.pillow: 0.7183, Acc.screen door: 0.5818, Acc.stairway: 0.4685, Acc.river: 0.2262, Acc.bridge: 0.5089, Acc.bookcase: 0.5254, Acc.blind: 0.5519, Acc.coffee table: 0.8521, Acc.toilet: 0.9316, Acc.flower: 0.4839, Acc.book: 0.6994, Acc.hill: 0.1998, Acc.bench: 0.6267, Acc.countertop: 0.8865, Acc.stove: 0.9034, Acc.palm: 0.8181, Acc.kitchen island: 0.8234, Acc.computer: 0.9261, Acc.swivel chair: 0.7367, Acc.boat: 0.8935, Acc.bar: 0.7862, Acc.arcade machine: 0.8695, Acc.hovel: 0.2006, Acc.bus: 0.9725, Acc.towel: 0.8603, Acc.light: 0.7125, Acc.truck: 0.5921, Acc.tower: 0.6133, Acc.chandelier: 0.8660, Acc.awning: 0.4786, Acc.streetlight: 0.4110, Acc.booth: 0.8171, Acc.television receiver: 0.8196, Acc.airplane: 0.9626, Acc.dirt track: 0.2327, Acc.apparel: 0.8056, Acc.pole: 0.4090, Acc.land: 0.0900, Acc.bannister: 0.2556, Acc.escalator: 0.8709, Acc.ottoman: 0.6619, Acc.bottle: 0.6773, Acc.buffet: 0.8420, Acc.poster: 0.3070, Acc.stage: 0.3512, Acc.van: 0.7371, Acc.ship: 0.4323, Acc.fountain: 0.3987, Acc.conveyer belt: 0.9287, Acc.canopy: 0.6623, Acc.washer: 0.8940, Acc.plaything: 0.4202, Acc.swimming pool: 0.7553, Acc.stool: 0.6452, Acc.barrel: 0.7086, Acc.basket: 0.5464, Acc.waterfall: 0.5757, Acc.tent: 0.9857, Acc.bag: 0.2680, Acc.minibike: 0.8762, Acc.cradle: 0.9796, Acc.oven: 0.7995, Acc.ball: 0.0588, Acc.food: 0.6755, Acc.step: 0.1812, Acc.tank: 0.8745, Acc.trade name: 0.3265, Acc.microwave: 0.9620, Acc.pot: 0.7015, Acc.animal: 0.6626, Acc.bicycle: 0.8048, Acc.lake: 0.6710, Acc.dishwasher: 0.8478, Acc.screen: 0.7706, Acc.blanket: 0.3418, Acc.sculpture: 0.8661, Acc.hood: 0.7639, Acc.sconce: 0.6992, Acc.vase: 0.6354, Acc.traffic light: 0.5315, Acc.tray: 0.1793, Acc.ashcan: 0.6096, Acc.fan: 0.8395, Acc.pier: 0.4602, Acc.crt screen: 0.1061, Acc.plate: 0.8181, Acc.monitor: 0.1464, Acc.bulletin board: 0.7656, Acc.shower: 0.0030, Acc.radiator: 0.7598, Acc.glass: 0.2197, Acc.clock: 0.5915, Acc.flag: 0.7247 2023-11-02 16:37:07,916 - mmseg - INFO - Iter [29050/80000] lr: 2.063e-06, eta: 1 day, 1:40:23, time: 3.445, data_time: 1.785, memory: 69173, decode.loss_ce: 0.2050, decode.acc_seg: 91.2277, aux.loss_ce: 0.1078, aux.acc_seg: 89.1337, loss: 0.3129 2023-11-02 16:38:30,989 - mmseg - INFO - Iter [29100/80000] lr: 2.061e-06, eta: 1 day, 1:38:39, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1977, decode.acc_seg: 91.6974, aux.loss_ce: 0.1042, aux.acc_seg: 89.4102, loss: 0.3019 2023-11-02 16:39:54,089 - mmseg - INFO - Iter [29150/80000] lr: 2.059e-06, eta: 1 day, 1:36:55, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2074, decode.acc_seg: 91.2843, aux.loss_ce: 0.1108, aux.acc_seg: 88.9496, loss: 0.3183 2023-11-02 16:41:17,220 - mmseg - INFO - Iter [29200/80000] lr: 2.057e-06, eta: 1 day, 1:35:11, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2202, decode.acc_seg: 90.8881, aux.loss_ce: 0.1146, aux.acc_seg: 88.7153, loss: 0.3348 2023-11-02 16:42:40,320 - mmseg - INFO - Iter [29250/80000] lr: 2.055e-06, eta: 1 day, 1:33:27, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2108, decode.acc_seg: 91.2446, aux.loss_ce: 0.1131, aux.acc_seg: 88.8324, loss: 0.3239 2023-11-02 16:44:03,426 - mmseg - INFO - Iter [29300/80000] lr: 2.053e-06, eta: 1 day, 1:31:43, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2075, decode.acc_seg: 91.4744, aux.loss_ce: 0.1099, aux.acc_seg: 89.2589, loss: 0.3174 2023-11-02 16:45:26,560 - mmseg - INFO - Iter [29350/80000] lr: 2.051e-06, eta: 1 day, 1:30:00, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2055, decode.acc_seg: 91.1305, aux.loss_ce: 0.1084, aux.acc_seg: 89.0621, loss: 0.3139 2023-11-02 16:46:49,689 - mmseg - INFO - Iter [29400/80000] lr: 2.049e-06, eta: 1 day, 1:28:16, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2020, decode.acc_seg: 91.6098, aux.loss_ce: 0.1033, aux.acc_seg: 89.5326, loss: 0.3053 2023-11-02 16:48:12,823 - mmseg - INFO - Iter [29450/80000] lr: 2.047e-06, eta: 1 day, 1:26:33, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2001, decode.acc_seg: 91.4916, aux.loss_ce: 0.1032, aux.acc_seg: 89.4317, loss: 0.3033 2023-11-02 16:49:35,942 - mmseg - INFO - Iter [29500/80000] lr: 2.045e-06, eta: 1 day, 1:24:50, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1905, decode.acc_seg: 91.5926, aux.loss_ce: 0.0996, aux.acc_seg: 89.5979, loss: 0.2902 2023-11-02 16:50:59,101 - mmseg - INFO - Iter [29550/80000] lr: 2.043e-06, eta: 1 day, 1:23:06, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1965, decode.acc_seg: 91.7235, aux.loss_ce: 0.1063, aux.acc_seg: 89.2422, loss: 0.3029 2023-11-02 16:52:22,174 - mmseg - INFO - Iter [29600/80000] lr: 2.041e-06, eta: 1 day, 1:21:23, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1995, decode.acc_seg: 91.4343, aux.loss_ce: 0.1077, aux.acc_seg: 88.9873, loss: 0.3071 2023-11-02 16:53:45,283 - mmseg - INFO - Iter [29650/80000] lr: 2.039e-06, eta: 1 day, 1:19:40, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1943, decode.acc_seg: 91.6474, aux.loss_ce: 0.1058, aux.acc_seg: 89.5251, loss: 0.3001 2023-11-02 16:55:08,402 - mmseg - INFO - Iter [29700/80000] lr: 2.037e-06, eta: 1 day, 1:17:57, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2050, decode.acc_seg: 91.4430, aux.loss_ce: 0.1088, aux.acc_seg: 89.2439, loss: 0.3138 2023-11-02 16:56:31,501 - mmseg - INFO - Iter [29750/80000] lr: 2.035e-06, eta: 1 day, 1:16:14, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2206, decode.acc_seg: 90.8302, aux.loss_ce: 0.1136, aux.acc_seg: 88.8094, loss: 0.3342 2023-11-02 16:57:54,605 - mmseg - INFO - Iter [29800/80000] lr: 2.033e-06, eta: 1 day, 1:14:31, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2199, decode.acc_seg: 90.8119, aux.loss_ce: 0.1145, aux.acc_seg: 88.4924, loss: 0.3344 2023-11-02 16:59:17,725 - mmseg - INFO - Iter [29850/80000] lr: 2.031e-06, eta: 1 day, 1:12:48, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2123, decode.acc_seg: 90.9249, aux.loss_ce: 0.1156, aux.acc_seg: 88.3043, loss: 0.3280 2023-11-02 17:00:40,875 - mmseg - INFO - Iter [29900/80000] lr: 2.029e-06, eta: 1 day, 1:11:05, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2093, decode.acc_seg: 91.2369, aux.loss_ce: 0.1065, aux.acc_seg: 89.1881, loss: 0.3158 2023-11-02 17:02:03,981 - mmseg - INFO - Iter [29950/80000] lr: 2.027e-06, eta: 1 day, 1:09:22, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2149, decode.acc_seg: 90.9897, aux.loss_ce: 0.1110, aux.acc_seg: 89.0058, loss: 0.3259 2023-11-02 17:03:27,103 - mmseg - INFO - Saving checkpoint at 30000 iterations 2023-11-02 17:04:23,021 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 17:04:23,022 - mmseg - INFO - Iter [30000/80000] lr: 2.025e-06, eta: 1 day, 1:09:12, time: 2.781, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2081, decode.acc_seg: 91.3239, aux.loss_ce: 0.1092, aux.acc_seg: 89.2591, loss: 0.3173 2023-11-02 17:05:48,360 - mmseg - INFO - per class results: 2023-11-02 17:05:48,365 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.35 | 90.19 | | building | 84.59 | 93.04 | | sky | 94.71 | 97.88 | | floor | 83.7 | 89.65 | | tree | 76.95 | 88.37 | | ceiling | 85.72 | 91.36 | | road | 87.4 | 90.63 | | bed | 91.92 | 97.76 | | windowpane | 65.96 | 84.37 | | grass | 67.57 | 80.32 | | cabinet | 66.34 | 75.2 | | sidewalk | 72.21 | 86.32 | | person | 84.61 | 93.87 | | earth | 39.03 | 56.14 | | door | 56.81 | 66.69 | | table | 68.87 | 84.0 | | mountain | 64.39 | 76.52 | | plant | 55.85 | 67.58 | | curtain | 78.4 | 89.56 | | chair | 65.42 | 79.36 | | car | 86.93 | 94.22 | | water | 62.99 | 78.96 | | painting | 78.68 | 90.95 | | sofa | 80.11 | 89.5 | | shelf | 47.69 | 64.42 | | house | 51.28 | 66.55 | | sea | 73.64 | 90.52 | | mirror | 76.1 | 85.04 | | rug | 69.42 | 83.89 | | field | 28.3 | 46.47 | | armchair | 61.6 | 77.71 | | seat | 64.9 | 86.95 | | fence | 50.53 | 67.55 | | desk | 55.25 | 79.71 | | rock | 61.36 | 75.3 | | wardrobe | 53.29 | 70.6 | | lamp | 71.74 | 80.14 | | bathtub | 89.81 | 94.21 | | railing | 45.12 | 64.21 | | cushion | 69.25 | 84.8 | | base | 38.58 | 69.58 | | box | 38.28 | 47.77 | | column | 54.87 | 74.76 | | signboard | 39.69 | 55.73 | | chest of drawers | 46.01 | 64.06 | | counter | 45.27 | 51.71 | | sand | 50.71 | 68.99 | | sink | 79.96 | 85.88 | | skyscraper | 47.16 | 61.16 | | fireplace | 70.54 | 94.28 | | refrigerator | 84.1 | 94.87 | | grandstand | 43.74 | 84.67 | | path | 29.05 | 44.51 | | stairs | 36.28 | 42.66 | | runway | 74.35 | 97.97 | | case | 50.39 | 65.67 | | pool table | 93.77 | 97.98 | | pillow | 63.3 | 69.93 | | screen door | 67.06 | 68.48 | | stairway | 35.91 | 44.8 | | river | 18.26 | 26.82 | | bridge | 59.96 | 67.07 | | bookcase | 39.39 | 58.51 | | blind | 38.23 | 42.18 | | coffee table | 66.78 | 84.97 | | toilet | 89.14 | 92.68 | | flower | 35.41 | 53.13 | | book | 52.36 | 72.19 | | hill | 8.31 | 11.43 | | bench | 51.71 | 61.96 | | countertop | 64.75 | 85.55 | | stove | 86.28 | 92.53 | | palm | 51.26 | 79.29 | | kitchen island | 51.53 | 78.87 | | computer | 75.62 | 92.64 | | swivel chair | 48.63 | 74.38 | | boat | 71.6 | 92.5 | | bar | 64.17 | 80.91 | | arcade machine | 87.87 | 97.66 | | hovel | 26.59 | 28.54 | | bus | 92.8 | 97.43 | | towel | 72.73 | 82.06 | | light | 60.86 | 68.89 | | truck | 48.99 | 63.02 | | tower | 29.44 | 56.68 | | chandelier | 70.52 | 85.76 | | awning | 39.86 | 43.89 | | streetlight | 33.76 | 44.42 | | booth | 59.36 | 83.27 | | television receiver | 78.91 | 91.07 | | airplane | 86.74 | 95.21 | | dirt track | 5.2 | 21.8 | | apparel | 56.9 | 82.17 | | pole | 20.5 | 29.68 | | land | 10.63 | 21.71 | | bannister | 18.75 | 25.69 | | escalator | 60.74 | 86.69 | | ottoman | 54.37 | 71.97 | | bottle | 41.69 | 52.31 | | buffet | 64.16 | 89.03 | | poster | 28.46 | 33.79 | | stage | 22.97 | 40.97 | | van | 46.63 | 65.54 | | ship | 14.57 | 14.69 | | fountain | 32.95 | 34.67 | | conveyer belt | 75.97 | 95.7 | | canopy | 48.72 | 72.92 | | washer | 83.46 | 88.91 | | plaything | 37.34 | 46.17 | | swimming pool | 53.13 | 76.17 | | stool | 52.23 | 68.43 | | barrel | 49.89 | 64.94 | | basket | 41.88 | 52.89 | | waterfall | 55.56 | 68.91 | | tent | 92.13 | 98.53 | | bag | 29.76 | 33.97 | | minibike | 74.35 | 88.89 | | cradle | 87.61 | 98.06 | | oven | 69.39 | 78.44 | | ball | 44.2 | 45.04 | | food | 55.22 | 61.39 | | step | 14.08 | 19.05 | | tank | 70.9 | 75.19 | | trade name | 13.27 | 13.99 | | microwave | 90.27 | 96.08 | | pot | 59.32 | 69.22 | | animal | 66.09 | 68.52 | | bicycle | 60.13 | 76.86 | | lake | 67.2 | 68.97 | | dishwasher | 72.96 | 84.32 | | screen | 52.9 | 78.99 | | blanket | 31.31 | 37.09 | | sculpture | 72.81 | 86.92 | | hood | 66.14 | 72.31 | | sconce | 58.32 | 71.72 | | vase | 44.74 | 59.5 | | traffic light | 35.58 | 58.24 | | tray | 16.77 | 19.64 | | ashcan | 51.39 | 64.72 | | fan | 66.5 | 75.87 | | pier | 38.76 | 45.01 | | crt screen | 6.92 | 17.25 | | plate | 56.94 | 69.71 | | monitor | 28.18 | 32.09 | | bulletin board | 63.03 | 71.04 | | shower | 0.0 | 0.0 | | radiator | 59.55 | 70.88 | | glass | 17.35 | 18.13 | | clock | 52.26 | 59.68 | | flag | 70.72 | 75.59 | +---------------------+-------+-------+ 2023-11-02 17:05:48,365 - mmseg - INFO - Summary: 2023-11-02 17:05:48,365 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.73 | 56.23 | 68.59 | +-------+-------+-------+ 2023-11-02 17:05:48,366 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 17:05:48,367 - mmseg - INFO - Iter(val) [250] aAcc: 0.8573, mIoU: 0.5623, mAcc: 0.6859, IoU.wall: 0.8135, IoU.building: 0.8459, IoU.sky: 0.9471, IoU.floor: 0.8370, IoU.tree: 0.7695, IoU.ceiling: 0.8572, IoU.road: 0.8740, IoU.bed : 0.9192, IoU.windowpane: 0.6596, IoU.grass: 0.6757, IoU.cabinet: 0.6634, IoU.sidewalk: 0.7221, IoU.person: 0.8461, IoU.earth: 0.3903, IoU.door: 0.5681, IoU.table: 0.6887, IoU.mountain: 0.6439, IoU.plant: 0.5585, IoU.curtain: 0.7840, IoU.chair: 0.6542, IoU.car: 0.8693, IoU.water: 0.6299, IoU.painting: 0.7868, IoU.sofa: 0.8011, IoU.shelf: 0.4769, IoU.house: 0.5128, IoU.sea: 0.7364, IoU.mirror: 0.7610, IoU.rug: 0.6942, IoU.field: 0.2830, IoU.armchair: 0.6160, IoU.seat: 0.6490, IoU.fence: 0.5053, IoU.desk: 0.5525, IoU.rock: 0.6136, IoU.wardrobe: 0.5329, IoU.lamp: 0.7174, IoU.bathtub: 0.8981, IoU.railing: 0.4512, IoU.cushion: 0.6925, IoU.base: 0.3858, IoU.box: 0.3828, IoU.column: 0.5487, IoU.signboard: 0.3969, IoU.chest of drawers: 0.4601, IoU.counter: 0.4527, IoU.sand: 0.5071, IoU.sink: 0.7996, IoU.skyscraper: 0.4716, IoU.fireplace: 0.7054, IoU.refrigerator: 0.8410, IoU.grandstand: 0.4374, IoU.path: 0.2905, IoU.stairs: 0.3628, IoU.runway: 0.7435, IoU.case: 0.5039, IoU.pool table: 0.9377, IoU.pillow: 0.6330, IoU.screen door: 0.6706, IoU.stairway: 0.3591, IoU.river: 0.1826, IoU.bridge: 0.5996, IoU.bookcase: 0.3939, IoU.blind: 0.3823, IoU.coffee table: 0.6678, IoU.toilet: 0.8914, IoU.flower: 0.3541, IoU.book: 0.5236, IoU.hill: 0.0831, IoU.bench: 0.5171, IoU.countertop: 0.6475, IoU.stove: 0.8628, IoU.palm: 0.5126, IoU.kitchen island: 0.5153, IoU.computer: 0.7562, IoU.swivel chair: 0.4863, IoU.boat: 0.7160, IoU.bar: 0.6417, IoU.arcade machine: 0.8787, IoU.hovel: 0.2659, IoU.bus: 0.9280, IoU.towel: 0.7273, IoU.light: 0.6086, IoU.truck: 0.4899, IoU.tower: 0.2944, IoU.chandelier: 0.7052, IoU.awning: 0.3986, IoU.streetlight: 0.3376, IoU.booth: 0.5936, IoU.television receiver: 0.7891, IoU.airplane: 0.8674, IoU.dirt track: 0.0520, IoU.apparel: 0.5690, IoU.pole: 0.2050, IoU.land: 0.1063, IoU.bannister: 0.1875, IoU.escalator: 0.6074, IoU.ottoman: 0.5437, IoU.bottle: 0.4169, IoU.buffet: 0.6416, IoU.poster: 0.2846, IoU.stage: 0.2297, IoU.van: 0.4663, IoU.ship: 0.1457, IoU.fountain: 0.3295, IoU.conveyer belt: 0.7597, IoU.canopy: 0.4872, IoU.washer: 0.8346, IoU.plaything: 0.3734, IoU.swimming pool: 0.5313, IoU.stool: 0.5223, IoU.barrel: 0.4989, IoU.basket: 0.4188, IoU.waterfall: 0.5556, IoU.tent: 0.9213, IoU.bag: 0.2976, IoU.minibike: 0.7435, IoU.cradle: 0.8761, IoU.oven: 0.6939, IoU.ball: 0.4420, IoU.food: 0.5522, IoU.step: 0.1408, IoU.tank: 0.7090, IoU.trade name: 0.1327, IoU.microwave: 0.9027, IoU.pot: 0.5932, IoU.animal: 0.6609, IoU.bicycle: 0.6013, IoU.lake: 0.6720, IoU.dishwasher: 0.7296, IoU.screen: 0.5290, IoU.blanket: 0.3131, IoU.sculpture: 0.7281, IoU.hood: 0.6614, IoU.sconce: 0.5832, IoU.vase: 0.4474, IoU.traffic light: 0.3558, IoU.tray: 0.1677, IoU.ashcan: 0.5139, IoU.fan: 0.6650, IoU.pier: 0.3876, IoU.crt screen: 0.0692, IoU.plate: 0.5694, IoU.monitor: 0.2818, IoU.bulletin board: 0.6303, IoU.shower: 0.0000, IoU.radiator: 0.5955, IoU.glass: 0.1735, IoU.clock: 0.5226, IoU.flag: 0.7072, Acc.wall: 0.9019, Acc.building: 0.9304, Acc.sky: 0.9788, Acc.floor: 0.8965, Acc.tree: 0.8837, Acc.ceiling: 0.9136, Acc.road: 0.9063, Acc.bed : 0.9776, Acc.windowpane: 0.8437, Acc.grass: 0.8032, Acc.cabinet: 0.7520, Acc.sidewalk: 0.8632, Acc.person: 0.9387, Acc.earth: 0.5614, Acc.door: 0.6669, Acc.table: 0.8400, Acc.mountain: 0.7652, Acc.plant: 0.6758, Acc.curtain: 0.8956, Acc.chair: 0.7936, Acc.car: 0.9422, Acc.water: 0.7896, Acc.painting: 0.9095, Acc.sofa: 0.8950, Acc.shelf: 0.6442, Acc.house: 0.6655, Acc.sea: 0.9052, Acc.mirror: 0.8504, Acc.rug: 0.8389, Acc.field: 0.4647, Acc.armchair: 0.7771, Acc.seat: 0.8695, Acc.fence: 0.6755, Acc.desk: 0.7971, Acc.rock: 0.7530, Acc.wardrobe: 0.7060, Acc.lamp: 0.8014, Acc.bathtub: 0.9421, Acc.railing: 0.6421, Acc.cushion: 0.8480, Acc.base: 0.6958, Acc.box: 0.4777, Acc.column: 0.7476, Acc.signboard: 0.5573, Acc.chest of drawers: 0.6406, Acc.counter: 0.5171, Acc.sand: 0.6899, Acc.sink: 0.8588, Acc.skyscraper: 0.6116, Acc.fireplace: 0.9428, Acc.refrigerator: 0.9487, Acc.grandstand: 0.8467, Acc.path: 0.4451, Acc.stairs: 0.4266, Acc.runway: 0.9797, Acc.case: 0.6567, Acc.pool table: 0.9798, Acc.pillow: 0.6993, Acc.screen door: 0.6848, Acc.stairway: 0.4480, Acc.river: 0.2682, Acc.bridge: 0.6707, Acc.bookcase: 0.5851, Acc.blind: 0.4218, Acc.coffee table: 0.8497, Acc.toilet: 0.9268, Acc.flower: 0.5313, Acc.book: 0.7219, Acc.hill: 0.1143, Acc.bench: 0.6196, Acc.countertop: 0.8555, Acc.stove: 0.9253, Acc.palm: 0.7929, Acc.kitchen island: 0.7887, Acc.computer: 0.9264, Acc.swivel chair: 0.7438, Acc.boat: 0.9250, Acc.bar: 0.8091, Acc.arcade machine: 0.9766, Acc.hovel: 0.2854, Acc.bus: 0.9743, Acc.towel: 0.8206, Acc.light: 0.6889, Acc.truck: 0.6302, Acc.tower: 0.5668, Acc.chandelier: 0.8576, Acc.awning: 0.4389, Acc.streetlight: 0.4442, Acc.booth: 0.8327, Acc.television receiver: 0.9107, Acc.airplane: 0.9521, Acc.dirt track: 0.2180, Acc.apparel: 0.8217, Acc.pole: 0.2968, Acc.land: 0.2171, Acc.bannister: 0.2569, Acc.escalator: 0.8669, Acc.ottoman: 0.7197, Acc.bottle: 0.5231, Acc.buffet: 0.8903, Acc.poster: 0.3379, Acc.stage: 0.4097, Acc.van: 0.6554, Acc.ship: 0.1469, Acc.fountain: 0.3467, Acc.conveyer belt: 0.9570, Acc.canopy: 0.7292, Acc.washer: 0.8891, Acc.plaything: 0.4617, Acc.swimming pool: 0.7617, Acc.stool: 0.6843, Acc.barrel: 0.6494, Acc.basket: 0.5289, Acc.waterfall: 0.6891, Acc.tent: 0.9853, Acc.bag: 0.3397, Acc.minibike: 0.8889, Acc.cradle: 0.9806, Acc.oven: 0.7844, Acc.ball: 0.4504, Acc.food: 0.6139, Acc.step: 0.1905, Acc.tank: 0.7519, Acc.trade name: 0.1399, Acc.microwave: 0.9608, Acc.pot: 0.6922, Acc.animal: 0.6852, Acc.bicycle: 0.7686, Acc.lake: 0.6897, Acc.dishwasher: 0.8432, Acc.screen: 0.7899, Acc.blanket: 0.3709, Acc.sculpture: 0.8692, Acc.hood: 0.7231, Acc.sconce: 0.7172, Acc.vase: 0.5950, Acc.traffic light: 0.5824, Acc.tray: 0.1964, Acc.ashcan: 0.6472, Acc.fan: 0.7587, Acc.pier: 0.4501, Acc.crt screen: 0.1725, Acc.plate: 0.6971, Acc.monitor: 0.3209, Acc.bulletin board: 0.7104, Acc.shower: 0.0000, Acc.radiator: 0.7088, Acc.glass: 0.1813, Acc.clock: 0.5968, Acc.flag: 0.7559 2023-11-02 17:07:11,548 - mmseg - INFO - Iter [30050/80000] lr: 2.023e-06, eta: 1 day, 1:09:51, time: 3.371, data_time: 1.715, memory: 69173, decode.loss_ce: 0.2039, decode.acc_seg: 91.4893, aux.loss_ce: 0.1073, aux.acc_seg: 89.2207, loss: 0.3112 2023-11-02 17:08:34,657 - mmseg - INFO - Iter [30100/80000] lr: 2.021e-06, eta: 1 day, 1:08:08, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2252, decode.acc_seg: 90.7346, aux.loss_ce: 0.1143, aux.acc_seg: 88.2555, loss: 0.3395 2023-11-02 17:09:57,746 - mmseg - INFO - Iter [30150/80000] lr: 2.019e-06, eta: 1 day, 1:06:25, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2107, decode.acc_seg: 91.2525, aux.loss_ce: 0.1112, aux.acc_seg: 89.0821, loss: 0.3219 2023-11-02 17:11:20,841 - mmseg - INFO - Iter [30200/80000] lr: 2.017e-06, eta: 1 day, 1:04:42, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2111, decode.acc_seg: 90.9241, aux.loss_ce: 0.1070, aux.acc_seg: 88.9442, loss: 0.3181 2023-11-02 17:12:43,948 - mmseg - INFO - Iter [30250/80000] lr: 2.015e-06, eta: 1 day, 1:02:59, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2081, decode.acc_seg: 91.2872, aux.loss_ce: 0.1098, aux.acc_seg: 88.9879, loss: 0.3179 2023-11-02 17:14:07,023 - mmseg - INFO - Iter [30300/80000] lr: 2.013e-06, eta: 1 day, 1:01:16, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1924, decode.acc_seg: 91.7121, aux.loss_ce: 0.1035, aux.acc_seg: 89.2659, loss: 0.2959 2023-11-02 17:15:32,790 - mmseg - INFO - Iter [30350/80000] lr: 2.011e-06, eta: 1 day, 0:59:37, time: 1.715, data_time: 0.055, memory: 69173, decode.loss_ce: 0.2006, decode.acc_seg: 91.3611, aux.loss_ce: 0.1056, aux.acc_seg: 88.9221, loss: 0.3062 2023-11-02 17:16:55,951 - mmseg - INFO - Iter [30400/80000] lr: 2.009e-06, eta: 1 day, 0:57:55, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1958, decode.acc_seg: 91.6589, aux.loss_ce: 0.1019, aux.acc_seg: 89.6125, loss: 0.2977 2023-11-02 17:18:19,131 - mmseg - INFO - Iter [30450/80000] lr: 2.007e-06, eta: 1 day, 0:56:12, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1952, decode.acc_seg: 91.8624, aux.loss_ce: 0.1063, aux.acc_seg: 89.2807, loss: 0.3015 2023-11-02 17:19:42,329 - mmseg - INFO - Iter [30500/80000] lr: 2.005e-06, eta: 1 day, 0:54:29, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2051, decode.acc_seg: 91.2510, aux.loss_ce: 0.1028, aux.acc_seg: 89.6720, loss: 0.3079 2023-11-02 17:21:05,506 - mmseg - INFO - Iter [30550/80000] lr: 2.003e-06, eta: 1 day, 0:52:47, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2054, decode.acc_seg: 91.4941, aux.loss_ce: 0.1072, aux.acc_seg: 89.3685, loss: 0.3126 2023-11-02 17:22:28,676 - mmseg - INFO - Iter [30600/80000] lr: 2.001e-06, eta: 1 day, 0:51:04, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1822, decode.acc_seg: 92.0907, aux.loss_ce: 0.0957, aux.acc_seg: 90.2058, loss: 0.2779 2023-11-02 17:23:51,814 - mmseg - INFO - Iter [30650/80000] lr: 1.999e-06, eta: 1 day, 0:49:22, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2002, decode.acc_seg: 91.5655, aux.loss_ce: 0.1039, aux.acc_seg: 89.5667, loss: 0.3041 2023-11-02 17:25:15,004 - mmseg - INFO - Iter [30700/80000] lr: 1.997e-06, eta: 1 day, 0:47:39, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2020, decode.acc_seg: 91.7750, aux.loss_ce: 0.1071, aux.acc_seg: 89.4623, loss: 0.3091 2023-11-02 17:26:38,168 - mmseg - INFO - Iter [30750/80000] lr: 1.995e-06, eta: 1 day, 0:45:57, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2000, decode.acc_seg: 91.4101, aux.loss_ce: 0.1065, aux.acc_seg: 89.2757, loss: 0.3065 2023-11-02 17:28:01,357 - mmseg - INFO - Iter [30800/80000] lr: 1.993e-06, eta: 1 day, 0:44:15, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1996, decode.acc_seg: 91.4807, aux.loss_ce: 0.1029, aux.acc_seg: 89.4599, loss: 0.3025 2023-11-02 17:29:24,519 - mmseg - INFO - Iter [30850/80000] lr: 1.990e-06, eta: 1 day, 0:42:33, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2024, decode.acc_seg: 91.2305, aux.loss_ce: 0.1046, aux.acc_seg: 89.2437, loss: 0.3070 2023-11-02 17:30:47,694 - mmseg - INFO - Iter [30900/80000] lr: 1.988e-06, eta: 1 day, 0:40:51, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1925, decode.acc_seg: 91.5714, aux.loss_ce: 0.1029, aux.acc_seg: 89.4887, loss: 0.2954 2023-11-02 17:32:10,891 - mmseg - INFO - Iter [30950/80000] lr: 1.986e-06, eta: 1 day, 0:39:08, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1959, decode.acc_seg: 91.5933, aux.loss_ce: 0.1014, aux.acc_seg: 89.8051, loss: 0.2973 2023-11-02 17:33:34,027 - mmseg - INFO - Saving checkpoint at 31000 iterations 2023-11-02 17:34:33,272 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 17:34:33,272 - mmseg - INFO - Iter [31000/80000] lr: 1.984e-06, eta: 1 day, 0:39:00, time: 2.848, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2120, decode.acc_seg: 91.0375, aux.loss_ce: 0.1132, aux.acc_seg: 88.2901, loss: 0.3252 2023-11-02 17:35:59,278 - mmseg - INFO - per class results: 2023-11-02 17:35:59,284 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.42 | 88.34 | | building | 84.81 | 93.31 | | sky | 94.81 | 97.79 | | floor | 84.49 | 91.59 | | tree | 77.14 | 88.83 | | ceiling | 86.69 | 94.59 | | road | 86.67 | 91.05 | | bed | 92.11 | 97.25 | | windowpane | 66.22 | 80.73 | | grass | 69.93 | 80.61 | | cabinet | 66.04 | 75.04 | | sidewalk | 71.1 | 83.73 | | person | 84.62 | 93.58 | | earth | 41.61 | 60.64 | | door | 60.6 | 78.27 | | table | 70.22 | 84.69 | | mountain | 66.45 | 78.08 | | plant | 56.28 | 67.74 | | curtain | 76.6 | 92.15 | | chair | 66.33 | 78.0 | | car | 86.44 | 94.3 | | water | 62.82 | 78.44 | | painting | 79.0 | 89.91 | | sofa | 81.33 | 91.04 | | shelf | 49.67 | 69.33 | | house | 50.38 | 65.03 | | sea | 76.04 | 84.29 | | mirror | 75.93 | 93.2 | | rug | 70.59 | 78.77 | | field | 33.27 | 52.34 | | armchair | 63.22 | 78.49 | | seat | 65.34 | 89.53 | | fence | 50.1 | 64.5 | | desk | 57.32 | 82.24 | | rock | 61.3 | 83.56 | | wardrobe | 56.16 | 71.64 | | lamp | 72.25 | 82.38 | | bathtub | 89.84 | 93.06 | | railing | 40.42 | 54.53 | | cushion | 66.39 | 83.35 | | base | 43.99 | 61.69 | | box | 38.86 | 48.78 | | column | 49.68 | 61.23 | | signboard | 41.27 | 54.94 | | chest of drawers | 40.88 | 65.33 | | counter | 45.43 | 58.36 | | sand | 55.1 | 75.99 | | sink | 77.83 | 86.67 | | skyscraper | 46.64 | 59.36 | | fireplace | 72.37 | 94.51 | | refrigerator | 85.12 | 94.5 | | grandstand | 52.68 | 86.75 | | path | 26.48 | 40.23 | | stairs | 33.59 | 42.68 | | runway | 67.01 | 84.68 | | case | 51.62 | 61.09 | | pool table | 94.06 | 97.49 | | pillow | 61.6 | 68.38 | | screen door | 63.16 | 64.25 | | stairway | 33.92 | 43.25 | | river | 12.33 | 25.69 | | bridge | 52.7 | 62.82 | | bookcase | 41.04 | 53.54 | | blind | 43.24 | 51.26 | | coffee table | 66.1 | 87.1 | | toilet | 89.48 | 93.74 | | flower | 38.51 | 52.31 | | book | 53.42 | 74.69 | | hill | 12.6 | 22.59 | | bench | 53.69 | 63.7 | | countertop | 65.48 | 78.57 | | stove | 87.21 | 95.05 | | palm | 53.75 | 79.85 | | kitchen island | 62.87 | 85.83 | | computer | 75.96 | 92.26 | | swivel chair | 50.51 | 79.09 | | boat | 67.27 | 92.71 | | bar | 63.97 | 78.88 | | arcade machine | 89.22 | 96.12 | | hovel | 40.13 | 43.94 | | bus | 93.49 | 97.96 | | towel | 76.16 | 84.76 | | light | 60.86 | 68.61 | | truck | 46.82 | 65.05 | | tower | 41.87 | 60.14 | | chandelier | 71.9 | 87.56 | | awning | 53.04 | 66.95 | | streetlight | 36.12 | 48.2 | | booth | 53.3 | 65.1 | | television receiver | 77.24 | 90.76 | | airplane | 89.01 | 96.38 | | dirt track | 4.29 | 19.01 | | apparel | 54.25 | 89.42 | | pole | 22.89 | 33.21 | | land | 13.83 | 19.77 | | bannister | 17.52 | 24.13 | | escalator | 59.67 | 87.81 | | ottoman | 54.24 | 70.06 | | bottle | 44.84 | 63.17 | | buffet | 57.18 | 63.97 | | poster | 29.68 | 39.21 | | stage | 22.89 | 48.14 | | van | 43.41 | 65.89 | | ship | 22.88 | 23.82 | | fountain | 37.65 | 42.66 | | conveyer belt | 80.47 | 96.03 | | canopy | 55.73 | 75.87 | | washer | 84.42 | 90.2 | | plaything | 32.53 | 47.42 | | swimming pool | 58.5 | 82.65 | | stool | 53.23 | 63.47 | | barrel | 56.38 | 61.54 | | basket | 43.7 | 57.08 | | waterfall | 50.39 | 59.43 | | tent | 92.77 | 97.73 | | bag | 23.58 | 26.34 | | minibike | 74.43 | 88.98 | | cradle | 88.47 | 98.34 | | oven | 66.1 | 78.86 | | ball | 59.11 | 72.91 | | food | 60.06 | 82.56 | | step | 18.83 | 23.51 | | tank | 82.04 | 96.64 | | trade name | 26.36 | 29.95 | | microwave | 89.89 | 96.55 | | pot | 60.38 | 69.02 | | animal | 63.87 | 65.95 | | bicycle | 61.14 | 81.97 | | lake | 55.49 | 67.69 | | dishwasher | 72.53 | 74.57 | | screen | 62.02 | 93.0 | | blanket | 27.33 | 31.59 | | sculpture | 76.21 | 88.1 | | hood | 63.29 | 74.49 | | sconce | 57.03 | 76.88 | | vase | 47.75 | 58.36 | | traffic light | 33.41 | 59.3 | | tray | 19.36 | 36.29 | | ashcan | 50.75 | 61.73 | | fan | 67.74 | 80.92 | | pier | 40.52 | 45.85 | | crt screen | 1.3 | 3.41 | | plate | 59.11 | 75.77 | | monitor | 14.29 | 15.77 | | bulletin board | 58.55 | 79.65 | | shower | 0.0 | 0.0 | | radiator | 59.13 | 76.88 | | glass | 19.37 | 20.62 | | clock | 52.48 | 64.16 | | flag | 70.75 | 76.62 | +---------------------+-------+-------+ 2023-11-02 17:35:59,284 - mmseg - INFO - Summary: 2023-11-02 17:35:59,284 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.99 | 56.99 | 69.75 | +-------+-------+-------+ 2023-11-02 17:35:59,285 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 17:35:59,285 - mmseg - INFO - Iter(val) [250] aAcc: 0.8599, mIoU: 0.5699, mAcc: 0.6975, IoU.wall: 0.8142, IoU.building: 0.8481, IoU.sky: 0.9481, IoU.floor: 0.8449, IoU.tree: 0.7714, IoU.ceiling: 0.8669, IoU.road: 0.8667, IoU.bed : 0.9211, IoU.windowpane: 0.6622, IoU.grass: 0.6993, IoU.cabinet: 0.6604, IoU.sidewalk: 0.7110, IoU.person: 0.8462, IoU.earth: 0.4161, IoU.door: 0.6060, IoU.table: 0.7022, IoU.mountain: 0.6645, IoU.plant: 0.5628, IoU.curtain: 0.7660, IoU.chair: 0.6633, IoU.car: 0.8644, IoU.water: 0.6282, IoU.painting: 0.7900, IoU.sofa: 0.8133, IoU.shelf: 0.4967, IoU.house: 0.5038, IoU.sea: 0.7604, IoU.mirror: 0.7593, IoU.rug: 0.7059, IoU.field: 0.3327, IoU.armchair: 0.6322, IoU.seat: 0.6534, IoU.fence: 0.5010, IoU.desk: 0.5732, IoU.rock: 0.6130, IoU.wardrobe: 0.5616, IoU.lamp: 0.7225, IoU.bathtub: 0.8984, IoU.railing: 0.4042, IoU.cushion: 0.6639, IoU.base: 0.4399, IoU.box: 0.3886, IoU.column: 0.4968, IoU.signboard: 0.4127, IoU.chest of drawers: 0.4088, IoU.counter: 0.4543, IoU.sand: 0.5510, IoU.sink: 0.7783, IoU.skyscraper: 0.4664, IoU.fireplace: 0.7237, IoU.refrigerator: 0.8512, IoU.grandstand: 0.5268, IoU.path: 0.2648, IoU.stairs: 0.3359, IoU.runway: 0.6701, IoU.case: 0.5162, IoU.pool table: 0.9406, IoU.pillow: 0.6160, IoU.screen door: 0.6316, IoU.stairway: 0.3392, IoU.river: 0.1233, IoU.bridge: 0.5270, IoU.bookcase: 0.4104, IoU.blind: 0.4324, IoU.coffee table: 0.6610, IoU.toilet: 0.8948, IoU.flower: 0.3851, IoU.book: 0.5342, IoU.hill: 0.1260, IoU.bench: 0.5369, IoU.countertop: 0.6548, IoU.stove: 0.8721, IoU.palm: 0.5375, IoU.kitchen island: 0.6287, IoU.computer: 0.7596, IoU.swivel chair: 0.5051, IoU.boat: 0.6727, IoU.bar: 0.6397, IoU.arcade machine: 0.8922, IoU.hovel: 0.4013, IoU.bus: 0.9349, IoU.towel: 0.7616, IoU.light: 0.6086, IoU.truck: 0.4682, IoU.tower: 0.4187, IoU.chandelier: 0.7190, IoU.awning: 0.5304, IoU.streetlight: 0.3612, IoU.booth: 0.5330, IoU.television receiver: 0.7724, IoU.airplane: 0.8901, IoU.dirt track: 0.0429, IoU.apparel: 0.5425, IoU.pole: 0.2289, IoU.land: 0.1383, IoU.bannister: 0.1752, IoU.escalator: 0.5967, IoU.ottoman: 0.5424, IoU.bottle: 0.4484, IoU.buffet: 0.5718, IoU.poster: 0.2968, IoU.stage: 0.2289, IoU.van: 0.4341, IoU.ship: 0.2288, IoU.fountain: 0.3765, IoU.conveyer belt: 0.8047, IoU.canopy: 0.5573, IoU.washer: 0.8442, IoU.plaything: 0.3253, IoU.swimming pool: 0.5850, IoU.stool: 0.5323, IoU.barrel: 0.5638, IoU.basket: 0.4370, IoU.waterfall: 0.5039, IoU.tent: 0.9277, IoU.bag: 0.2358, IoU.minibike: 0.7443, IoU.cradle: 0.8847, IoU.oven: 0.6610, IoU.ball: 0.5911, IoU.food: 0.6006, IoU.step: 0.1883, IoU.tank: 0.8204, IoU.trade name: 0.2636, IoU.microwave: 0.8989, IoU.pot: 0.6038, IoU.animal: 0.6387, IoU.bicycle: 0.6114, IoU.lake: 0.5549, IoU.dishwasher: 0.7253, IoU.screen: 0.6202, IoU.blanket: 0.2733, IoU.sculpture: 0.7621, IoU.hood: 0.6329, IoU.sconce: 0.5703, IoU.vase: 0.4775, IoU.traffic light: 0.3341, IoU.tray: 0.1936, IoU.ashcan: 0.5075, IoU.fan: 0.6774, IoU.pier: 0.4052, IoU.crt screen: 0.0130, IoU.plate: 0.5911, IoU.monitor: 0.1429, IoU.bulletin board: 0.5855, IoU.shower: 0.0000, IoU.radiator: 0.5913, IoU.glass: 0.1937, IoU.clock: 0.5248, IoU.flag: 0.7075, Acc.wall: 0.8834, Acc.building: 0.9331, Acc.sky: 0.9779, Acc.floor: 0.9159, Acc.tree: 0.8883, Acc.ceiling: 0.9459, Acc.road: 0.9105, Acc.bed : 0.9725, Acc.windowpane: 0.8073, Acc.grass: 0.8061, Acc.cabinet: 0.7504, Acc.sidewalk: 0.8373, Acc.person: 0.9358, Acc.earth: 0.6064, Acc.door: 0.7827, Acc.table: 0.8469, Acc.mountain: 0.7808, Acc.plant: 0.6774, Acc.curtain: 0.9215, Acc.chair: 0.7800, Acc.car: 0.9430, Acc.water: 0.7844, Acc.painting: 0.8991, Acc.sofa: 0.9104, Acc.shelf: 0.6933, Acc.house: 0.6503, Acc.sea: 0.8429, Acc.mirror: 0.9320, Acc.rug: 0.7877, Acc.field: 0.5234, Acc.armchair: 0.7849, Acc.seat: 0.8953, Acc.fence: 0.6450, Acc.desk: 0.8224, Acc.rock: 0.8356, Acc.wardrobe: 0.7164, Acc.lamp: 0.8238, Acc.bathtub: 0.9306, Acc.railing: 0.5453, Acc.cushion: 0.8335, Acc.base: 0.6169, Acc.box: 0.4878, Acc.column: 0.6123, Acc.signboard: 0.5494, Acc.chest of drawers: 0.6533, Acc.counter: 0.5836, Acc.sand: 0.7599, Acc.sink: 0.8667, Acc.skyscraper: 0.5936, Acc.fireplace: 0.9451, Acc.refrigerator: 0.9450, Acc.grandstand: 0.8675, Acc.path: 0.4023, Acc.stairs: 0.4268, Acc.runway: 0.8468, Acc.case: 0.6109, Acc.pool table: 0.9749, Acc.pillow: 0.6838, Acc.screen door: 0.6425, Acc.stairway: 0.4325, Acc.river: 0.2569, Acc.bridge: 0.6282, Acc.bookcase: 0.5354, Acc.blind: 0.5126, Acc.coffee table: 0.8710, Acc.toilet: 0.9374, Acc.flower: 0.5231, Acc.book: 0.7469, Acc.hill: 0.2259, Acc.bench: 0.6370, Acc.countertop: 0.7857, Acc.stove: 0.9505, Acc.palm: 0.7985, Acc.kitchen island: 0.8583, Acc.computer: 0.9226, Acc.swivel chair: 0.7909, Acc.boat: 0.9271, Acc.bar: 0.7888, Acc.arcade machine: 0.9612, Acc.hovel: 0.4394, Acc.bus: 0.9796, Acc.towel: 0.8476, Acc.light: 0.6861, Acc.truck: 0.6505, Acc.tower: 0.6014, Acc.chandelier: 0.8756, Acc.awning: 0.6695, Acc.streetlight: 0.4820, Acc.booth: 0.6510, Acc.television receiver: 0.9076, Acc.airplane: 0.9638, Acc.dirt track: 0.1901, Acc.apparel: 0.8942, Acc.pole: 0.3321, Acc.land: 0.1977, Acc.bannister: 0.2413, Acc.escalator: 0.8781, Acc.ottoman: 0.7006, Acc.bottle: 0.6317, Acc.buffet: 0.6397, Acc.poster: 0.3921, Acc.stage: 0.4814, Acc.van: 0.6589, Acc.ship: 0.2382, Acc.fountain: 0.4266, Acc.conveyer belt: 0.9603, Acc.canopy: 0.7587, Acc.washer: 0.9020, Acc.plaything: 0.4742, Acc.swimming pool: 0.8265, Acc.stool: 0.6347, Acc.barrel: 0.6154, Acc.basket: 0.5708, Acc.waterfall: 0.5943, Acc.tent: 0.9773, Acc.bag: 0.2634, Acc.minibike: 0.8898, Acc.cradle: 0.9834, Acc.oven: 0.7886, Acc.ball: 0.7291, Acc.food: 0.8256, Acc.step: 0.2351, Acc.tank: 0.9664, Acc.trade name: 0.2995, Acc.microwave: 0.9655, Acc.pot: 0.6902, Acc.animal: 0.6595, Acc.bicycle: 0.8197, Acc.lake: 0.6769, Acc.dishwasher: 0.7457, Acc.screen: 0.9300, Acc.blanket: 0.3159, Acc.sculpture: 0.8810, Acc.hood: 0.7449, Acc.sconce: 0.7688, Acc.vase: 0.5836, Acc.traffic light: 0.5930, Acc.tray: 0.3629, Acc.ashcan: 0.6173, Acc.fan: 0.8092, Acc.pier: 0.4585, Acc.crt screen: 0.0341, Acc.plate: 0.7577, Acc.monitor: 0.1577, Acc.bulletin board: 0.7965, Acc.shower: 0.0000, Acc.radiator: 0.7688, Acc.glass: 0.2062, Acc.clock: 0.6416, Acc.flag: 0.7662 2023-11-02 17:37:22,503 - mmseg - INFO - Iter [31050/80000] lr: 1.982e-06, eta: 1 day, 0:39:34, time: 3.385, data_time: 1.728, memory: 69173, decode.loss_ce: 0.2063, decode.acc_seg: 91.3577, aux.loss_ce: 0.1075, aux.acc_seg: 89.4182, loss: 0.3138 2023-11-02 17:38:45,614 - mmseg - INFO - Iter [31100/80000] lr: 1.980e-06, eta: 1 day, 0:37:51, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2089, decode.acc_seg: 91.2452, aux.loss_ce: 0.1101, aux.acc_seg: 89.0814, loss: 0.3189 2023-11-02 17:40:08,766 - mmseg - INFO - Iter [31150/80000] lr: 1.978e-06, eta: 1 day, 0:36:09, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1907, decode.acc_seg: 91.6736, aux.loss_ce: 0.1019, aux.acc_seg: 89.3741, loss: 0.2926 2023-11-02 17:41:31,902 - mmseg - INFO - Iter [31200/80000] lr: 1.976e-06, eta: 1 day, 0:34:26, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2059, decode.acc_seg: 91.3941, aux.loss_ce: 0.1068, aux.acc_seg: 89.4737, loss: 0.3127 2023-11-02 17:42:55,078 - mmseg - INFO - Iter [31250/80000] lr: 1.974e-06, eta: 1 day, 0:32:44, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1986, decode.acc_seg: 91.3668, aux.loss_ce: 0.1079, aux.acc_seg: 88.9887, loss: 0.3066 2023-11-02 17:44:18,201 - mmseg - INFO - Iter [31300/80000] lr: 1.972e-06, eta: 1 day, 0:31:02, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2044, decode.acc_seg: 91.6969, aux.loss_ce: 0.1050, aux.acc_seg: 89.4191, loss: 0.3094 2023-11-02 17:45:41,311 - mmseg - INFO - Iter [31350/80000] lr: 1.970e-06, eta: 1 day, 0:29:19, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2052, decode.acc_seg: 91.5206, aux.loss_ce: 0.1067, aux.acc_seg: 89.4888, loss: 0.3119 2023-11-02 17:47:04,477 - mmseg - INFO - Iter [31400/80000] lr: 1.968e-06, eta: 1 day, 0:27:37, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2005, decode.acc_seg: 91.6923, aux.loss_ce: 0.1050, aux.acc_seg: 89.6999, loss: 0.3055 2023-11-02 17:48:27,655 - mmseg - INFO - Iter [31450/80000] lr: 1.966e-06, eta: 1 day, 0:25:55, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1938, decode.acc_seg: 91.7709, aux.loss_ce: 0.1018, aux.acc_seg: 89.7451, loss: 0.2956 2023-11-02 17:49:50,828 - mmseg - INFO - Iter [31500/80000] lr: 1.964e-06, eta: 1 day, 0:24:13, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2071, decode.acc_seg: 91.3628, aux.loss_ce: 0.1103, aux.acc_seg: 88.8742, loss: 0.3174 2023-11-02 17:51:13,974 - mmseg - INFO - Iter [31550/80000] lr: 1.962e-06, eta: 1 day, 0:22:31, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1959, decode.acc_seg: 91.7848, aux.loss_ce: 0.1015, aux.acc_seg: 89.6348, loss: 0.2974 2023-11-02 17:52:39,568 - mmseg - INFO - Iter [31600/80000] lr: 1.960e-06, eta: 1 day, 0:20:53, time: 1.712, data_time: 0.057, memory: 69173, decode.loss_ce: 0.1900, decode.acc_seg: 91.8311, aux.loss_ce: 0.1018, aux.acc_seg: 89.6394, loss: 0.2919 2023-11-02 17:54:02,715 - mmseg - INFO - Iter [31650/80000] lr: 1.958e-06, eta: 1 day, 0:19:11, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1929, decode.acc_seg: 91.8313, aux.loss_ce: 0.1002, aux.acc_seg: 89.8410, loss: 0.2931 2023-11-02 17:55:25,849 - mmseg - INFO - Iter [31700/80000] lr: 1.956e-06, eta: 1 day, 0:17:29, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1908, decode.acc_seg: 91.7211, aux.loss_ce: 0.1002, aux.acc_seg: 89.6303, loss: 0.2911 2023-11-02 17:56:48,974 - mmseg - INFO - Iter [31750/80000] lr: 1.954e-06, eta: 1 day, 0:15:47, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1940, decode.acc_seg: 91.5357, aux.loss_ce: 0.1032, aux.acc_seg: 89.3973, loss: 0.2972 2023-11-02 17:58:12,178 - mmseg - INFO - Iter [31800/80000] lr: 1.952e-06, eta: 1 day, 0:14:06, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1865, decode.acc_seg: 91.9503, aux.loss_ce: 0.0981, aux.acc_seg: 90.0198, loss: 0.2846 2023-11-02 17:59:35,318 - mmseg - INFO - Iter [31850/80000] lr: 1.950e-06, eta: 1 day, 0:12:24, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1875, decode.acc_seg: 92.1527, aux.loss_ce: 0.1015, aux.acc_seg: 90.0182, loss: 0.2890 2023-11-02 18:00:58,490 - mmseg - INFO - Iter [31900/80000] lr: 1.948e-06, eta: 1 day, 0:10:43, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1918, decode.acc_seg: 91.6778, aux.loss_ce: 0.1015, aux.acc_seg: 89.6287, loss: 0.2933 2023-11-02 18:02:21,648 - mmseg - INFO - Iter [31950/80000] lr: 1.946e-06, eta: 1 day, 0:09:01, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1924, decode.acc_seg: 91.9905, aux.loss_ce: 0.1062, aux.acc_seg: 89.4363, loss: 0.2986 2023-11-02 18:03:44,817 - mmseg - INFO - Saving checkpoint at 32000 iterations 2023-11-02 18:04:42,763 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 18:04:42,763 - mmseg - INFO - Iter [32000/80000] lr: 1.944e-06, eta: 1 day, 0:08:47, time: 2.822, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1994, decode.acc_seg: 91.2289, aux.loss_ce: 0.1049, aux.acc_seg: 89.0090, loss: 0.3044 2023-11-02 18:06:08,124 - mmseg - INFO - per class results: 2023-11-02 18:06:08,129 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.75 | 88.76 | | building | 84.62 | 94.0 | | sky | 94.57 | 97.55 | | floor | 84.16 | 91.62 | | tree | 77.01 | 87.8 | | ceiling | 85.12 | 93.79 | | road | 86.44 | 91.24 | | bed | 92.54 | 97.19 | | windowpane | 65.95 | 79.5 | | grass | 69.69 | 83.27 | | cabinet | 65.65 | 75.91 | | sidewalk | 71.8 | 84.97 | | person | 84.12 | 93.72 | | earth | 40.01 | 53.42 | | door | 59.6 | 78.33 | | table | 67.39 | 78.3 | | mountain | 64.34 | 77.29 | | plant | 57.34 | 69.94 | | curtain | 78.19 | 90.55 | | chair | 65.68 | 76.57 | | car | 87.03 | 93.95 | | water | 60.53 | 73.83 | | painting | 79.42 | 90.5 | | sofa | 79.71 | 89.75 | | shelf | 48.7 | 65.84 | | house | 50.4 | 56.62 | | sea | 75.52 | 83.1 | | mirror | 76.51 | 87.84 | | rug | 69.54 | 80.31 | | field | 28.21 | 51.43 | | armchair | 61.36 | 82.57 | | seat | 67.53 | 87.66 | | fence | 48.67 | 63.98 | | desk | 58.36 | 77.35 | | rock | 62.54 | 80.44 | | wardrobe | 55.16 | 73.5 | | lamp | 69.85 | 77.44 | | bathtub | 90.5 | 94.3 | | railing | 39.78 | 58.19 | | cushion | 67.57 | 79.52 | | base | 40.2 | 63.89 | | box | 37.14 | 47.79 | | column | 50.3 | 63.85 | | signboard | 37.5 | 46.05 | | chest of drawers | 42.37 | 68.99 | | counter | 36.59 | 39.32 | | sand | 57.71 | 75.83 | | sink | 80.13 | 92.34 | | skyscraper | 43.63 | 53.18 | | fireplace | 73.95 | 95.51 | | refrigerator | 83.36 | 96.19 | | grandstand | 51.88 | 86.87 | | path | 24.6 | 36.49 | | stairs | 33.21 | 44.51 | | runway | 67.26 | 88.03 | | case | 58.59 | 69.0 | | pool table | 93.95 | 97.57 | | pillow | 67.35 | 78.97 | | screen door | 72.03 | 74.4 | | stairway | 30.36 | 40.04 | | river | 13.38 | 34.66 | | bridge | 50.37 | 57.01 | | bookcase | 39.2 | 50.82 | | blind | 43.41 | 53.31 | | coffee table | 62.79 | 86.83 | | toilet | 89.39 | 94.03 | | flower | 35.86 | 47.76 | | book | 51.99 | 76.49 | | hill | 13.29 | 24.83 | | bench | 52.94 | 66.2 | | countertop | 65.33 | 78.25 | | stove | 85.76 | 92.49 | | palm | 53.97 | 78.36 | | kitchen island | 48.33 | 86.05 | | computer | 77.34 | 92.54 | | swivel chair | 52.22 | 84.71 | | boat | 64.64 | 90.58 | | bar | 58.16 | 88.32 | | arcade machine | 89.57 | 97.57 | | hovel | 60.31 | 67.99 | | bus | 93.68 | 97.37 | | towel | 77.18 | 84.11 | | light | 59.25 | 66.39 | | truck | 45.88 | 60.42 | | tower | 32.21 | 48.75 | | chandelier | 69.79 | 89.75 | | awning | 45.2 | 58.63 | | streetlight | 32.88 | 42.76 | | booth | 49.95 | 56.7 | | television receiver | 79.21 | 89.73 | | airplane | 83.83 | 98.23 | | dirt track | 5.9 | 25.13 | | apparel | 54.74 | 81.18 | | pole | 25.01 | 35.74 | | land | 8.99 | 23.5 | | bannister | 20.27 | 28.56 | | escalator | 64.12 | 85.99 | | ottoman | 46.99 | 62.5 | | bottle | 41.53 | 76.12 | | buffet | 49.51 | 56.2 | | poster | 31.57 | 38.29 | | stage | 17.27 | 42.69 | | van | 45.96 | 67.91 | | ship | 82.16 | 91.42 | | fountain | 26.27 | 26.89 | | conveyer belt | 79.39 | 95.94 | | canopy | 51.06 | 69.74 | | washer | 83.96 | 89.64 | | plaything | 30.13 | 41.01 | | swimming pool | 54.68 | 77.1 | | stool | 47.96 | 66.38 | | barrel | 37.73 | 81.37 | | basket | 40.37 | 55.3 | | waterfall | 50.07 | 61.39 | | tent | 90.32 | 98.71 | | bag | 25.76 | 32.39 | | minibike | 72.92 | 92.67 | | cradle | 88.67 | 98.55 | | oven | 62.47 | 77.43 | | ball | 59.31 | 75.76 | | food | 66.5 | 77.44 | | step | 9.76 | 12.1 | | tank | 65.98 | 69.85 | | trade name | 31.36 | 36.24 | | microwave | 89.88 | 96.08 | | pot | 57.86 | 66.03 | | animal | 66.06 | 68.29 | | bicycle | 60.78 | 77.56 | | lake | 54.38 | 65.56 | | dishwasher | 74.72 | 83.45 | | screen | 61.59 | 90.67 | | blanket | 37.91 | 45.74 | | sculpture | 73.36 | 88.16 | | hood | 63.57 | 80.5 | | sconce | 60.2 | 72.63 | | vase | 46.17 | 59.07 | | traffic light | 36.03 | 62.35 | | tray | 17.19 | 25.02 | | ashcan | 49.96 | 59.64 | | fan | 64.8 | 74.59 | | pier | 41.61 | 47.03 | | crt screen | 1.35 | 3.64 | | plate | 58.5 | 74.57 | | monitor | 11.97 | 13.04 | | bulletin board | 61.17 | 78.91 | | shower | 0.55 | 0.57 | | radiator | 62.97 | 77.66 | | glass | 19.09 | 20.15 | | clock | 53.13 | 68.4 | | flag | 69.94 | 76.88 | +---------------------+-------+-------+ 2023-11-02 18:06:08,129 - mmseg - INFO - Summary: 2023-11-02 18:06:08,129 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 85.76 | 56.5 | 69.73 | +-------+------+-------+ 2023-11-02 18:06:08,130 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 18:06:08,130 - mmseg - INFO - Iter(val) [250] aAcc: 0.8576, mIoU: 0.5650, mAcc: 0.6973, IoU.wall: 0.8175, IoU.building: 0.8462, IoU.sky: 0.9457, IoU.floor: 0.8416, IoU.tree: 0.7701, IoU.ceiling: 0.8512, IoU.road: 0.8644, IoU.bed : 0.9254, IoU.windowpane: 0.6595, IoU.grass: 0.6969, IoU.cabinet: 0.6565, IoU.sidewalk: 0.7180, IoU.person: 0.8412, IoU.earth: 0.4001, IoU.door: 0.5960, IoU.table: 0.6739, IoU.mountain: 0.6434, IoU.plant: 0.5734, IoU.curtain: 0.7819, IoU.chair: 0.6568, IoU.car: 0.8703, IoU.water: 0.6053, IoU.painting: 0.7942, IoU.sofa: 0.7971, IoU.shelf: 0.4870, IoU.house: 0.5040, IoU.sea: 0.7552, IoU.mirror: 0.7651, IoU.rug: 0.6954, IoU.field: 0.2821, IoU.armchair: 0.6136, IoU.seat: 0.6753, IoU.fence: 0.4867, IoU.desk: 0.5836, IoU.rock: 0.6254, IoU.wardrobe: 0.5516, IoU.lamp: 0.6985, IoU.bathtub: 0.9050, IoU.railing: 0.3978, IoU.cushion: 0.6757, IoU.base: 0.4020, IoU.box: 0.3714, IoU.column: 0.5030, IoU.signboard: 0.3750, IoU.chest of drawers: 0.4237, IoU.counter: 0.3659, IoU.sand: 0.5771, IoU.sink: 0.8013, IoU.skyscraper: 0.4363, IoU.fireplace: 0.7395, IoU.refrigerator: 0.8336, IoU.grandstand: 0.5188, IoU.path: 0.2460, IoU.stairs: 0.3321, IoU.runway: 0.6726, IoU.case: 0.5859, IoU.pool table: 0.9395, IoU.pillow: 0.6735, IoU.screen door: 0.7203, IoU.stairway: 0.3036, IoU.river: 0.1338, IoU.bridge: 0.5037, IoU.bookcase: 0.3920, IoU.blind: 0.4341, IoU.coffee table: 0.6279, IoU.toilet: 0.8939, IoU.flower: 0.3586, IoU.book: 0.5199, IoU.hill: 0.1329, IoU.bench: 0.5294, IoU.countertop: 0.6533, IoU.stove: 0.8576, IoU.palm: 0.5397, IoU.kitchen island: 0.4833, IoU.computer: 0.7734, IoU.swivel chair: 0.5222, IoU.boat: 0.6464, IoU.bar: 0.5816, IoU.arcade machine: 0.8957, IoU.hovel: 0.6031, IoU.bus: 0.9368, IoU.towel: 0.7718, IoU.light: 0.5925, IoU.truck: 0.4588, IoU.tower: 0.3221, IoU.chandelier: 0.6979, IoU.awning: 0.4520, IoU.streetlight: 0.3288, IoU.booth: 0.4995, IoU.television receiver: 0.7921, IoU.airplane: 0.8383, IoU.dirt track: 0.0590, IoU.apparel: 0.5474, IoU.pole: 0.2501, IoU.land: 0.0899, IoU.bannister: 0.2027, IoU.escalator: 0.6412, IoU.ottoman: 0.4699, IoU.bottle: 0.4153, IoU.buffet: 0.4951, IoU.poster: 0.3157, IoU.stage: 0.1727, IoU.van: 0.4596, IoU.ship: 0.8216, IoU.fountain: 0.2627, IoU.conveyer belt: 0.7939, IoU.canopy: 0.5106, IoU.washer: 0.8396, IoU.plaything: 0.3013, IoU.swimming pool: 0.5468, IoU.stool: 0.4796, IoU.barrel: 0.3773, IoU.basket: 0.4037, IoU.waterfall: 0.5007, IoU.tent: 0.9032, IoU.bag: 0.2576, IoU.minibike: 0.7292, IoU.cradle: 0.8867, IoU.oven: 0.6247, IoU.ball: 0.5931, IoU.food: 0.6650, IoU.step: 0.0976, IoU.tank: 0.6598, IoU.trade name: 0.3136, IoU.microwave: 0.8988, IoU.pot: 0.5786, IoU.animal: 0.6606, IoU.bicycle: 0.6078, IoU.lake: 0.5438, IoU.dishwasher: 0.7472, IoU.screen: 0.6159, IoU.blanket: 0.3791, IoU.sculpture: 0.7336, IoU.hood: 0.6357, IoU.sconce: 0.6020, IoU.vase: 0.4617, IoU.traffic light: 0.3603, IoU.tray: 0.1719, IoU.ashcan: 0.4996, IoU.fan: 0.6480, IoU.pier: 0.4161, IoU.crt screen: 0.0135, IoU.plate: 0.5850, IoU.monitor: 0.1197, IoU.bulletin board: 0.6117, IoU.shower: 0.0055, IoU.radiator: 0.6297, IoU.glass: 0.1909, IoU.clock: 0.5313, IoU.flag: 0.6994, Acc.wall: 0.8876, Acc.building: 0.9400, Acc.sky: 0.9755, Acc.floor: 0.9162, Acc.tree: 0.8780, Acc.ceiling: 0.9379, Acc.road: 0.9124, Acc.bed : 0.9719, Acc.windowpane: 0.7950, Acc.grass: 0.8327, Acc.cabinet: 0.7591, Acc.sidewalk: 0.8497, Acc.person: 0.9372, Acc.earth: 0.5342, Acc.door: 0.7833, Acc.table: 0.7830, Acc.mountain: 0.7729, Acc.plant: 0.6994, Acc.curtain: 0.9055, Acc.chair: 0.7657, Acc.car: 0.9395, Acc.water: 0.7383, Acc.painting: 0.9050, Acc.sofa: 0.8975, Acc.shelf: 0.6584, Acc.house: 0.5662, Acc.sea: 0.8310, Acc.mirror: 0.8784, Acc.rug: 0.8031, Acc.field: 0.5143, Acc.armchair: 0.8257, Acc.seat: 0.8766, Acc.fence: 0.6398, Acc.desk: 0.7735, Acc.rock: 0.8044, Acc.wardrobe: 0.7350, Acc.lamp: 0.7744, Acc.bathtub: 0.9430, Acc.railing: 0.5819, Acc.cushion: 0.7952, Acc.base: 0.6389, Acc.box: 0.4779, Acc.column: 0.6385, Acc.signboard: 0.4605, Acc.chest of drawers: 0.6899, Acc.counter: 0.3932, Acc.sand: 0.7583, Acc.sink: 0.9234, Acc.skyscraper: 0.5318, Acc.fireplace: 0.9551, Acc.refrigerator: 0.9619, Acc.grandstand: 0.8687, Acc.path: 0.3649, Acc.stairs: 0.4451, Acc.runway: 0.8803, Acc.case: 0.6900, Acc.pool table: 0.9757, Acc.pillow: 0.7897, Acc.screen door: 0.7440, Acc.stairway: 0.4004, Acc.river: 0.3466, Acc.bridge: 0.5701, Acc.bookcase: 0.5082, Acc.blind: 0.5331, Acc.coffee table: 0.8683, Acc.toilet: 0.9403, Acc.flower: 0.4776, Acc.book: 0.7649, Acc.hill: 0.2483, Acc.bench: 0.6620, Acc.countertop: 0.7825, Acc.stove: 0.9249, Acc.palm: 0.7836, Acc.kitchen island: 0.8605, Acc.computer: 0.9254, Acc.swivel chair: 0.8471, Acc.boat: 0.9058, Acc.bar: 0.8832, Acc.arcade machine: 0.9757, Acc.hovel: 0.6799, Acc.bus: 0.9737, Acc.towel: 0.8411, Acc.light: 0.6639, Acc.truck: 0.6042, Acc.tower: 0.4875, Acc.chandelier: 0.8975, Acc.awning: 0.5863, Acc.streetlight: 0.4276, Acc.booth: 0.5670, Acc.television receiver: 0.8973, Acc.airplane: 0.9823, Acc.dirt track: 0.2513, Acc.apparel: 0.8118, Acc.pole: 0.3574, Acc.land: 0.2350, Acc.bannister: 0.2856, Acc.escalator: 0.8599, Acc.ottoman: 0.6250, Acc.bottle: 0.7612, Acc.buffet: 0.5620, Acc.poster: 0.3829, Acc.stage: 0.4269, Acc.van: 0.6791, Acc.ship: 0.9142, Acc.fountain: 0.2689, Acc.conveyer belt: 0.9594, Acc.canopy: 0.6974, Acc.washer: 0.8964, Acc.plaything: 0.4101, Acc.swimming pool: 0.7710, Acc.stool: 0.6638, Acc.barrel: 0.8137, Acc.basket: 0.5530, Acc.waterfall: 0.6139, Acc.tent: 0.9871, Acc.bag: 0.3239, Acc.minibike: 0.9267, Acc.cradle: 0.9855, Acc.oven: 0.7743, Acc.ball: 0.7576, Acc.food: 0.7744, Acc.step: 0.1210, Acc.tank: 0.6985, Acc.trade name: 0.3624, Acc.microwave: 0.9608, Acc.pot: 0.6603, Acc.animal: 0.6829, Acc.bicycle: 0.7756, Acc.lake: 0.6556, Acc.dishwasher: 0.8345, Acc.screen: 0.9067, Acc.blanket: 0.4574, Acc.sculpture: 0.8816, Acc.hood: 0.8050, Acc.sconce: 0.7263, Acc.vase: 0.5907, Acc.traffic light: 0.6235, Acc.tray: 0.2502, Acc.ashcan: 0.5964, Acc.fan: 0.7459, Acc.pier: 0.4703, Acc.crt screen: 0.0364, Acc.plate: 0.7457, Acc.monitor: 0.1304, Acc.bulletin board: 0.7891, Acc.shower: 0.0057, Acc.radiator: 0.7766, Acc.glass: 0.2015, Acc.clock: 0.6840, Acc.flag: 0.7688 2023-11-02 18:07:31,331 - mmseg - INFO - Iter [32050/80000] lr: 1.942e-06, eta: 1 day, 0:09:13, time: 3.371, data_time: 1.716, memory: 69173, decode.loss_ce: 0.1947, decode.acc_seg: 91.5658, aux.loss_ce: 0.1017, aux.acc_seg: 89.5542, loss: 0.2964 2023-11-02 18:08:54,394 - mmseg - INFO - Iter [32100/80000] lr: 1.940e-06, eta: 1 day, 0:07:31, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1823, decode.acc_seg: 92.0656, aux.loss_ce: 0.1007, aux.acc_seg: 89.7939, loss: 0.2830 2023-11-02 18:10:17,438 - mmseg - INFO - Iter [32150/80000] lr: 1.938e-06, eta: 1 day, 0:05:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1976, decode.acc_seg: 91.4542, aux.loss_ce: 0.1096, aux.acc_seg: 88.7417, loss: 0.3072 2023-11-02 18:11:40,503 - mmseg - INFO - Iter [32200/80000] lr: 1.936e-06, eta: 1 day, 0:04:07, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2007, decode.acc_seg: 91.4801, aux.loss_ce: 0.1042, aux.acc_seg: 89.3529, loss: 0.3049 2023-11-02 18:13:03,515 - mmseg - INFO - Iter [32250/80000] lr: 1.934e-06, eta: 1 day, 0:02:25, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1968, decode.acc_seg: 91.5575, aux.loss_ce: 0.1028, aux.acc_seg: 89.8754, loss: 0.2997 2023-11-02 18:14:26,598 - mmseg - INFO - Iter [32300/80000] lr: 1.932e-06, eta: 1 day, 0:00:43, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1946, decode.acc_seg: 91.4855, aux.loss_ce: 0.1049, aux.acc_seg: 89.0995, loss: 0.2995 2023-11-02 18:15:49,636 - mmseg - INFO - Iter [32350/80000] lr: 1.930e-06, eta: 23:59:02, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1984, decode.acc_seg: 91.3570, aux.loss_ce: 0.1073, aux.acc_seg: 89.0534, loss: 0.3057 2023-11-02 18:17:12,664 - mmseg - INFO - Iter [32400/80000] lr: 1.928e-06, eta: 23:57:20, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2171, decode.acc_seg: 90.7550, aux.loss_ce: 0.1144, aux.acc_seg: 88.4857, loss: 0.3314 2023-11-02 18:18:35,747 - mmseg - INFO - Iter [32450/80000] lr: 1.926e-06, eta: 23:55:38, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1913, decode.acc_seg: 91.8557, aux.loss_ce: 0.1006, aux.acc_seg: 89.7469, loss: 0.2918 2023-11-02 18:19:58,823 - mmseg - INFO - Iter [32500/80000] lr: 1.924e-06, eta: 23:53:57, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1918, decode.acc_seg: 91.7413, aux.loss_ce: 0.1008, aux.acc_seg: 89.7428, loss: 0.2926 2023-11-02 18:21:21,900 - mmseg - INFO - Iter [32550/80000] lr: 1.922e-06, eta: 23:52:15, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2071, decode.acc_seg: 91.4449, aux.loss_ce: 0.1075, aux.acc_seg: 89.1970, loss: 0.3146 2023-11-02 18:22:44,925 - mmseg - INFO - Iter [32600/80000] lr: 1.920e-06, eta: 23:50:34, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1887, decode.acc_seg: 91.6007, aux.loss_ce: 0.1019, aux.acc_seg: 89.4321, loss: 0.2906 2023-11-02 18:24:07,964 - mmseg - INFO - Iter [32650/80000] lr: 1.918e-06, eta: 23:48:52, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1926, decode.acc_seg: 91.6913, aux.loss_ce: 0.1006, aux.acc_seg: 89.5686, loss: 0.2932 2023-11-02 18:25:31,000 - mmseg - INFO - Iter [32700/80000] lr: 1.916e-06, eta: 23:47:11, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1865, decode.acc_seg: 92.0725, aux.loss_ce: 0.0969, aux.acc_seg: 90.1924, loss: 0.2834 2023-11-02 18:26:54,057 - mmseg - INFO - Iter [32750/80000] lr: 1.914e-06, eta: 23:45:30, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1976, decode.acc_seg: 91.7578, aux.loss_ce: 0.1057, aux.acc_seg: 89.3872, loss: 0.3033 2023-11-02 18:28:17,088 - mmseg - INFO - Iter [32800/80000] lr: 1.912e-06, eta: 23:43:48, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1947, decode.acc_seg: 91.6973, aux.loss_ce: 0.1040, aux.acc_seg: 89.3982, loss: 0.2988 2023-11-02 18:29:42,567 - mmseg - INFO - Iter [32850/80000] lr: 1.909e-06, eta: 23:42:11, time: 1.710, data_time: 0.055, memory: 69173, decode.loss_ce: 0.1897, decode.acc_seg: 91.5395, aux.loss_ce: 0.0993, aux.acc_seg: 89.7545, loss: 0.2890 2023-11-02 18:31:05,594 - mmseg - INFO - Iter [32900/80000] lr: 1.907e-06, eta: 23:40:29, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1802, decode.acc_seg: 92.1408, aux.loss_ce: 0.0973, aux.acc_seg: 90.1042, loss: 0.2776 2023-11-02 18:32:28,610 - mmseg - INFO - Iter [32950/80000] lr: 1.905e-06, eta: 23:38:48, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1930, decode.acc_seg: 91.7976, aux.loss_ce: 0.1008, aux.acc_seg: 89.7345, loss: 0.2938 2023-11-02 18:33:51,643 - mmseg - INFO - Saving checkpoint at 33000 iterations 2023-11-02 18:34:52,584 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 18:34:52,584 - mmseg - INFO - Iter [33000/80000] lr: 1.903e-06, eta: 23:38:34, time: 2.879, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1944, decode.acc_seg: 91.8624, aux.loss_ce: 0.1057, aux.acc_seg: 89.3522, loss: 0.3000 2023-11-02 18:36:17,836 - mmseg - INFO - per class results: 2023-11-02 18:36:17,842 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.72 | 89.33 | | building | 84.33 | 92.44 | | sky | 94.83 | 97.19 | | floor | 84.36 | 91.51 | | tree | 77.47 | 90.88 | | ceiling | 86.52 | 92.64 | | road | 86.42 | 90.48 | | bed | 92.97 | 96.91 | | windowpane | 65.85 | 79.45 | | grass | 68.02 | 81.31 | | cabinet | 65.89 | 74.67 | | sidewalk | 71.22 | 84.63 | | person | 84.64 | 94.49 | | earth | 39.21 | 55.59 | | door | 59.86 | 78.2 | | table | 68.93 | 84.29 | | mountain | 66.18 | 74.38 | | plant | 58.08 | 69.36 | | curtain | 77.91 | 89.54 | | chair | 65.14 | 76.6 | | car | 87.03 | 94.71 | | water | 63.14 | 78.99 | | painting | 78.0 | 91.3 | | sofa | 81.86 | 90.72 | | shelf | 47.28 | 66.54 | | house | 50.84 | 60.03 | | sea | 64.91 | 71.12 | | mirror | 75.71 | 83.85 | | rug | 68.21 | 77.43 | | field | 31.24 | 52.96 | | armchair | 62.07 | 83.63 | | seat | 68.01 | 87.1 | | fence | 49.91 | 68.71 | | desk | 57.73 | 80.69 | | rock | 59.91 | 88.27 | | wardrobe | 54.98 | 71.03 | | lamp | 74.17 | 87.6 | | bathtub | 90.05 | 92.7 | | railing | 43.24 | 67.82 | | cushion | 68.6 | 82.35 | | base | 39.73 | 53.13 | | box | 38.5 | 49.75 | | column | 53.58 | 66.42 | | signboard | 40.79 | 54.0 | | chest of drawers | 40.4 | 64.01 | | counter | 46.53 | 59.56 | | sand | 59.02 | 80.62 | | sink | 79.88 | 85.82 | | skyscraper | 45.69 | 58.71 | | fireplace | 72.94 | 94.78 | | refrigerator | 84.85 | 92.59 | | grandstand | 53.51 | 77.6 | | path | 24.77 | 35.48 | | stairs | 39.53 | 54.19 | | runway | 68.47 | 87.85 | | case | 58.08 | 76.03 | | pool table | 94.39 | 98.02 | | pillow | 67.18 | 76.3 | | screen door | 74.16 | 78.51 | | stairway | 36.09 | 42.84 | | river | 14.07 | 28.17 | | bridge | 58.96 | 68.38 | | bookcase | 36.16 | 46.25 | | blind | 42.1 | 50.97 | | coffee table | 67.65 | 86.53 | | toilet | 90.42 | 93.58 | | flower | 40.37 | 61.4 | | book | 51.77 | 75.67 | | hill | 10.83 | 17.0 | | bench | 56.47 | 63.92 | | countertop | 62.59 | 82.54 | | stove | 85.56 | 92.55 | | palm | 54.57 | 81.46 | | kitchen island | 49.53 | 82.77 | | computer | 76.52 | 90.72 | | swivel chair | 48.81 | 73.05 | | boat | 75.9 | 89.69 | | bar | 64.83 | 85.86 | | arcade machine | 90.0 | 95.96 | | hovel | 38.78 | 42.29 | | bus | 93.3 | 96.66 | | towel | 76.3 | 89.48 | | light | 61.81 | 73.13 | | truck | 49.16 | 62.92 | | tower | 27.31 | 57.0 | | chandelier | 73.27 | 87.79 | | awning | 42.92 | 53.98 | | streetlight | 35.62 | 53.63 | | booth | 46.81 | 71.71 | | television receiver | 79.46 | 90.95 | | airplane | 84.42 | 97.28 | | dirt track | 5.01 | 23.7 | | apparel | 56.25 | 76.03 | | pole | 21.57 | 29.23 | | land | 4.83 | 7.76 | | bannister | 15.8 | 23.17 | | escalator | 60.39 | 86.22 | | ottoman | 53.23 | 72.41 | | bottle | 43.29 | 72.52 | | buffet | 70.3 | 89.38 | | poster | 29.29 | 36.68 | | stage | 21.86 | 50.99 | | van | 37.67 | 46.21 | | ship | 17.15 | 18.15 | | fountain | 24.28 | 25.97 | | conveyer belt | 74.88 | 93.76 | | canopy | 48.68 | 75.18 | | washer | 81.63 | 86.22 | | plaything | 29.13 | 47.52 | | swimming pool | 56.74 | 82.62 | | stool | 54.44 | 64.11 | | barrel | 51.29 | 82.75 | | basket | 40.73 | 50.49 | | waterfall | 53.34 | 59.97 | | tent | 91.78 | 98.33 | | bag | 27.19 | 31.67 | | minibike | 76.18 | 88.35 | | cradle | 87.25 | 97.34 | | oven | 64.93 | 80.26 | | ball | 43.42 | 45.03 | | food | 56.96 | 63.05 | | step | 10.65 | 16.96 | | tank | 73.14 | 97.87 | | trade name | 33.76 | 41.32 | | microwave | 89.96 | 96.71 | | pot | 60.84 | 70.7 | | animal | 63.01 | 64.71 | | bicycle | 60.88 | 80.57 | | lake | 50.07 | 63.79 | | dishwasher | 73.94 | 81.13 | | screen | 66.06 | 96.27 | | blanket | 31.34 | 35.86 | | sculpture | 71.36 | 88.23 | | hood | 61.77 | 74.97 | | sconce | 59.41 | 74.48 | | vase | 44.89 | 65.6 | | traffic light | 36.86 | 62.74 | | tray | 13.87 | 21.07 | | ashcan | 48.84 | 71.69 | | fan | 68.26 | 83.62 | | pier | 39.45 | 46.1 | | crt screen | 1.57 | 3.81 | | plate | 54.44 | 79.05 | | monitor | 18.24 | 21.38 | | bulletin board | 65.14 | 76.25 | | shower | 1.07 | 1.23 | | radiator | 61.08 | 77.13 | | glass | 21.19 | 23.11 | | clock | 52.73 | 65.42 | | flag | 68.1 | 78.88 | +---------------------+-------+-------+ 2023-11-02 18:36:17,842 - mmseg - INFO - Summary: 2023-11-02 18:36:17,842 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.83 | 56.41 | 69.71 | +-------+-------+-------+ 2023-11-02 18:36:17,843 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 18:36:17,843 - mmseg - INFO - Iter(val) [250] aAcc: 0.8583, mIoU: 0.5641, mAcc: 0.6971, IoU.wall: 0.8172, IoU.building: 0.8433, IoU.sky: 0.9483, IoU.floor: 0.8436, IoU.tree: 0.7747, IoU.ceiling: 0.8652, IoU.road: 0.8642, IoU.bed : 0.9297, IoU.windowpane: 0.6585, IoU.grass: 0.6802, IoU.cabinet: 0.6589, IoU.sidewalk: 0.7122, IoU.person: 0.8464, IoU.earth: 0.3921, IoU.door: 0.5986, IoU.table: 0.6893, IoU.mountain: 0.6618, IoU.plant: 0.5808, IoU.curtain: 0.7791, IoU.chair: 0.6514, IoU.car: 0.8703, IoU.water: 0.6314, IoU.painting: 0.7800, IoU.sofa: 0.8186, IoU.shelf: 0.4728, IoU.house: 0.5084, IoU.sea: 0.6491, IoU.mirror: 0.7571, IoU.rug: 0.6821, IoU.field: 0.3124, IoU.armchair: 0.6207, IoU.seat: 0.6801, IoU.fence: 0.4991, IoU.desk: 0.5773, IoU.rock: 0.5991, IoU.wardrobe: 0.5498, IoU.lamp: 0.7417, IoU.bathtub: 0.9005, IoU.railing: 0.4324, IoU.cushion: 0.6860, IoU.base: 0.3973, IoU.box: 0.3850, IoU.column: 0.5358, IoU.signboard: 0.4079, IoU.chest of drawers: 0.4040, IoU.counter: 0.4653, IoU.sand: 0.5902, IoU.sink: 0.7988, IoU.skyscraper: 0.4569, IoU.fireplace: 0.7294, IoU.refrigerator: 0.8485, IoU.grandstand: 0.5351, IoU.path: 0.2477, IoU.stairs: 0.3953, IoU.runway: 0.6847, IoU.case: 0.5808, IoU.pool table: 0.9439, IoU.pillow: 0.6718, IoU.screen door: 0.7416, IoU.stairway: 0.3609, IoU.river: 0.1407, IoU.bridge: 0.5896, IoU.bookcase: 0.3616, IoU.blind: 0.4210, IoU.coffee table: 0.6765, IoU.toilet: 0.9042, IoU.flower: 0.4037, IoU.book: 0.5177, IoU.hill: 0.1083, IoU.bench: 0.5647, IoU.countertop: 0.6259, IoU.stove: 0.8556, IoU.palm: 0.5457, IoU.kitchen island: 0.4953, IoU.computer: 0.7652, IoU.swivel chair: 0.4881, IoU.boat: 0.7590, IoU.bar: 0.6483, IoU.arcade machine: 0.9000, IoU.hovel: 0.3878, IoU.bus: 0.9330, IoU.towel: 0.7630, IoU.light: 0.6181, IoU.truck: 0.4916, IoU.tower: 0.2731, IoU.chandelier: 0.7327, IoU.awning: 0.4292, IoU.streetlight: 0.3562, IoU.booth: 0.4681, IoU.television receiver: 0.7946, IoU.airplane: 0.8442, IoU.dirt track: 0.0501, IoU.apparel: 0.5625, IoU.pole: 0.2157, IoU.land: 0.0483, IoU.bannister: 0.1580, IoU.escalator: 0.6039, IoU.ottoman: 0.5323, IoU.bottle: 0.4329, IoU.buffet: 0.7030, IoU.poster: 0.2929, IoU.stage: 0.2186, IoU.van: 0.3767, IoU.ship: 0.1715, IoU.fountain: 0.2428, IoU.conveyer belt: 0.7488, IoU.canopy: 0.4868, IoU.washer: 0.8163, IoU.plaything: 0.2913, IoU.swimming pool: 0.5674, IoU.stool: 0.5444, IoU.barrel: 0.5129, IoU.basket: 0.4073, IoU.waterfall: 0.5334, IoU.tent: 0.9178, IoU.bag: 0.2719, IoU.minibike: 0.7618, IoU.cradle: 0.8725, IoU.oven: 0.6493, IoU.ball: 0.4342, IoU.food: 0.5696, IoU.step: 0.1065, IoU.tank: 0.7314, IoU.trade name: 0.3376, IoU.microwave: 0.8996, IoU.pot: 0.6084, IoU.animal: 0.6301, IoU.bicycle: 0.6088, IoU.lake: 0.5007, IoU.dishwasher: 0.7394, IoU.screen: 0.6606, IoU.blanket: 0.3134, IoU.sculpture: 0.7136, IoU.hood: 0.6177, IoU.sconce: 0.5941, IoU.vase: 0.4489, IoU.traffic light: 0.3686, IoU.tray: 0.1387, IoU.ashcan: 0.4884, IoU.fan: 0.6826, IoU.pier: 0.3945, IoU.crt screen: 0.0157, IoU.plate: 0.5444, IoU.monitor: 0.1824, IoU.bulletin board: 0.6514, IoU.shower: 0.0107, IoU.radiator: 0.6108, IoU.glass: 0.2119, IoU.clock: 0.5273, IoU.flag: 0.6810, Acc.wall: 0.8933, Acc.building: 0.9244, Acc.sky: 0.9719, Acc.floor: 0.9151, Acc.tree: 0.9088, Acc.ceiling: 0.9264, Acc.road: 0.9048, Acc.bed : 0.9691, Acc.windowpane: 0.7945, Acc.grass: 0.8131, Acc.cabinet: 0.7467, Acc.sidewalk: 0.8463, Acc.person: 0.9449, Acc.earth: 0.5559, Acc.door: 0.7820, Acc.table: 0.8429, Acc.mountain: 0.7438, Acc.plant: 0.6936, Acc.curtain: 0.8954, Acc.chair: 0.7660, Acc.car: 0.9471, Acc.water: 0.7899, Acc.painting: 0.9130, Acc.sofa: 0.9072, Acc.shelf: 0.6654, Acc.house: 0.6003, Acc.sea: 0.7112, Acc.mirror: 0.8385, Acc.rug: 0.7743, Acc.field: 0.5296, Acc.armchair: 0.8363, Acc.seat: 0.8710, Acc.fence: 0.6871, Acc.desk: 0.8069, Acc.rock: 0.8827, Acc.wardrobe: 0.7103, Acc.lamp: 0.8760, Acc.bathtub: 0.9270, Acc.railing: 0.6782, Acc.cushion: 0.8235, Acc.base: 0.5313, Acc.box: 0.4975, Acc.column: 0.6642, Acc.signboard: 0.5400, Acc.chest of drawers: 0.6401, Acc.counter: 0.5956, Acc.sand: 0.8062, Acc.sink: 0.8582, Acc.skyscraper: 0.5871, Acc.fireplace: 0.9478, Acc.refrigerator: 0.9259, Acc.grandstand: 0.7760, Acc.path: 0.3548, Acc.stairs: 0.5419, Acc.runway: 0.8785, Acc.case: 0.7603, Acc.pool table: 0.9802, Acc.pillow: 0.7630, Acc.screen door: 0.7851, Acc.stairway: 0.4284, Acc.river: 0.2817, Acc.bridge: 0.6838, Acc.bookcase: 0.4625, Acc.blind: 0.5097, Acc.coffee table: 0.8653, Acc.toilet: 0.9358, Acc.flower: 0.6140, Acc.book: 0.7567, Acc.hill: 0.1700, Acc.bench: 0.6392, Acc.countertop: 0.8254, Acc.stove: 0.9255, Acc.palm: 0.8146, Acc.kitchen island: 0.8277, Acc.computer: 0.9072, Acc.swivel chair: 0.7305, Acc.boat: 0.8969, Acc.bar: 0.8586, Acc.arcade machine: 0.9596, Acc.hovel: 0.4229, Acc.bus: 0.9666, Acc.towel: 0.8948, Acc.light: 0.7313, Acc.truck: 0.6292, Acc.tower: 0.5700, Acc.chandelier: 0.8779, Acc.awning: 0.5398, Acc.streetlight: 0.5363, Acc.booth: 0.7171, Acc.television receiver: 0.9095, Acc.airplane: 0.9728, Acc.dirt track: 0.2370, Acc.apparel: 0.7603, Acc.pole: 0.2923, Acc.land: 0.0776, Acc.bannister: 0.2317, Acc.escalator: 0.8622, Acc.ottoman: 0.7241, Acc.bottle: 0.7252, Acc.buffet: 0.8938, Acc.poster: 0.3668, Acc.stage: 0.5099, Acc.van: 0.4621, Acc.ship: 0.1815, Acc.fountain: 0.2597, Acc.conveyer belt: 0.9376, Acc.canopy: 0.7518, Acc.washer: 0.8622, Acc.plaything: 0.4752, Acc.swimming pool: 0.8262, Acc.stool: 0.6411, Acc.barrel: 0.8275, Acc.basket: 0.5049, Acc.waterfall: 0.5997, Acc.tent: 0.9833, Acc.bag: 0.3167, Acc.minibike: 0.8835, Acc.cradle: 0.9734, Acc.oven: 0.8026, Acc.ball: 0.4503, Acc.food: 0.6305, Acc.step: 0.1696, Acc.tank: 0.9787, Acc.trade name: 0.4132, Acc.microwave: 0.9671, Acc.pot: 0.7070, Acc.animal: 0.6471, Acc.bicycle: 0.8057, Acc.lake: 0.6379, Acc.dishwasher: 0.8113, Acc.screen: 0.9627, Acc.blanket: 0.3586, Acc.sculpture: 0.8823, Acc.hood: 0.7497, Acc.sconce: 0.7448, Acc.vase: 0.6560, Acc.traffic light: 0.6274, Acc.tray: 0.2107, Acc.ashcan: 0.7169, Acc.fan: 0.8362, Acc.pier: 0.4610, Acc.crt screen: 0.0381, Acc.plate: 0.7905, Acc.monitor: 0.2138, Acc.bulletin board: 0.7625, Acc.shower: 0.0123, Acc.radiator: 0.7713, Acc.glass: 0.2311, Acc.clock: 0.6542, Acc.flag: 0.7888 2023-11-02 18:37:41,019 - mmseg - INFO - Iter [33050/80000] lr: 1.901e-06, eta: 23:38:54, time: 3.369, data_time: 1.713, memory: 69173, decode.loss_ce: 0.1963, decode.acc_seg: 91.4627, aux.loss_ce: 0.1040, aux.acc_seg: 89.6738, loss: 0.3002 2023-11-02 18:39:04,081 - mmseg - INFO - Iter [33100/80000] lr: 1.899e-06, eta: 23:37:13, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1900, decode.acc_seg: 91.9601, aux.loss_ce: 0.1028, aux.acc_seg: 89.8184, loss: 0.2928 2023-11-02 18:40:27,096 - mmseg - INFO - Iter [33150/80000] lr: 1.897e-06, eta: 23:35:31, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1869, decode.acc_seg: 92.0856, aux.loss_ce: 0.1003, aux.acc_seg: 90.0290, loss: 0.2871 2023-11-02 18:41:50,176 - mmseg - INFO - Iter [33200/80000] lr: 1.895e-06, eta: 23:33:50, time: 1.662, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1866, decode.acc_seg: 91.7836, aux.loss_ce: 0.0988, aux.acc_seg: 89.7682, loss: 0.2854 2023-11-02 18:43:13,193 - mmseg - INFO - Iter [33250/80000] lr: 1.893e-06, eta: 23:32:09, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1947, decode.acc_seg: 91.4715, aux.loss_ce: 0.1002, aux.acc_seg: 89.5993, loss: 0.2949 2023-11-02 18:44:36,206 - mmseg - INFO - Iter [33300/80000] lr: 1.891e-06, eta: 23:30:27, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1806, decode.acc_seg: 92.2480, aux.loss_ce: 0.0978, aux.acc_seg: 90.1655, loss: 0.2784 2023-11-02 18:45:59,287 - mmseg - INFO - Iter [33350/80000] lr: 1.889e-06, eta: 23:28:46, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2021, decode.acc_seg: 91.6728, aux.loss_ce: 0.1060, aux.acc_seg: 89.4015, loss: 0.3080 2023-11-02 18:47:22,338 - mmseg - INFO - Iter [33400/80000] lr: 1.887e-06, eta: 23:27:05, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1833, decode.acc_seg: 92.2033, aux.loss_ce: 0.1006, aux.acc_seg: 89.6348, loss: 0.2839 2023-11-02 18:48:45,378 - mmseg - INFO - Iter [33450/80000] lr: 1.885e-06, eta: 23:25:24, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1748, decode.acc_seg: 92.6248, aux.loss_ce: 0.0948, aux.acc_seg: 90.3978, loss: 0.2696 2023-11-02 18:50:08,462 - mmseg - INFO - Iter [33500/80000] lr: 1.883e-06, eta: 23:23:43, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1807, decode.acc_seg: 92.1235, aux.loss_ce: 0.0981, aux.acc_seg: 89.7261, loss: 0.2787 2023-11-02 18:51:31,475 - mmseg - INFO - Iter [33550/80000] lr: 1.881e-06, eta: 23:22:02, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1930, decode.acc_seg: 91.7197, aux.loss_ce: 0.1012, aux.acc_seg: 89.7217, loss: 0.2942 2023-11-02 18:52:54,525 - mmseg - INFO - Iter [33600/80000] lr: 1.879e-06, eta: 23:20:21, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1880, decode.acc_seg: 91.8798, aux.loss_ce: 0.1031, aux.acc_seg: 89.4998, loss: 0.2911 2023-11-02 18:54:17,602 - mmseg - INFO - Iter [33650/80000] lr: 1.877e-06, eta: 23:18:40, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1955, decode.acc_seg: 91.6862, aux.loss_ce: 0.1046, aux.acc_seg: 89.2672, loss: 0.3002 2023-11-02 18:55:40,664 - mmseg - INFO - Iter [33700/80000] lr: 1.875e-06, eta: 23:16:59, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1857, decode.acc_seg: 91.8632, aux.loss_ce: 0.0987, aux.acc_seg: 89.8359, loss: 0.2844 2023-11-02 18:57:03,786 - mmseg - INFO - Iter [33750/80000] lr: 1.873e-06, eta: 23:15:19, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1914, decode.acc_seg: 91.7198, aux.loss_ce: 0.1030, aux.acc_seg: 89.1987, loss: 0.2944 2023-11-02 18:58:26,862 - mmseg - INFO - Iter [33800/80000] lr: 1.871e-06, eta: 23:13:38, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2028, decode.acc_seg: 91.5373, aux.loss_ce: 0.1079, aux.acc_seg: 89.3254, loss: 0.3107 2023-11-02 18:59:49,949 - mmseg - INFO - Iter [33850/80000] lr: 1.869e-06, eta: 23:11:58, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1903, decode.acc_seg: 92.2054, aux.loss_ce: 0.0998, aux.acc_seg: 89.9968, loss: 0.2901 2023-11-02 19:01:13,015 - mmseg - INFO - Iter [33900/80000] lr: 1.867e-06, eta: 23:10:17, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1973, decode.acc_seg: 91.6616, aux.loss_ce: 0.1028, aux.acc_seg: 89.7557, loss: 0.3000 2023-11-02 19:02:36,057 - mmseg - INFO - Iter [33950/80000] lr: 1.865e-06, eta: 23:08:36, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1812, decode.acc_seg: 92.2202, aux.loss_ce: 0.0959, aux.acc_seg: 90.2821, loss: 0.2771 2023-11-02 19:03:59,123 - mmseg - INFO - Saving checkpoint at 34000 iterations 2023-11-02 19:04:58,347 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 19:04:58,347 - mmseg - INFO - Iter [34000/80000] lr: 1.863e-06, eta: 23:08:16, time: 2.846, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1966, decode.acc_seg: 91.7414, aux.loss_ce: 0.1007, aux.acc_seg: 89.8006, loss: 0.2973 2023-11-02 19:06:25,288 - mmseg - INFO - per class results: 2023-11-02 19:06:25,293 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.12 | 89.82 | | building | 84.82 | 93.19 | | sky | 94.9 | 97.42 | | floor | 85.0 | 91.12 | | tree | 76.9 | 88.7 | | ceiling | 86.71 | 94.17 | | road | 87.17 | 90.87 | | bed | 92.6 | 96.84 | | windowpane | 66.23 | 82.63 | | grass | 65.34 | 72.38 | | cabinet | 65.09 | 75.11 | | sidewalk | 71.09 | 83.81 | | person | 84.67 | 94.26 | | earth | 40.22 | 58.5 | | door | 60.3 | 73.84 | | table | 68.63 | 80.24 | | mountain | 64.76 | 72.63 | | plant | 56.93 | 69.25 | | curtain | 78.69 | 88.75 | | chair | 66.37 | 80.59 | | car | 87.07 | 94.2 | | water | 56.98 | 70.21 | | painting | 76.94 | 90.69 | | sofa | 80.27 | 86.93 | | shelf | 48.03 | 70.4 | | house | 51.44 | 61.28 | | sea | 70.28 | 85.42 | | mirror | 75.86 | 82.45 | | rug | 69.27 | 80.56 | | field | 29.46 | 56.23 | | armchair | 60.37 | 76.85 | | seat | 67.66 | 88.12 | | fence | 49.01 | 67.61 | | desk | 60.26 | 76.92 | | rock | 61.92 | 79.7 | | wardrobe | 51.63 | 72.68 | | lamp | 71.96 | 82.38 | | bathtub | 87.02 | 89.39 | | railing | 43.49 | 59.29 | | cushion | 67.0 | 85.67 | | base | 42.32 | 59.74 | | box | 37.08 | 48.03 | | column | 53.54 | 71.0 | | signboard | 40.53 | 53.61 | | chest of drawers | 43.31 | 63.25 | | counter | 47.13 | 57.84 | | sand | 52.91 | 82.74 | | sink | 78.26 | 82.43 | | skyscraper | 47.89 | 61.71 | | fireplace | 75.73 | 94.04 | | refrigerator | 84.9 | 95.66 | | grandstand | 59.78 | 84.56 | | path | 22.94 | 35.42 | | stairs | 46.17 | 62.37 | | runway | 73.77 | 97.98 | | case | 57.07 | 74.34 | | pool table | 94.55 | 97.22 | | pillow | 64.84 | 74.93 | | screen door | 76.39 | 79.75 | | stairway | 44.99 | 58.35 | | river | 11.12 | 29.19 | | bridge | 54.89 | 61.7 | | bookcase | 44.91 | 64.2 | | blind | 40.79 | 45.17 | | coffee table | 61.82 | 88.46 | | toilet | 90.27 | 94.54 | | flower | 38.3 | 60.5 | | book | 48.58 | 69.78 | | hill | 9.47 | 24.43 | | bench | 54.28 | 63.52 | | countertop | 61.4 | 83.42 | | stove | 85.6 | 94.85 | | palm | 50.96 | 86.5 | | kitchen island | 48.58 | 88.74 | | computer | 77.52 | 90.47 | | swivel chair | 42.77 | 60.17 | | boat | 68.25 | 89.53 | | bar | 62.94 | 76.67 | | arcade machine | 85.67 | 91.57 | | hovel | 27.6 | 29.7 | | bus | 92.73 | 97.75 | | towel | 78.49 | 86.3 | | light | 58.55 | 63.06 | | truck | 47.18 | 59.44 | | tower | 27.25 | 54.95 | | chandelier | 70.33 | 85.13 | | awning | 41.29 | 49.69 | | streetlight | 35.7 | 47.35 | | booth | 46.79 | 60.74 | | television receiver | 78.0 | 86.73 | | airplane | 87.7 | 95.88 | | dirt track | 9.93 | 46.56 | | apparel | 62.61 | 78.85 | | pole | 25.77 | 35.48 | | land | 8.06 | 24.84 | | bannister | 17.4 | 22.44 | | escalator | 57.33 | 81.73 | | ottoman | 48.7 | 67.2 | | bottle | 43.81 | 63.17 | | buffet | 56.57 | 64.72 | | poster | 35.12 | 45.19 | | stage | 18.13 | 33.55 | | van | 42.91 | 59.76 | | ship | 68.79 | 76.24 | | fountain | 31.84 | 32.75 | | conveyer belt | 61.96 | 94.86 | | canopy | 53.29 | 77.21 | | washer | 83.77 | 88.53 | | plaything | 28.92 | 40.85 | | swimming pool | 59.63 | 87.23 | | stool | 51.48 | 69.92 | | barrel | 53.27 | 66.38 | | basket | 39.61 | 62.55 | | waterfall | 47.42 | 61.57 | | tent | 91.78 | 98.29 | | bag | 24.99 | 30.33 | | minibike | 75.84 | 89.12 | | cradle | 89.36 | 97.43 | | oven | 63.57 | 77.62 | | ball | 51.35 | 53.44 | | food | 57.08 | 64.51 | | step | 16.04 | 21.8 | | tank | 84.91 | 95.74 | | trade name | 29.24 | 33.39 | | microwave | 89.93 | 96.58 | | pot | 59.25 | 67.22 | | animal | 68.73 | 72.05 | | bicycle | 62.2 | 85.2 | | lake | 51.23 | 61.74 | | dishwasher | 71.89 | 82.44 | | screen | 69.54 | 93.5 | | blanket | 37.3 | 43.94 | | sculpture | 79.21 | 85.22 | | hood | 61.14 | 77.23 | | sconce | 58.64 | 67.56 | | vase | 46.06 | 59.24 | | traffic light | 34.33 | 59.86 | | tray | 16.71 | 21.07 | | ashcan | 50.08 | 65.96 | | fan | 66.7 | 74.65 | | pier | 45.2 | 51.67 | | crt screen | 3.64 | 6.18 | | plate | 59.84 | 78.64 | | monitor | 47.28 | 57.95 | | bulletin board | 65.16 | 77.28 | | shower | 3.87 | 9.54 | | radiator | 62.14 | 73.83 | | glass | 20.01 | 21.41 | | clock | 48.36 | 57.24 | | flag | 68.67 | 81.41 | +---------------------+-------+-------+ 2023-11-02 19:06:25,293 - mmseg - INFO - Summary: 2023-11-02 19:06:25,294 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.8 | 57.04 | 70.12 | +------+-------+-------+ 2023-11-02 19:06:25,294 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 19:06:25,295 - mmseg - INFO - Iter(val) [250] aAcc: 0.8580, mIoU: 0.5704, mAcc: 0.7012, IoU.wall: 0.8212, IoU.building: 0.8482, IoU.sky: 0.9490, IoU.floor: 0.8500, IoU.tree: 0.7690, IoU.ceiling: 0.8671, IoU.road: 0.8717, IoU.bed : 0.9260, IoU.windowpane: 0.6623, IoU.grass: 0.6534, IoU.cabinet: 0.6509, IoU.sidewalk: 0.7109, IoU.person: 0.8467, IoU.earth: 0.4022, IoU.door: 0.6030, IoU.table: 0.6863, IoU.mountain: 0.6476, IoU.plant: 0.5693, IoU.curtain: 0.7869, IoU.chair: 0.6637, IoU.car: 0.8707, IoU.water: 0.5698, IoU.painting: 0.7694, IoU.sofa: 0.8027, IoU.shelf: 0.4803, IoU.house: 0.5144, IoU.sea: 0.7028, IoU.mirror: 0.7586, IoU.rug: 0.6927, IoU.field: 0.2946, IoU.armchair: 0.6037, IoU.seat: 0.6766, IoU.fence: 0.4901, IoU.desk: 0.6026, IoU.rock: 0.6192, IoU.wardrobe: 0.5163, IoU.lamp: 0.7196, IoU.bathtub: 0.8702, IoU.railing: 0.4349, IoU.cushion: 0.6700, IoU.base: 0.4232, IoU.box: 0.3708, IoU.column: 0.5354, IoU.signboard: 0.4053, IoU.chest of drawers: 0.4331, IoU.counter: 0.4713, IoU.sand: 0.5291, IoU.sink: 0.7826, IoU.skyscraper: 0.4789, IoU.fireplace: 0.7573, IoU.refrigerator: 0.8490, IoU.grandstand: 0.5978, IoU.path: 0.2294, IoU.stairs: 0.4617, IoU.runway: 0.7377, IoU.case: 0.5707, IoU.pool table: 0.9455, IoU.pillow: 0.6484, IoU.screen door: 0.7639, IoU.stairway: 0.4499, IoU.river: 0.1112, IoU.bridge: 0.5489, IoU.bookcase: 0.4491, IoU.blind: 0.4079, IoU.coffee table: 0.6182, IoU.toilet: 0.9027, IoU.flower: 0.3830, IoU.book: 0.4858, IoU.hill: 0.0947, IoU.bench: 0.5428, IoU.countertop: 0.6140, IoU.stove: 0.8560, IoU.palm: 0.5096, IoU.kitchen island: 0.4858, IoU.computer: 0.7752, IoU.swivel chair: 0.4277, IoU.boat: 0.6825, IoU.bar: 0.6294, IoU.arcade machine: 0.8567, IoU.hovel: 0.2760, IoU.bus: 0.9273, IoU.towel: 0.7849, IoU.light: 0.5855, IoU.truck: 0.4718, IoU.tower: 0.2725, IoU.chandelier: 0.7033, IoU.awning: 0.4129, IoU.streetlight: 0.3570, IoU.booth: 0.4679, IoU.television receiver: 0.7800, IoU.airplane: 0.8770, IoU.dirt track: 0.0993, IoU.apparel: 0.6261, IoU.pole: 0.2577, IoU.land: 0.0806, IoU.bannister: 0.1740, IoU.escalator: 0.5733, IoU.ottoman: 0.4870, IoU.bottle: 0.4381, IoU.buffet: 0.5657, IoU.poster: 0.3512, IoU.stage: 0.1813, IoU.van: 0.4291, IoU.ship: 0.6879, IoU.fountain: 0.3184, IoU.conveyer belt: 0.6196, IoU.canopy: 0.5329, IoU.washer: 0.8377, IoU.plaything: 0.2892, IoU.swimming pool: 0.5963, IoU.stool: 0.5148, IoU.barrel: 0.5327, IoU.basket: 0.3961, IoU.waterfall: 0.4742, IoU.tent: 0.9178, IoU.bag: 0.2499, IoU.minibike: 0.7584, IoU.cradle: 0.8936, IoU.oven: 0.6357, IoU.ball: 0.5135, IoU.food: 0.5708, IoU.step: 0.1604, IoU.tank: 0.8491, IoU.trade name: 0.2924, IoU.microwave: 0.8993, IoU.pot: 0.5925, IoU.animal: 0.6873, IoU.bicycle: 0.6220, IoU.lake: 0.5123, IoU.dishwasher: 0.7189, IoU.screen: 0.6954, IoU.blanket: 0.3730, IoU.sculpture: 0.7921, IoU.hood: 0.6114, IoU.sconce: 0.5864, IoU.vase: 0.4606, IoU.traffic light: 0.3433, IoU.tray: 0.1671, IoU.ashcan: 0.5008, IoU.fan: 0.6670, IoU.pier: 0.4520, IoU.crt screen: 0.0364, IoU.plate: 0.5984, IoU.monitor: 0.4728, IoU.bulletin board: 0.6516, IoU.shower: 0.0387, IoU.radiator: 0.6214, IoU.glass: 0.2001, IoU.clock: 0.4836, IoU.flag: 0.6867, Acc.wall: 0.8982, Acc.building: 0.9319, Acc.sky: 0.9742, Acc.floor: 0.9112, Acc.tree: 0.8870, Acc.ceiling: 0.9417, Acc.road: 0.9087, Acc.bed : 0.9684, Acc.windowpane: 0.8263, Acc.grass: 0.7238, Acc.cabinet: 0.7511, Acc.sidewalk: 0.8381, Acc.person: 0.9426, Acc.earth: 0.5850, Acc.door: 0.7384, Acc.table: 0.8024, Acc.mountain: 0.7263, Acc.plant: 0.6925, Acc.curtain: 0.8875, Acc.chair: 0.8059, Acc.car: 0.9420, Acc.water: 0.7021, Acc.painting: 0.9069, Acc.sofa: 0.8693, Acc.shelf: 0.7040, Acc.house: 0.6128, Acc.sea: 0.8542, Acc.mirror: 0.8245, Acc.rug: 0.8056, Acc.field: 0.5623, Acc.armchair: 0.7685, Acc.seat: 0.8812, Acc.fence: 0.6761, Acc.desk: 0.7692, Acc.rock: 0.7970, Acc.wardrobe: 0.7268, Acc.lamp: 0.8238, Acc.bathtub: 0.8939, Acc.railing: 0.5929, Acc.cushion: 0.8567, Acc.base: 0.5974, Acc.box: 0.4803, Acc.column: 0.7100, Acc.signboard: 0.5361, Acc.chest of drawers: 0.6325, Acc.counter: 0.5784, Acc.sand: 0.8274, Acc.sink: 0.8243, Acc.skyscraper: 0.6171, Acc.fireplace: 0.9404, Acc.refrigerator: 0.9566, Acc.grandstand: 0.8456, Acc.path: 0.3542, Acc.stairs: 0.6237, Acc.runway: 0.9798, Acc.case: 0.7434, Acc.pool table: 0.9722, Acc.pillow: 0.7493, Acc.screen door: 0.7975, Acc.stairway: 0.5835, Acc.river: 0.2919, Acc.bridge: 0.6170, Acc.bookcase: 0.6420, Acc.blind: 0.4517, Acc.coffee table: 0.8846, Acc.toilet: 0.9454, Acc.flower: 0.6050, Acc.book: 0.6978, Acc.hill: 0.2443, Acc.bench: 0.6352, Acc.countertop: 0.8342, Acc.stove: 0.9485, Acc.palm: 0.8650, Acc.kitchen island: 0.8874, Acc.computer: 0.9047, Acc.swivel chair: 0.6017, Acc.boat: 0.8953, Acc.bar: 0.7667, Acc.arcade machine: 0.9157, Acc.hovel: 0.2970, Acc.bus: 0.9775, Acc.towel: 0.8630, Acc.light: 0.6306, Acc.truck: 0.5944, Acc.tower: 0.5495, Acc.chandelier: 0.8513, Acc.awning: 0.4969, Acc.streetlight: 0.4735, Acc.booth: 0.6074, Acc.television receiver: 0.8673, Acc.airplane: 0.9588, Acc.dirt track: 0.4656, Acc.apparel: 0.7885, Acc.pole: 0.3548, Acc.land: 0.2484, Acc.bannister: 0.2244, Acc.escalator: 0.8173, Acc.ottoman: 0.6720, Acc.bottle: 0.6317, Acc.buffet: 0.6472, Acc.poster: 0.4519, Acc.stage: 0.3355, Acc.van: 0.5976, Acc.ship: 0.7624, Acc.fountain: 0.3275, Acc.conveyer belt: 0.9486, Acc.canopy: 0.7721, Acc.washer: 0.8853, Acc.plaything: 0.4085, Acc.swimming pool: 0.8723, Acc.stool: 0.6992, Acc.barrel: 0.6638, Acc.basket: 0.6255, Acc.waterfall: 0.6157, Acc.tent: 0.9829, Acc.bag: 0.3033, Acc.minibike: 0.8912, Acc.cradle: 0.9743, Acc.oven: 0.7762, Acc.ball: 0.5344, Acc.food: 0.6451, Acc.step: 0.2180, Acc.tank: 0.9574, Acc.trade name: 0.3339, Acc.microwave: 0.9658, Acc.pot: 0.6722, Acc.animal: 0.7205, Acc.bicycle: 0.8520, Acc.lake: 0.6174, Acc.dishwasher: 0.8244, Acc.screen: 0.9350, Acc.blanket: 0.4394, Acc.sculpture: 0.8522, Acc.hood: 0.7723, Acc.sconce: 0.6756, Acc.vase: 0.5924, Acc.traffic light: 0.5986, Acc.tray: 0.2107, Acc.ashcan: 0.6596, Acc.fan: 0.7465, Acc.pier: 0.5167, Acc.crt screen: 0.0618, Acc.plate: 0.7864, Acc.monitor: 0.5795, Acc.bulletin board: 0.7728, Acc.shower: 0.0954, Acc.radiator: 0.7383, Acc.glass: 0.2141, Acc.clock: 0.5724, Acc.flag: 0.8141 2023-11-02 19:07:48,478 - mmseg - INFO - Iter [34050/80000] lr: 1.861e-06, eta: 23:08:33, time: 3.403, data_time: 1.747, memory: 69173, decode.loss_ce: 0.1920, decode.acc_seg: 91.5339, aux.loss_ce: 0.1008, aux.acc_seg: 89.4079, loss: 0.2927 2023-11-02 19:09:11,533 - mmseg - INFO - Iter [34100/80000] lr: 1.859e-06, eta: 23:06:52, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1908, decode.acc_seg: 91.9068, aux.loss_ce: 0.1066, aux.acc_seg: 89.3899, loss: 0.2973 2023-11-02 19:10:36,969 - mmseg - INFO - Iter [34150/80000] lr: 1.857e-06, eta: 23:05:14, time: 1.709, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1910, decode.acc_seg: 91.9873, aux.loss_ce: 0.0968, aux.acc_seg: 90.1520, loss: 0.2878 2023-11-02 19:12:00,002 - mmseg - INFO - Iter [34200/80000] lr: 1.855e-06, eta: 23:03:34, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1839, decode.acc_seg: 92.0314, aux.loss_ce: 0.1014, aux.acc_seg: 89.7475, loss: 0.2854 2023-11-02 19:13:23,044 - mmseg - INFO - Iter [34250/80000] lr: 1.853e-06, eta: 23:01:53, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1859, decode.acc_seg: 91.8409, aux.loss_ce: 0.0996, aux.acc_seg: 89.7479, loss: 0.2855 2023-11-02 19:14:46,115 - mmseg - INFO - Iter [34300/80000] lr: 1.851e-06, eta: 23:00:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1852, decode.acc_seg: 92.0532, aux.loss_ce: 0.0965, aux.acc_seg: 90.2973, loss: 0.2817 2023-11-02 19:16:09,174 - mmseg - INFO - Iter [34350/80000] lr: 1.849e-06, eta: 22:58:32, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.2100, decode.acc_seg: 91.1652, aux.loss_ce: 0.1054, aux.acc_seg: 89.2021, loss: 0.3154 2023-11-02 19:17:32,190 - mmseg - INFO - Iter [34400/80000] lr: 1.847e-06, eta: 22:56:51, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1861, decode.acc_seg: 91.9458, aux.loss_ce: 0.0961, aux.acc_seg: 90.2298, loss: 0.2822 2023-11-02 19:18:55,291 - mmseg - INFO - Iter [34450/80000] lr: 1.845e-06, eta: 22:55:10, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1877, decode.acc_seg: 92.0151, aux.loss_ce: 0.0975, aux.acc_seg: 90.0516, loss: 0.2852 2023-11-02 19:20:18,328 - mmseg - INFO - Iter [34500/80000] lr: 1.843e-06, eta: 22:53:30, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1913, decode.acc_seg: 91.6582, aux.loss_ce: 0.1003, aux.acc_seg: 89.9121, loss: 0.2916 2023-11-02 19:21:41,418 - mmseg - INFO - Iter [34550/80000] lr: 1.841e-06, eta: 22:51:50, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1841, decode.acc_seg: 92.1958, aux.loss_ce: 0.1000, aux.acc_seg: 89.7655, loss: 0.2840 2023-11-02 19:23:04,488 - mmseg - INFO - Iter [34600/80000] lr: 1.839e-06, eta: 22:50:09, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1860, decode.acc_seg: 91.8538, aux.loss_ce: 0.1002, aux.acc_seg: 89.6914, loss: 0.2862 2023-11-02 19:24:27,560 - mmseg - INFO - Iter [34650/80000] lr: 1.837e-06, eta: 22:48:29, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1891, decode.acc_seg: 91.6569, aux.loss_ce: 0.1005, aux.acc_seg: 89.6067, loss: 0.2895 2023-11-02 19:25:50,622 - mmseg - INFO - Iter [34700/80000] lr: 1.835e-06, eta: 22:46:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1701, decode.acc_seg: 92.5365, aux.loss_ce: 0.0929, aux.acc_seg: 90.5836, loss: 0.2630 2023-11-02 19:27:13,642 - mmseg - INFO - Iter [34750/80000] lr: 1.833e-06, eta: 22:45:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1886, decode.acc_seg: 91.9755, aux.loss_ce: 0.0979, aux.acc_seg: 90.1182, loss: 0.2865 2023-11-02 19:28:36,725 - mmseg - INFO - Iter [34800/80000] lr: 1.831e-06, eta: 22:43:28, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1857, decode.acc_seg: 92.0607, aux.loss_ce: 0.1008, aux.acc_seg: 89.8229, loss: 0.2866 2023-11-02 19:29:59,783 - mmseg - INFO - Iter [34850/80000] lr: 1.828e-06, eta: 22:41:48, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1774, decode.acc_seg: 92.3176, aux.loss_ce: 0.0949, aux.acc_seg: 90.2228, loss: 0.2723 2023-11-02 19:31:22,823 - mmseg - INFO - Iter [34900/80000] lr: 1.826e-06, eta: 22:40:08, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1802, decode.acc_seg: 92.2834, aux.loss_ce: 0.0966, aux.acc_seg: 89.9588, loss: 0.2767 2023-11-02 19:32:45,889 - mmseg - INFO - Iter [34950/80000] lr: 1.824e-06, eta: 22:38:28, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1800, decode.acc_seg: 92.5336, aux.loss_ce: 0.0994, aux.acc_seg: 89.9370, loss: 0.2794 2023-11-02 19:34:08,925 - mmseg - INFO - Saving checkpoint at 35000 iterations 2023-11-02 19:35:04,442 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 19:35:04,443 - mmseg - INFO - Iter [35000/80000] lr: 1.822e-06, eta: 22:37:59, time: 2.771, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1919, decode.acc_seg: 91.6744, aux.loss_ce: 0.1028, aux.acc_seg: 89.3187, loss: 0.2947 2023-11-02 19:36:30,746 - mmseg - INFO - per class results: 2023-11-02 19:36:30,751 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.66 | 88.71 | | building | 84.63 | 93.15 | | sky | 95.05 | 97.48 | | floor | 85.06 | 90.88 | | tree | 77.41 | 90.32 | | ceiling | 87.55 | 94.35 | | road | 87.21 | 91.3 | | bed | 92.26 | 97.73 | | windowpane | 66.05 | 81.93 | | grass | 70.56 | 78.15 | | cabinet | 65.73 | 76.24 | | sidewalk | 72.85 | 85.88 | | person | 85.27 | 92.32 | | earth | 42.48 | 61.55 | | door | 60.17 | 75.25 | | table | 66.43 | 78.2 | | mountain | 60.54 | 72.92 | | plant | 56.67 | 65.76 | | curtain | 78.97 | 88.08 | | chair | 66.78 | 80.55 | | car | 87.7 | 93.26 | | water | 60.71 | 75.83 | | painting | 78.31 | 89.53 | | sofa | 80.06 | 91.07 | | shelf | 47.02 | 68.07 | | house | 59.29 | 72.39 | | sea | 72.37 | 84.7 | | mirror | 77.6 | 88.6 | | rug | 71.01 | 82.29 | | field | 30.16 | 52.02 | | armchair | 61.76 | 77.98 | | seat | 73.25 | 86.44 | | fence | 48.86 | 70.27 | | desk | 57.46 | 77.66 | | rock | 53.92 | 84.66 | | wardrobe | 50.4 | 72.68 | | lamp | 71.91 | 82.38 | | bathtub | 88.41 | 92.55 | | railing | 42.57 | 65.12 | | cushion | 66.16 | 79.33 | | base | 39.72 | 55.4 | | box | 34.53 | 41.67 | | column | 53.58 | 72.25 | | signboard | 40.9 | 56.04 | | chest of drawers | 39.86 | 64.65 | | counter | 38.77 | 45.85 | | sand | 57.98 | 77.43 | | sink | 81.42 | 86.49 | | skyscraper | 47.23 | 60.68 | | fireplace | 71.85 | 95.08 | | refrigerator | 86.16 | 95.19 | | grandstand | 55.65 | 88.11 | | path | 29.41 | 46.58 | | stairs | 42.49 | 50.36 | | runway | 72.1 | 93.92 | | case | 61.55 | 72.65 | | pool table | 93.61 | 98.4 | | pillow | 62.86 | 69.62 | | screen door | 74.77 | 77.85 | | stairway | 35.94 | 45.36 | | river | 14.66 | 31.21 | | bridge | 54.01 | 63.45 | | bookcase | 40.38 | 65.01 | | blind | 43.32 | 49.32 | | coffee table | 53.55 | 92.56 | | toilet | 89.55 | 92.27 | | flower | 38.42 | 55.1 | | book | 49.9 | 68.17 | | hill | 8.44 | 10.87 | | bench | 65.12 | 75.92 | | countertop | 63.75 | 85.31 | | stove | 86.09 | 94.06 | | palm | 55.47 | 79.25 | | kitchen island | 52.23 | 84.88 | | computer | 78.1 | 91.21 | | swivel chair | 48.82 | 72.51 | | boat | 74.08 | 89.09 | | bar | 57.95 | 80.68 | | arcade machine | 87.77 | 93.33 | | hovel | 32.69 | 35.59 | | bus | 93.53 | 97.03 | | towel | 72.02 | 79.5 | | light | 63.01 | 70.5 | | truck | 47.43 | 61.53 | | tower | 33.84 | 73.0 | | chandelier | 72.98 | 89.72 | | awning | 47.48 | 56.49 | | streetlight | 38.0 | 53.5 | | booth | 53.9 | 65.18 | | television receiver | 77.01 | 89.62 | | airplane | 83.58 | 93.46 | | dirt track | 7.03 | 29.59 | | apparel | 56.71 | 82.67 | | pole | 27.68 | 43.61 | | land | 9.49 | 14.47 | | bannister | 19.72 | 28.16 | | escalator | 58.01 | 81.12 | | ottoman | 48.62 | 66.34 | | bottle | 44.62 | 59.25 | | buffet | 68.4 | 89.22 | | poster | 33.02 | 45.14 | | stage | 21.78 | 47.93 | | van | 45.93 | 77.01 | | ship | 57.29 | 59.36 | | fountain | 34.91 | 36.73 | | conveyer belt | 77.26 | 92.79 | | canopy | 60.02 | 79.15 | | washer | 84.67 | 89.94 | | plaything | 26.4 | 41.77 | | swimming pool | 54.64 | 76.06 | | stool | 54.21 | 66.86 | | barrel | 59.84 | 72.26 | | basket | 37.39 | 56.99 | | waterfall | 46.0 | 57.1 | | tent | 91.21 | 98.71 | | bag | 27.38 | 32.58 | | minibike | 74.3 | 88.94 | | cradle | 86.82 | 98.12 | | oven | 63.93 | 72.05 | | ball | 60.77 | 71.3 | | food | 62.64 | 78.76 | | step | 11.9 | 13.39 | | tank | 86.56 | 95.52 | | trade name | 25.56 | 29.8 | | microwave | 90.17 | 96.09 | | pot | 58.43 | 66.53 | | animal | 66.08 | 68.11 | | bicycle | 62.9 | 78.33 | | lake | 63.32 | 69.1 | | dishwasher | 73.55 | 83.1 | | screen | 53.72 | 83.86 | | blanket | 30.38 | 34.79 | | sculpture | 80.22 | 84.86 | | hood | 60.83 | 76.72 | | sconce | 44.15 | 47.31 | | vase | 44.36 | 62.81 | | traffic light | 35.61 | 66.62 | | tray | 17.12 | 31.05 | | ashcan | 50.86 | 69.03 | | fan | 69.06 | 84.73 | | pier | 40.03 | 47.91 | | crt screen | 1.39 | 4.22 | | plate | 57.78 | 80.7 | | monitor | 12.65 | 13.98 | | bulletin board | 62.16 | 80.08 | | shower | 6.92 | 10.81 | | radiator | 61.13 | 73.96 | | glass | 20.21 | 21.75 | | clock | 50.53 | 58.88 | | flag | 68.7 | 80.26 | +---------------------+-------+-------+ 2023-11-02 19:36:30,751 - mmseg - INFO - Summary: 2023-11-02 19:36:30,751 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.0 | 57.11 | 70.33 | +------+-------+-------+ 2023-11-02 19:36:30,752 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 19:36:30,752 - mmseg - INFO - Iter(val) [250] aAcc: 0.8600, mIoU: 0.5711, mAcc: 0.7033, IoU.wall: 0.8166, IoU.building: 0.8463, IoU.sky: 0.9505, IoU.floor: 0.8506, IoU.tree: 0.7741, IoU.ceiling: 0.8755, IoU.road: 0.8721, IoU.bed : 0.9226, IoU.windowpane: 0.6605, IoU.grass: 0.7056, IoU.cabinet: 0.6573, IoU.sidewalk: 0.7285, IoU.person: 0.8527, IoU.earth: 0.4248, IoU.door: 0.6017, IoU.table: 0.6643, IoU.mountain: 0.6054, IoU.plant: 0.5667, IoU.curtain: 0.7897, IoU.chair: 0.6678, IoU.car: 0.8770, IoU.water: 0.6071, IoU.painting: 0.7831, IoU.sofa: 0.8006, IoU.shelf: 0.4702, IoU.house: 0.5929, IoU.sea: 0.7237, IoU.mirror: 0.7760, IoU.rug: 0.7101, IoU.field: 0.3016, IoU.armchair: 0.6176, IoU.seat: 0.7325, IoU.fence: 0.4886, IoU.desk: 0.5746, IoU.rock: 0.5392, IoU.wardrobe: 0.5040, IoU.lamp: 0.7191, IoU.bathtub: 0.8841, IoU.railing: 0.4257, IoU.cushion: 0.6616, IoU.base: 0.3972, IoU.box: 0.3453, IoU.column: 0.5358, IoU.signboard: 0.4090, IoU.chest of drawers: 0.3986, IoU.counter: 0.3877, IoU.sand: 0.5798, IoU.sink: 0.8142, IoU.skyscraper: 0.4723, IoU.fireplace: 0.7185, IoU.refrigerator: 0.8616, IoU.grandstand: 0.5565, IoU.path: 0.2941, IoU.stairs: 0.4249, IoU.runway: 0.7210, IoU.case: 0.6155, IoU.pool table: 0.9361, IoU.pillow: 0.6286, IoU.screen door: 0.7477, IoU.stairway: 0.3594, IoU.river: 0.1466, IoU.bridge: 0.5401, IoU.bookcase: 0.4038, IoU.blind: 0.4332, IoU.coffee table: 0.5355, IoU.toilet: 0.8955, IoU.flower: 0.3842, IoU.book: 0.4990, IoU.hill: 0.0844, IoU.bench: 0.6512, IoU.countertop: 0.6375, IoU.stove: 0.8609, IoU.palm: 0.5547, IoU.kitchen island: 0.5223, IoU.computer: 0.7810, IoU.swivel chair: 0.4882, IoU.boat: 0.7408, IoU.bar: 0.5795, IoU.arcade machine: 0.8777, IoU.hovel: 0.3269, IoU.bus: 0.9353, IoU.towel: 0.7202, IoU.light: 0.6301, IoU.truck: 0.4743, IoU.tower: 0.3384, IoU.chandelier: 0.7298, IoU.awning: 0.4748, IoU.streetlight: 0.3800, IoU.booth: 0.5390, IoU.television receiver: 0.7701, IoU.airplane: 0.8358, IoU.dirt track: 0.0703, IoU.apparel: 0.5671, IoU.pole: 0.2768, IoU.land: 0.0949, IoU.bannister: 0.1972, IoU.escalator: 0.5801, IoU.ottoman: 0.4862, IoU.bottle: 0.4462, IoU.buffet: 0.6840, IoU.poster: 0.3302, IoU.stage: 0.2178, IoU.van: 0.4593, IoU.ship: 0.5729, IoU.fountain: 0.3491, IoU.conveyer belt: 0.7726, IoU.canopy: 0.6002, IoU.washer: 0.8467, IoU.plaything: 0.2640, IoU.swimming pool: 0.5464, IoU.stool: 0.5421, IoU.barrel: 0.5984, IoU.basket: 0.3739, IoU.waterfall: 0.4600, IoU.tent: 0.9121, IoU.bag: 0.2738, IoU.minibike: 0.7430, IoU.cradle: 0.8682, IoU.oven: 0.6393, IoU.ball: 0.6077, IoU.food: 0.6264, IoU.step: 0.1190, IoU.tank: 0.8656, IoU.trade name: 0.2556, IoU.microwave: 0.9017, IoU.pot: 0.5843, IoU.animal: 0.6608, IoU.bicycle: 0.6290, IoU.lake: 0.6332, IoU.dishwasher: 0.7355, IoU.screen: 0.5372, IoU.blanket: 0.3038, IoU.sculpture: 0.8022, IoU.hood: 0.6083, IoU.sconce: 0.4415, IoU.vase: 0.4436, IoU.traffic light: 0.3561, IoU.tray: 0.1712, IoU.ashcan: 0.5086, IoU.fan: 0.6906, IoU.pier: 0.4003, IoU.crt screen: 0.0139, IoU.plate: 0.5778, IoU.monitor: 0.1265, IoU.bulletin board: 0.6216, IoU.shower: 0.0692, IoU.radiator: 0.6113, IoU.glass: 0.2021, IoU.clock: 0.5053, IoU.flag: 0.6870, Acc.wall: 0.8871, Acc.building: 0.9315, Acc.sky: 0.9748, Acc.floor: 0.9088, Acc.tree: 0.9032, Acc.ceiling: 0.9435, Acc.road: 0.9130, Acc.bed : 0.9773, Acc.windowpane: 0.8193, Acc.grass: 0.7815, Acc.cabinet: 0.7624, Acc.sidewalk: 0.8588, Acc.person: 0.9232, Acc.earth: 0.6155, Acc.door: 0.7525, Acc.table: 0.7820, Acc.mountain: 0.7292, Acc.plant: 0.6576, Acc.curtain: 0.8808, Acc.chair: 0.8055, Acc.car: 0.9326, Acc.water: 0.7583, Acc.painting: 0.8953, Acc.sofa: 0.9107, Acc.shelf: 0.6807, Acc.house: 0.7239, Acc.sea: 0.8470, Acc.mirror: 0.8860, Acc.rug: 0.8229, Acc.field: 0.5202, Acc.armchair: 0.7798, Acc.seat: 0.8644, Acc.fence: 0.7027, Acc.desk: 0.7766, Acc.rock: 0.8466, Acc.wardrobe: 0.7268, Acc.lamp: 0.8238, Acc.bathtub: 0.9255, Acc.railing: 0.6512, Acc.cushion: 0.7933, Acc.base: 0.5540, Acc.box: 0.4167, Acc.column: 0.7225, Acc.signboard: 0.5604, Acc.chest of drawers: 0.6465, Acc.counter: 0.4585, Acc.sand: 0.7743, Acc.sink: 0.8649, Acc.skyscraper: 0.6068, Acc.fireplace: 0.9508, Acc.refrigerator: 0.9519, Acc.grandstand: 0.8811, Acc.path: 0.4658, Acc.stairs: 0.5036, Acc.runway: 0.9392, Acc.case: 0.7265, Acc.pool table: 0.9840, Acc.pillow: 0.6962, Acc.screen door: 0.7785, Acc.stairway: 0.4536, Acc.river: 0.3121, Acc.bridge: 0.6345, Acc.bookcase: 0.6501, Acc.blind: 0.4932, Acc.coffee table: 0.9256, Acc.toilet: 0.9227, Acc.flower: 0.5510, Acc.book: 0.6817, Acc.hill: 0.1087, Acc.bench: 0.7592, Acc.countertop: 0.8531, Acc.stove: 0.9406, Acc.palm: 0.7925, Acc.kitchen island: 0.8488, Acc.computer: 0.9121, Acc.swivel chair: 0.7251, Acc.boat: 0.8909, Acc.bar: 0.8068, Acc.arcade machine: 0.9333, Acc.hovel: 0.3559, Acc.bus: 0.9703, Acc.towel: 0.7950, Acc.light: 0.7050, Acc.truck: 0.6153, Acc.tower: 0.7300, Acc.chandelier: 0.8972, Acc.awning: 0.5649, Acc.streetlight: 0.5350, Acc.booth: 0.6518, Acc.television receiver: 0.8962, Acc.airplane: 0.9346, Acc.dirt track: 0.2959, Acc.apparel: 0.8267, Acc.pole: 0.4361, Acc.land: 0.1447, Acc.bannister: 0.2816, Acc.escalator: 0.8112, Acc.ottoman: 0.6634, Acc.bottle: 0.5925, Acc.buffet: 0.8922, Acc.poster: 0.4514, Acc.stage: 0.4793, Acc.van: 0.7701, Acc.ship: 0.5936, Acc.fountain: 0.3673, Acc.conveyer belt: 0.9279, Acc.canopy: 0.7915, Acc.washer: 0.8994, Acc.plaything: 0.4177, Acc.swimming pool: 0.7606, Acc.stool: 0.6686, Acc.barrel: 0.7226, Acc.basket: 0.5699, Acc.waterfall: 0.5710, Acc.tent: 0.9871, Acc.bag: 0.3258, Acc.minibike: 0.8894, Acc.cradle: 0.9812, Acc.oven: 0.7205, Acc.ball: 0.7130, Acc.food: 0.7876, Acc.step: 0.1339, Acc.tank: 0.9552, Acc.trade name: 0.2980, Acc.microwave: 0.9609, Acc.pot: 0.6653, Acc.animal: 0.6811, Acc.bicycle: 0.7833, Acc.lake: 0.6910, Acc.dishwasher: 0.8310, Acc.screen: 0.8386, Acc.blanket: 0.3479, Acc.sculpture: 0.8486, Acc.hood: 0.7672, Acc.sconce: 0.4731, Acc.vase: 0.6281, Acc.traffic light: 0.6662, Acc.tray: 0.3105, Acc.ashcan: 0.6903, Acc.fan: 0.8473, Acc.pier: 0.4791, Acc.crt screen: 0.0422, Acc.plate: 0.8070, Acc.monitor: 0.1398, Acc.bulletin board: 0.8008, Acc.shower: 0.1081, Acc.radiator: 0.7396, Acc.glass: 0.2175, Acc.clock: 0.5888, Acc.flag: 0.8026 2023-11-02 19:37:54,019 - mmseg - INFO - Iter [35050/80000] lr: 1.820e-06, eta: 22:38:10, time: 3.392, data_time: 1.734, memory: 69173, decode.loss_ce: 0.1966, decode.acc_seg: 91.6708, aux.loss_ce: 0.1070, aux.acc_seg: 89.4345, loss: 0.3037 2023-11-02 19:39:17,068 - mmseg - INFO - Iter [35100/80000] lr: 1.818e-06, eta: 22:36:30, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1771, decode.acc_seg: 92.5535, aux.loss_ce: 0.0962, aux.acc_seg: 90.5201, loss: 0.2733 2023-11-02 19:40:40,121 - mmseg - INFO - Iter [35150/80000] lr: 1.816e-06, eta: 22:34:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1773, decode.acc_seg: 92.4470, aux.loss_ce: 0.0941, aux.acc_seg: 90.5533, loss: 0.2713 2023-11-02 19:42:03,212 - mmseg - INFO - Iter [35200/80000] lr: 1.814e-06, eta: 22:33:09, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.2019, decode.acc_seg: 91.3745, aux.loss_ce: 0.1086, aux.acc_seg: 89.2001, loss: 0.3105 2023-11-02 19:43:26,288 - mmseg - INFO - Iter [35250/80000] lr: 1.812e-06, eta: 22:31:29, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1888, decode.acc_seg: 91.8304, aux.loss_ce: 0.0967, aux.acc_seg: 89.9531, loss: 0.2855 2023-11-02 19:44:49,352 - mmseg - INFO - Iter [35300/80000] lr: 1.810e-06, eta: 22:29:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1968, decode.acc_seg: 91.3421, aux.loss_ce: 0.1056, aux.acc_seg: 89.1353, loss: 0.3024 2023-11-02 19:46:12,398 - mmseg - INFO - Iter [35350/80000] lr: 1.808e-06, eta: 22:28:09, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1853, decode.acc_seg: 92.1925, aux.loss_ce: 0.0991, aux.acc_seg: 90.1904, loss: 0.2844 2023-11-02 19:47:37,758 - mmseg - INFO - Iter [35400/80000] lr: 1.806e-06, eta: 22:26:32, time: 1.707, data_time: 0.050, memory: 69173, decode.loss_ce: 0.1846, decode.acc_seg: 92.1340, aux.loss_ce: 0.0963, aux.acc_seg: 90.1943, loss: 0.2809 2023-11-02 19:49:00,815 - mmseg - INFO - Iter [35450/80000] lr: 1.804e-06, eta: 22:24:52, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1849, decode.acc_seg: 92.2040, aux.loss_ce: 0.0977, aux.acc_seg: 90.0596, loss: 0.2826 2023-11-02 19:50:23,848 - mmseg - INFO - Iter [35500/80000] lr: 1.802e-06, eta: 22:23:12, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1907, decode.acc_seg: 91.7940, aux.loss_ce: 0.1008, aux.acc_seg: 89.7673, loss: 0.2915 2023-11-02 19:51:46,873 - mmseg - INFO - Iter [35550/80000] lr: 1.800e-06, eta: 22:21:32, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1687, decode.acc_seg: 92.7195, aux.loss_ce: 0.0911, aux.acc_seg: 90.7853, loss: 0.2598 2023-11-02 19:53:09,903 - mmseg - INFO - Iter [35600/80000] lr: 1.798e-06, eta: 22:19:52, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1837, decode.acc_seg: 92.1938, aux.loss_ce: 0.0973, aux.acc_seg: 90.0499, loss: 0.2810 2023-11-02 19:54:32,970 - mmseg - INFO - Iter [35650/80000] lr: 1.796e-06, eta: 22:18:12, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1790, decode.acc_seg: 92.1954, aux.loss_ce: 0.0976, aux.acc_seg: 89.8353, loss: 0.2766 2023-11-02 19:55:56,008 - mmseg - INFO - Iter [35700/80000] lr: 1.794e-06, eta: 22:16:32, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1883, decode.acc_seg: 92.1487, aux.loss_ce: 0.1009, aux.acc_seg: 90.0637, loss: 0.2892 2023-11-02 19:57:19,057 - mmseg - INFO - Iter [35750/80000] lr: 1.792e-06, eta: 22:14:52, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1756, decode.acc_seg: 92.3051, aux.loss_ce: 0.0929, aux.acc_seg: 90.4862, loss: 0.2685 2023-11-02 19:58:42,072 - mmseg - INFO - Iter [35800/80000] lr: 1.790e-06, eta: 22:13:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1811, decode.acc_seg: 92.3923, aux.loss_ce: 0.0979, aux.acc_seg: 90.1272, loss: 0.2789 2023-11-02 20:00:05,123 - mmseg - INFO - Iter [35850/80000] lr: 1.788e-06, eta: 22:11:33, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1871, decode.acc_seg: 91.7873, aux.loss_ce: 0.1001, aux.acc_seg: 89.6793, loss: 0.2872 2023-11-02 20:01:28,178 - mmseg - INFO - Iter [35900/80000] lr: 1.786e-06, eta: 22:09:53, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1700, decode.acc_seg: 92.5801, aux.loss_ce: 0.0964, aux.acc_seg: 90.1154, loss: 0.2665 2023-11-02 20:02:51,218 - mmseg - INFO - Iter [35950/80000] lr: 1.784e-06, eta: 22:08:14, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1827, decode.acc_seg: 92.0595, aux.loss_ce: 0.0962, aux.acc_seg: 90.2913, loss: 0.2789 2023-11-02 20:04:14,260 - mmseg - INFO - Saving checkpoint at 36000 iterations 2023-11-02 20:05:15,151 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 20:05:15,151 - mmseg - INFO - Iter [36000/80000] lr: 1.782e-06, eta: 22:07:49, time: 2.879, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1813, decode.acc_seg: 92.0865, aux.loss_ce: 0.0931, aux.acc_seg: 90.4279, loss: 0.2745 2023-11-02 20:06:42,020 - mmseg - INFO - per class results: 2023-11-02 20:06:42,026 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.04 | 89.76 | | building | 84.61 | 93.34 | | sky | 94.94 | 97.45 | | floor | 84.87 | 91.73 | | tree | 77.13 | 89.96 | | ceiling | 87.26 | 94.17 | | road | 87.07 | 90.95 | | bed | 92.63 | 97.1 | | windowpane | 66.02 | 79.31 | | grass | 72.93 | 86.35 | | cabinet | 66.07 | 75.77 | | sidewalk | 71.96 | 86.91 | | person | 84.93 | 93.44 | | earth | 40.26 | 54.97 | | door | 60.57 | 76.24 | | table | 68.68 | 82.1 | | mountain | 66.91 | 77.24 | | plant | 55.64 | 65.21 | | curtain | 77.48 | 90.13 | | chair | 65.81 | 77.03 | | car | 87.75 | 93.76 | | water | 49.44 | 59.49 | | painting | 78.43 | 89.8 | | sofa | 81.15 | 88.21 | | shelf | 46.3 | 61.93 | | house | 54.08 | 67.97 | | sea | 64.98 | 86.55 | | mirror | 75.84 | 81.17 | | rug | 71.36 | 86.09 | | field | 34.34 | 57.6 | | armchair | 61.44 | 80.25 | | seat | 69.36 | 88.17 | | fence | 52.44 | 68.12 | | desk | 56.57 | 76.9 | | rock | 60.71 | 81.12 | | wardrobe | 53.11 | 70.81 | | lamp | 72.97 | 82.61 | | bathtub | 88.94 | 95.56 | | railing | 42.25 | 59.02 | | cushion | 67.74 | 84.99 | | base | 40.28 | 53.46 | | box | 39.08 | 51.51 | | column | 53.51 | 72.53 | | signboard | 40.46 | 55.93 | | chest of drawers | 46.08 | 75.11 | | counter | 48.56 | 62.2 | | sand | 52.62 | 74.65 | | sink | 77.9 | 86.26 | | skyscraper | 47.18 | 61.46 | | fireplace | 76.78 | 90.7 | | refrigerator | 83.57 | 96.06 | | grandstand | 57.43 | 83.48 | | path | 27.18 | 38.59 | | stairs | 15.64 | 17.37 | | runway | 67.9 | 88.04 | | case | 61.05 | 77.35 | | pool table | 93.88 | 98.28 | | pillow | 65.06 | 73.44 | | screen door | 87.14 | 91.88 | | stairway | 23.75 | 46.36 | | river | 11.28 | 31.16 | | bridge | 59.73 | 69.02 | | bookcase | 38.07 | 58.63 | | blind | 40.94 | 45.16 | | coffee table | 61.6 | 87.73 | | toilet | 89.69 | 94.27 | | flower | 37.48 | 56.92 | | book | 51.39 | 74.42 | | hill | 9.51 | 13.97 | | bench | 56.73 | 65.28 | | countertop | 64.37 | 73.58 | | stove | 86.68 | 93.24 | | palm | 53.83 | 80.54 | | kitchen island | 56.56 | 80.8 | | computer | 78.81 | 90.35 | | swivel chair | 49.89 | 85.46 | | boat | 79.07 | 92.08 | | bar | 63.56 | 71.55 | | arcade machine | 83.49 | 87.3 | | hovel | 21.91 | 23.44 | | bus | 93.99 | 97.9 | | towel | 72.38 | 83.71 | | light | 62.54 | 72.53 | | truck | 48.31 | 63.22 | | tower | 28.75 | 58.89 | | chandelier | 73.96 | 85.21 | | awning | 41.29 | 49.48 | | streetlight | 36.88 | 48.77 | | booth | 40.01 | 55.45 | | television receiver | 76.04 | 89.26 | | airplane | 84.36 | 91.42 | | dirt track | 7.41 | 34.65 | | apparel | 56.47 | 78.24 | | pole | 27.05 | 39.96 | | land | 6.12 | 8.22 | | bannister | 19.1 | 29.36 | | escalator | 58.46 | 83.41 | | ottoman | 54.63 | 79.76 | | bottle | 44.54 | 72.44 | | buffet | 64.24 | 75.53 | | poster | 38.51 | 45.39 | | stage | 20.24 | 45.9 | | van | 50.11 | 71.9 | | ship | 72.35 | 84.39 | | fountain | 30.74 | 34.34 | | conveyer belt | 74.99 | 93.2 | | canopy | 54.79 | 69.64 | | washer | 80.97 | 85.76 | | plaything | 27.74 | 41.92 | | swimming pool | 48.11 | 56.96 | | stool | 56.44 | 68.02 | | barrel | 62.29 | 74.2 | | basket | 43.47 | 59.12 | | waterfall | 49.64 | 59.18 | | tent | 92.01 | 98.09 | | bag | 21.98 | 25.3 | | minibike | 75.6 | 87.04 | | cradle | 87.05 | 98.13 | | oven | 67.22 | 78.66 | | ball | 52.98 | 56.24 | | food | 60.68 | 73.18 | | step | 8.64 | 9.85 | | tank | 81.53 | 96.58 | | trade name | 15.45 | 17.17 | | microwave | 90.43 | 96.41 | | pot | 60.11 | 68.87 | | animal | 63.06 | 64.93 | | bicycle | 61.85 | 80.21 | | lake | 58.45 | 69.65 | | dishwasher | 74.53 | 82.63 | | screen | 54.76 | 82.83 | | blanket | 27.41 | 30.23 | | sculpture | 78.14 | 85.11 | | hood | 61.41 | 71.28 | | sconce | 59.23 | 69.52 | | vase | 46.21 | 60.8 | | traffic light | 35.33 | 57.94 | | tray | 17.25 | 24.85 | | ashcan | 52.88 | 65.23 | | fan | 69.34 | 82.61 | | pier | 40.89 | 44.51 | | crt screen | 1.54 | 3.94 | | plate | 57.43 | 77.03 | | monitor | 25.89 | 30.69 | | bulletin board | 66.87 | 78.64 | | shower | 3.51 | 3.9 | | radiator | 58.65 | 75.7 | | glass | 20.96 | 22.57 | | clock | 48.7 | 56.78 | | flag | 69.24 | 79.12 | +---------------------+-------+-------+ 2023-11-02 20:06:42,026 - mmseg - INFO - Summary: 2023-11-02 20:06:42,026 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.0 | 56.87 | 69.42 | +------+-------+-------+ 2023-11-02 20:06:42,027 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 20:06:42,027 - mmseg - INFO - Iter(val) [250] aAcc: 0.8600, mIoU: 0.5687, mAcc: 0.6942, IoU.wall: 0.8204, IoU.building: 0.8461, IoU.sky: 0.9494, IoU.floor: 0.8487, IoU.tree: 0.7713, IoU.ceiling: 0.8726, IoU.road: 0.8707, IoU.bed : 0.9263, IoU.windowpane: 0.6602, IoU.grass: 0.7293, IoU.cabinet: 0.6607, IoU.sidewalk: 0.7196, IoU.person: 0.8493, IoU.earth: 0.4026, IoU.door: 0.6057, IoU.table: 0.6868, IoU.mountain: 0.6691, IoU.plant: 0.5564, IoU.curtain: 0.7748, IoU.chair: 0.6581, IoU.car: 0.8775, IoU.water: 0.4944, IoU.painting: 0.7843, IoU.sofa: 0.8115, IoU.shelf: 0.4630, IoU.house: 0.5408, IoU.sea: 0.6498, IoU.mirror: 0.7584, IoU.rug: 0.7136, IoU.field: 0.3434, IoU.armchair: 0.6144, IoU.seat: 0.6936, IoU.fence: 0.5244, IoU.desk: 0.5657, IoU.rock: 0.6071, IoU.wardrobe: 0.5311, IoU.lamp: 0.7297, IoU.bathtub: 0.8894, IoU.railing: 0.4225, IoU.cushion: 0.6774, IoU.base: 0.4028, IoU.box: 0.3908, IoU.column: 0.5351, IoU.signboard: 0.4046, IoU.chest of drawers: 0.4608, IoU.counter: 0.4856, IoU.sand: 0.5262, IoU.sink: 0.7790, IoU.skyscraper: 0.4718, IoU.fireplace: 0.7678, IoU.refrigerator: 0.8357, IoU.grandstand: 0.5743, IoU.path: 0.2718, IoU.stairs: 0.1564, IoU.runway: 0.6790, IoU.case: 0.6105, IoU.pool table: 0.9388, IoU.pillow: 0.6506, IoU.screen door: 0.8714, IoU.stairway: 0.2375, IoU.river: 0.1128, IoU.bridge: 0.5973, IoU.bookcase: 0.3807, IoU.blind: 0.4094, IoU.coffee table: 0.6160, IoU.toilet: 0.8969, IoU.flower: 0.3748, IoU.book: 0.5139, IoU.hill: 0.0951, IoU.bench: 0.5673, IoU.countertop: 0.6437, IoU.stove: 0.8668, IoU.palm: 0.5383, IoU.kitchen island: 0.5656, IoU.computer: 0.7881, IoU.swivel chair: 0.4989, IoU.boat: 0.7907, IoU.bar: 0.6356, IoU.arcade machine: 0.8349, IoU.hovel: 0.2191, IoU.bus: 0.9399, IoU.towel: 0.7238, IoU.light: 0.6254, IoU.truck: 0.4831, IoU.tower: 0.2875, IoU.chandelier: 0.7396, IoU.awning: 0.4129, IoU.streetlight: 0.3688, IoU.booth: 0.4001, IoU.television receiver: 0.7604, IoU.airplane: 0.8436, IoU.dirt track: 0.0741, IoU.apparel: 0.5647, IoU.pole: 0.2705, IoU.land: 0.0612, IoU.bannister: 0.1910, IoU.escalator: 0.5846, IoU.ottoman: 0.5463, IoU.bottle: 0.4454, IoU.buffet: 0.6424, IoU.poster: 0.3851, IoU.stage: 0.2024, IoU.van: 0.5011, IoU.ship: 0.7235, IoU.fountain: 0.3074, IoU.conveyer belt: 0.7499, IoU.canopy: 0.5479, IoU.washer: 0.8097, IoU.plaything: 0.2774, IoU.swimming pool: 0.4811, IoU.stool: 0.5644, IoU.barrel: 0.6229, IoU.basket: 0.4347, IoU.waterfall: 0.4964, IoU.tent: 0.9201, IoU.bag: 0.2198, IoU.minibike: 0.7560, IoU.cradle: 0.8705, IoU.oven: 0.6722, IoU.ball: 0.5298, IoU.food: 0.6068, IoU.step: 0.0864, IoU.tank: 0.8153, IoU.trade name: 0.1545, IoU.microwave: 0.9043, IoU.pot: 0.6011, IoU.animal: 0.6306, IoU.bicycle: 0.6185, IoU.lake: 0.5845, IoU.dishwasher: 0.7453, IoU.screen: 0.5476, IoU.blanket: 0.2741, IoU.sculpture: 0.7814, IoU.hood: 0.6141, IoU.sconce: 0.5923, IoU.vase: 0.4621, IoU.traffic light: 0.3533, IoU.tray: 0.1725, IoU.ashcan: 0.5288, IoU.fan: 0.6934, IoU.pier: 0.4089, IoU.crt screen: 0.0154, IoU.plate: 0.5743, IoU.monitor: 0.2589, IoU.bulletin board: 0.6687, IoU.shower: 0.0351, IoU.radiator: 0.5865, IoU.glass: 0.2096, IoU.clock: 0.4870, IoU.flag: 0.6924, Acc.wall: 0.8976, Acc.building: 0.9334, Acc.sky: 0.9745, Acc.floor: 0.9173, Acc.tree: 0.8996, Acc.ceiling: 0.9417, Acc.road: 0.9095, Acc.bed : 0.9710, Acc.windowpane: 0.7931, Acc.grass: 0.8635, Acc.cabinet: 0.7577, Acc.sidewalk: 0.8691, Acc.person: 0.9344, Acc.earth: 0.5497, Acc.door: 0.7624, Acc.table: 0.8210, Acc.mountain: 0.7724, Acc.plant: 0.6521, Acc.curtain: 0.9013, Acc.chair: 0.7703, Acc.car: 0.9376, Acc.water: 0.5949, Acc.painting: 0.8980, Acc.sofa: 0.8821, Acc.shelf: 0.6193, Acc.house: 0.6797, Acc.sea: 0.8655, Acc.mirror: 0.8117, Acc.rug: 0.8609, Acc.field: 0.5760, Acc.armchair: 0.8025, Acc.seat: 0.8817, Acc.fence: 0.6812, Acc.desk: 0.7690, Acc.rock: 0.8112, Acc.wardrobe: 0.7081, Acc.lamp: 0.8261, Acc.bathtub: 0.9556, Acc.railing: 0.5902, Acc.cushion: 0.8499, Acc.base: 0.5346, Acc.box: 0.5151, Acc.column: 0.7253, Acc.signboard: 0.5593, Acc.chest of drawers: 0.7511, Acc.counter: 0.6220, Acc.sand: 0.7465, Acc.sink: 0.8626, Acc.skyscraper: 0.6146, Acc.fireplace: 0.9070, Acc.refrigerator: 0.9606, Acc.grandstand: 0.8348, Acc.path: 0.3859, Acc.stairs: 0.1737, Acc.runway: 0.8804, Acc.case: 0.7735, Acc.pool table: 0.9828, Acc.pillow: 0.7344, Acc.screen door: 0.9188, Acc.stairway: 0.4636, Acc.river: 0.3116, Acc.bridge: 0.6902, Acc.bookcase: 0.5863, Acc.blind: 0.4516, Acc.coffee table: 0.8773, Acc.toilet: 0.9427, Acc.flower: 0.5692, Acc.book: 0.7442, Acc.hill: 0.1397, Acc.bench: 0.6528, Acc.countertop: 0.7358, Acc.stove: 0.9324, Acc.palm: 0.8054, Acc.kitchen island: 0.8080, Acc.computer: 0.9035, Acc.swivel chair: 0.8546, Acc.boat: 0.9208, Acc.bar: 0.7155, Acc.arcade machine: 0.8730, Acc.hovel: 0.2344, Acc.bus: 0.9790, Acc.towel: 0.8371, Acc.light: 0.7253, Acc.truck: 0.6322, Acc.tower: 0.5889, Acc.chandelier: 0.8521, Acc.awning: 0.4948, Acc.streetlight: 0.4877, Acc.booth: 0.5545, Acc.television receiver: 0.8926, Acc.airplane: 0.9142, Acc.dirt track: 0.3465, Acc.apparel: 0.7824, Acc.pole: 0.3996, Acc.land: 0.0822, Acc.bannister: 0.2936, Acc.escalator: 0.8341, Acc.ottoman: 0.7976, Acc.bottle: 0.7244, Acc.buffet: 0.7553, Acc.poster: 0.4539, Acc.stage: 0.4590, Acc.van: 0.7190, Acc.ship: 0.8439, Acc.fountain: 0.3434, Acc.conveyer belt: 0.9320, Acc.canopy: 0.6964, Acc.washer: 0.8576, Acc.plaything: 0.4192, Acc.swimming pool: 0.5696, Acc.stool: 0.6802, Acc.barrel: 0.7420, Acc.basket: 0.5912, Acc.waterfall: 0.5918, Acc.tent: 0.9809, Acc.bag: 0.2530, Acc.minibike: 0.8704, Acc.cradle: 0.9813, Acc.oven: 0.7866, Acc.ball: 0.5624, Acc.food: 0.7318, Acc.step: 0.0985, Acc.tank: 0.9658, Acc.trade name: 0.1717, Acc.microwave: 0.9641, Acc.pot: 0.6887, Acc.animal: 0.6493, Acc.bicycle: 0.8021, Acc.lake: 0.6965, Acc.dishwasher: 0.8263, Acc.screen: 0.8283, Acc.blanket: 0.3023, Acc.sculpture: 0.8511, Acc.hood: 0.7128, Acc.sconce: 0.6952, Acc.vase: 0.6080, Acc.traffic light: 0.5794, Acc.tray: 0.2485, Acc.ashcan: 0.6523, Acc.fan: 0.8261, Acc.pier: 0.4451, Acc.crt screen: 0.0394, Acc.plate: 0.7703, Acc.monitor: 0.3069, Acc.bulletin board: 0.7864, Acc.shower: 0.0390, Acc.radiator: 0.7570, Acc.glass: 0.2257, Acc.clock: 0.5678, Acc.flag: 0.7912 2023-11-02 20:08:05,194 - mmseg - INFO - Iter [36050/80000] lr: 1.780e-06, eta: 22:07:55, time: 3.401, data_time: 1.745, memory: 69173, decode.loss_ce: 0.1742, decode.acc_seg: 92.2035, aux.loss_ce: 0.0942, aux.acc_seg: 90.2531, loss: 0.2684 2023-11-02 20:09:28,263 - mmseg - INFO - Iter [36100/80000] lr: 1.778e-06, eta: 22:06:15, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1902, decode.acc_seg: 91.8500, aux.loss_ce: 0.1026, aux.acc_seg: 89.5791, loss: 0.2927 2023-11-02 20:10:51,354 - mmseg - INFO - Iter [36150/80000] lr: 1.776e-06, eta: 22:04:35, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1869, decode.acc_seg: 92.1247, aux.loss_ce: 0.0985, aux.acc_seg: 90.1904, loss: 0.2854 2023-11-02 20:12:14,394 - mmseg - INFO - Iter [36200/80000] lr: 1.774e-06, eta: 22:02:56, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1905, decode.acc_seg: 91.9289, aux.loss_ce: 0.0956, aux.acc_seg: 90.4164, loss: 0.2860 2023-11-02 20:13:37,422 - mmseg - INFO - Iter [36250/80000] lr: 1.772e-06, eta: 22:01:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1911, decode.acc_seg: 91.7676, aux.loss_ce: 0.0999, aux.acc_seg: 89.9787, loss: 0.2910 2023-11-02 20:15:00,465 - mmseg - INFO - Iter [36300/80000] lr: 1.770e-06, eta: 21:59:36, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1836, decode.acc_seg: 92.0627, aux.loss_ce: 0.1010, aux.acc_seg: 89.7012, loss: 0.2847 2023-11-02 20:16:23,477 - mmseg - INFO - Iter [36350/80000] lr: 1.768e-06, eta: 21:57:56, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1819, decode.acc_seg: 92.2155, aux.loss_ce: 0.0977, aux.acc_seg: 89.9808, loss: 0.2796 2023-11-02 20:17:46,492 - mmseg - INFO - Iter [36400/80000] lr: 1.766e-06, eta: 21:56:17, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1859, decode.acc_seg: 91.9743, aux.loss_ce: 0.0984, aux.acc_seg: 90.0846, loss: 0.2844 2023-11-02 20:19:09,517 - mmseg - INFO - Iter [36450/80000] lr: 1.764e-06, eta: 21:54:37, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1809, decode.acc_seg: 91.9913, aux.loss_ce: 0.0973, aux.acc_seg: 89.8661, loss: 0.2782 2023-11-02 20:20:32,561 - mmseg - INFO - Iter [36500/80000] lr: 1.762e-06, eta: 21:52:58, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1881, decode.acc_seg: 92.0982, aux.loss_ce: 0.1020, aux.acc_seg: 89.9326, loss: 0.2901 2023-11-02 20:21:55,593 - mmseg - INFO - Iter [36550/80000] lr: 1.760e-06, eta: 21:51:18, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1906, decode.acc_seg: 91.8952, aux.loss_ce: 0.1051, aux.acc_seg: 89.4746, loss: 0.2957 2023-11-02 20:23:18,598 - mmseg - INFO - Iter [36600/80000] lr: 1.758e-06, eta: 21:49:39, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1721, decode.acc_seg: 92.5534, aux.loss_ce: 0.0975, aux.acc_seg: 90.1880, loss: 0.2696 2023-11-02 20:24:44,028 - mmseg - INFO - Iter [36650/80000] lr: 1.756e-06, eta: 21:48:02, time: 1.709, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1778, decode.acc_seg: 92.3952, aux.loss_ce: 0.0951, aux.acc_seg: 90.5273, loss: 0.2729 2023-11-02 20:26:07,002 - mmseg - INFO - Iter [36700/80000] lr: 1.754e-06, eta: 21:46:23, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1732, decode.acc_seg: 92.3942, aux.loss_ce: 0.0907, aux.acc_seg: 90.6363, loss: 0.2639 2023-11-02 20:27:29,975 - mmseg - INFO - Iter [36750/80000] lr: 1.752e-06, eta: 21:44:43, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1801, decode.acc_seg: 92.1569, aux.loss_ce: 0.0981, aux.acc_seg: 89.9390, loss: 0.2783 2023-11-02 20:28:52,962 - mmseg - INFO - Iter [36800/80000] lr: 1.750e-06, eta: 21:43:04, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1848, decode.acc_seg: 92.0937, aux.loss_ce: 0.0991, aux.acc_seg: 89.7955, loss: 0.2839 2023-11-02 20:30:16,008 - mmseg - INFO - Iter [36850/80000] lr: 1.748e-06, eta: 21:41:25, time: 1.661, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1817, decode.acc_seg: 92.2641, aux.loss_ce: 0.0951, aux.acc_seg: 90.4106, loss: 0.2768 2023-11-02 20:31:38,978 - mmseg - INFO - Iter [36900/80000] lr: 1.745e-06, eta: 21:39:46, time: 1.659, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1819, decode.acc_seg: 92.2768, aux.loss_ce: 0.1001, aux.acc_seg: 89.9393, loss: 0.2820 2023-11-02 20:33:01,949 - mmseg - INFO - Iter [36950/80000] lr: 1.743e-06, eta: 21:38:06, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1833, decode.acc_seg: 91.9568, aux.loss_ce: 0.1007, aux.acc_seg: 89.6832, loss: 0.2840 2023-11-02 20:34:24,930 - mmseg - INFO - Saving checkpoint at 37000 iterations 2023-11-02 20:35:23,469 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 20:35:23,470 - mmseg - INFO - Iter [37000/80000] lr: 1.741e-06, eta: 21:37:35, time: 2.830, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1754, decode.acc_seg: 92.6061, aux.loss_ce: 0.0952, aux.acc_seg: 90.3842, loss: 0.2706 2023-11-02 20:36:51,736 - mmseg - INFO - per class results: 2023-11-02 20:36:51,741 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.84 | 89.27 | | building | 84.15 | 93.51 | | sky | 94.94 | 97.62 | | floor | 85.4 | 91.73 | | tree | 77.44 | 90.14 | | ceiling | 87.73 | 93.91 | | road | 86.1 | 91.88 | | bed | 92.5 | 96.79 | | windowpane | 65.38 | 84.49 | | grass | 69.62 | 82.94 | | cabinet | 66.17 | 77.09 | | sidewalk | 71.35 | 84.34 | | person | 85.08 | 94.03 | | earth | 39.24 | 51.61 | | door | 59.49 | 75.97 | | table | 70.31 | 81.61 | | mountain | 65.24 | 72.91 | | plant | 57.11 | 67.83 | | curtain | 76.84 | 85.49 | | chair | 67.46 | 81.09 | | car | 87.3 | 94.33 | | water | 59.08 | 74.39 | | painting | 78.47 | 90.63 | | sofa | 80.74 | 87.99 | | shelf | 47.32 | 63.43 | | house | 47.31 | 58.02 | | sea | 74.54 | 84.51 | | mirror | 78.12 | 87.94 | | rug | 72.38 | 83.25 | | field | 29.96 | 53.16 | | armchair | 61.59 | 80.58 | | seat | 68.22 | 86.69 | | fence | 51.26 | 64.21 | | desk | 58.57 | 75.43 | | rock | 57.12 | 86.25 | | wardrobe | 52.53 | 74.32 | | lamp | 73.98 | 85.55 | | bathtub | 90.24 | 93.55 | | railing | 42.92 | 60.17 | | cushion | 69.09 | 80.96 | | base | 42.04 | 53.99 | | box | 41.14 | 56.32 | | column | 53.12 | 62.28 | | signboard | 40.81 | 59.24 | | chest of drawers | 45.64 | 59.25 | | counter | 43.98 | 52.38 | | sand | 55.9 | 85.14 | | sink | 78.7 | 83.96 | | skyscraper | 44.13 | 55.73 | | fireplace | 71.77 | 97.31 | | refrigerator | 80.9 | 91.21 | | grandstand | 60.85 | 80.12 | | path | 22.43 | 33.18 | | stairs | 44.3 | 56.37 | | runway | 68.22 | 88.69 | | case | 61.24 | 77.95 | | pool table | 93.84 | 98.13 | | pillow | 68.14 | 81.83 | | screen door | 75.98 | 80.51 | | stairway | 32.15 | 42.02 | | river | 13.74 | 32.34 | | bridge | 53.67 | 59.76 | | bookcase | 41.33 | 56.18 | | blind | 44.09 | 51.33 | | coffee table | 65.83 | 86.24 | | toilet | 89.97 | 93.49 | | flower | 38.8 | 57.98 | | book | 51.75 | 74.98 | | hill | 10.2 | 19.57 | | bench | 53.73 | 60.32 | | countertop | 63.62 | 85.24 | | stove | 86.74 | 93.46 | | palm | 53.53 | 78.74 | | kitchen island | 49.83 | 81.99 | | computer | 79.91 | 90.96 | | swivel chair | 51.72 | 78.67 | | boat | 71.66 | 90.51 | | bar | 64.08 | 75.48 | | arcade machine | 82.47 | 87.41 | | hovel | 27.8 | 30.1 | | bus | 93.36 | 97.16 | | towel | 72.91 | 89.8 | | light | 63.72 | 73.01 | | truck | 48.91 | 62.85 | | tower | 24.28 | 42.74 | | chandelier | 73.87 | 87.44 | | awning | 49.42 | 62.51 | | streetlight | 35.2 | 45.94 | | booth | 48.36 | 60.36 | | television receiver | 79.86 | 87.9 | | airplane | 81.64 | 86.52 | | dirt track | 5.24 | 28.45 | | apparel | 57.1 | 68.76 | | pole | 25.27 | 37.64 | | land | 4.85 | 6.7 | | bannister | 16.35 | 20.84 | | escalator | 63.29 | 82.03 | | ottoman | 56.18 | 72.11 | | bottle | 44.48 | 68.12 | | buffet | 68.28 | 88.99 | | poster | 30.92 | 37.44 | | stage | 22.7 | 44.37 | | van | 49.5 | 71.8 | | ship | 77.59 | 80.34 | | fountain | 26.0 | 28.85 | | conveyer belt | 83.63 | 91.15 | | canopy | 58.85 | 76.49 | | washer | 84.14 | 89.77 | | plaything | 28.78 | 45.36 | | swimming pool | 58.46 | 80.53 | | stool | 56.23 | 65.52 | | barrel | 54.31 | 90.68 | | basket | 42.75 | 53.87 | | waterfall | 45.79 | 61.03 | | tent | 90.11 | 98.36 | | bag | 24.71 | 29.29 | | minibike | 75.27 | 87.53 | | cradle | 89.02 | 97.58 | | oven | 62.08 | 72.51 | | ball | 27.12 | 27.57 | | food | 62.38 | 73.42 | | step | 16.48 | 17.9 | | tank | 64.23 | 67.54 | | trade name | 23.44 | 26.95 | | microwave | 90.24 | 95.81 | | pot | 59.29 | 67.95 | | animal | 61.54 | 63.44 | | bicycle | 62.49 | 79.48 | | lake | 58.37 | 68.23 | | dishwasher | 72.77 | 83.87 | | screen | 52.07 | 82.27 | | blanket | 28.92 | 33.16 | | sculpture | 73.63 | 87.18 | | hood | 64.28 | 76.85 | | sconce | 57.61 | 70.19 | | vase | 46.14 | 61.72 | | traffic light | 36.84 | 54.01 | | tray | 14.93 | 22.51 | | ashcan | 51.79 | 68.69 | | fan | 69.88 | 82.08 | | pier | 40.69 | 44.53 | | crt screen | 4.88 | 15.19 | | plate | 57.18 | 81.68 | | monitor | 11.76 | 13.28 | | bulletin board | 61.35 | 73.13 | | shower | 3.99 | 4.41 | | radiator | 61.28 | 79.14 | | glass | 20.81 | 22.43 | | clock | 53.2 | 61.47 | | flag | 70.67 | 77.97 | +---------------------+-------+-------+ 2023-11-02 20:36:51,741 - mmseg - INFO - Summary: 2023-11-02 20:36:51,741 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.01 | 56.92 | 69.24 | +-------+-------+-------+ 2023-11-02 20:36:51,742 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 20:36:51,743 - mmseg - INFO - Iter(val) [250] aAcc: 0.8601, mIoU: 0.5692, mAcc: 0.6924, IoU.wall: 0.8184, IoU.building: 0.8415, IoU.sky: 0.9494, IoU.floor: 0.8540, IoU.tree: 0.7744, IoU.ceiling: 0.8773, IoU.road: 0.8610, IoU.bed : 0.9250, IoU.windowpane: 0.6538, IoU.grass: 0.6962, IoU.cabinet: 0.6617, IoU.sidewalk: 0.7135, IoU.person: 0.8508, IoU.earth: 0.3924, IoU.door: 0.5949, IoU.table: 0.7031, IoU.mountain: 0.6524, IoU.plant: 0.5711, IoU.curtain: 0.7684, IoU.chair: 0.6746, IoU.car: 0.8730, IoU.water: 0.5908, IoU.painting: 0.7847, IoU.sofa: 0.8074, IoU.shelf: 0.4732, IoU.house: 0.4731, IoU.sea: 0.7454, IoU.mirror: 0.7812, IoU.rug: 0.7238, IoU.field: 0.2996, IoU.armchair: 0.6159, IoU.seat: 0.6822, IoU.fence: 0.5126, IoU.desk: 0.5857, IoU.rock: 0.5712, IoU.wardrobe: 0.5253, IoU.lamp: 0.7398, IoU.bathtub: 0.9024, IoU.railing: 0.4292, IoU.cushion: 0.6909, IoU.base: 0.4204, IoU.box: 0.4114, IoU.column: 0.5312, IoU.signboard: 0.4081, IoU.chest of drawers: 0.4564, IoU.counter: 0.4398, IoU.sand: 0.5590, IoU.sink: 0.7870, IoU.skyscraper: 0.4413, IoU.fireplace: 0.7177, IoU.refrigerator: 0.8090, IoU.grandstand: 0.6085, IoU.path: 0.2243, IoU.stairs: 0.4430, IoU.runway: 0.6822, IoU.case: 0.6124, IoU.pool table: 0.9384, IoU.pillow: 0.6814, IoU.screen door: 0.7598, IoU.stairway: 0.3215, IoU.river: 0.1374, IoU.bridge: 0.5367, IoU.bookcase: 0.4133, IoU.blind: 0.4409, IoU.coffee table: 0.6583, IoU.toilet: 0.8997, IoU.flower: 0.3880, IoU.book: 0.5175, IoU.hill: 0.1020, IoU.bench: 0.5373, IoU.countertop: 0.6362, IoU.stove: 0.8674, IoU.palm: 0.5353, IoU.kitchen island: 0.4983, IoU.computer: 0.7991, IoU.swivel chair: 0.5172, IoU.boat: 0.7166, IoU.bar: 0.6408, IoU.arcade machine: 0.8247, IoU.hovel: 0.2780, IoU.bus: 0.9336, IoU.towel: 0.7291, IoU.light: 0.6372, IoU.truck: 0.4891, IoU.tower: 0.2428, IoU.chandelier: 0.7387, IoU.awning: 0.4942, IoU.streetlight: 0.3520, IoU.booth: 0.4836, IoU.television receiver: 0.7986, IoU.airplane: 0.8164, IoU.dirt track: 0.0524, IoU.apparel: 0.5710, IoU.pole: 0.2527, IoU.land: 0.0485, IoU.bannister: 0.1635, IoU.escalator: 0.6329, IoU.ottoman: 0.5618, IoU.bottle: 0.4448, IoU.buffet: 0.6828, IoU.poster: 0.3092, IoU.stage: 0.2270, IoU.van: 0.4950, IoU.ship: 0.7759, IoU.fountain: 0.2600, IoU.conveyer belt: 0.8363, IoU.canopy: 0.5885, IoU.washer: 0.8414, IoU.plaything: 0.2878, IoU.swimming pool: 0.5846, IoU.stool: 0.5623, IoU.barrel: 0.5431, IoU.basket: 0.4275, IoU.waterfall: 0.4579, IoU.tent: 0.9011, IoU.bag: 0.2471, IoU.minibike: 0.7527, IoU.cradle: 0.8902, IoU.oven: 0.6208, IoU.ball: 0.2712, IoU.food: 0.6238, IoU.step: 0.1648, IoU.tank: 0.6423, IoU.trade name: 0.2344, IoU.microwave: 0.9024, IoU.pot: 0.5929, IoU.animal: 0.6154, IoU.bicycle: 0.6249, IoU.lake: 0.5837, IoU.dishwasher: 0.7277, IoU.screen: 0.5207, IoU.blanket: 0.2892, IoU.sculpture: 0.7363, IoU.hood: 0.6428, IoU.sconce: 0.5761, IoU.vase: 0.4614, IoU.traffic light: 0.3684, IoU.tray: 0.1493, IoU.ashcan: 0.5179, IoU.fan: 0.6988, IoU.pier: 0.4069, IoU.crt screen: 0.0488, IoU.plate: 0.5718, IoU.monitor: 0.1176, IoU.bulletin board: 0.6135, IoU.shower: 0.0399, IoU.radiator: 0.6128, IoU.glass: 0.2081, IoU.clock: 0.5320, IoU.flag: 0.7067, Acc.wall: 0.8927, Acc.building: 0.9351, Acc.sky: 0.9762, Acc.floor: 0.9173, Acc.tree: 0.9014, Acc.ceiling: 0.9391, Acc.road: 0.9188, Acc.bed : 0.9679, Acc.windowpane: 0.8449, Acc.grass: 0.8294, Acc.cabinet: 0.7709, Acc.sidewalk: 0.8434, Acc.person: 0.9403, Acc.earth: 0.5161, Acc.door: 0.7597, Acc.table: 0.8161, Acc.mountain: 0.7291, Acc.plant: 0.6783, Acc.curtain: 0.8549, Acc.chair: 0.8109, Acc.car: 0.9433, Acc.water: 0.7439, Acc.painting: 0.9063, Acc.sofa: 0.8799, Acc.shelf: 0.6343, Acc.house: 0.5802, Acc.sea: 0.8451, Acc.mirror: 0.8794, Acc.rug: 0.8325, Acc.field: 0.5316, Acc.armchair: 0.8058, Acc.seat: 0.8669, Acc.fence: 0.6421, Acc.desk: 0.7543, Acc.rock: 0.8625, Acc.wardrobe: 0.7432, Acc.lamp: 0.8555, Acc.bathtub: 0.9355, Acc.railing: 0.6017, Acc.cushion: 0.8096, Acc.base: 0.5399, Acc.box: 0.5632, Acc.column: 0.6228, Acc.signboard: 0.5924, Acc.chest of drawers: 0.5925, Acc.counter: 0.5238, Acc.sand: 0.8514, Acc.sink: 0.8396, Acc.skyscraper: 0.5573, Acc.fireplace: 0.9731, Acc.refrigerator: 0.9121, Acc.grandstand: 0.8012, Acc.path: 0.3318, Acc.stairs: 0.5637, Acc.runway: 0.8869, Acc.case: 0.7795, Acc.pool table: 0.9813, Acc.pillow: 0.8183, Acc.screen door: 0.8051, Acc.stairway: 0.4202, Acc.river: 0.3234, Acc.bridge: 0.5976, Acc.bookcase: 0.5618, Acc.blind: 0.5133, Acc.coffee table: 0.8624, Acc.toilet: 0.9349, Acc.flower: 0.5798, Acc.book: 0.7498, Acc.hill: 0.1957, Acc.bench: 0.6032, Acc.countertop: 0.8524, Acc.stove: 0.9346, Acc.palm: 0.7874, Acc.kitchen island: 0.8199, Acc.computer: 0.9096, Acc.swivel chair: 0.7867, Acc.boat: 0.9051, Acc.bar: 0.7548, Acc.arcade machine: 0.8741, Acc.hovel: 0.3010, Acc.bus: 0.9716, Acc.towel: 0.8980, Acc.light: 0.7301, Acc.truck: 0.6285, Acc.tower: 0.4274, Acc.chandelier: 0.8744, Acc.awning: 0.6251, Acc.streetlight: 0.4594, Acc.booth: 0.6036, Acc.television receiver: 0.8790, Acc.airplane: 0.8652, Acc.dirt track: 0.2845, Acc.apparel: 0.6876, Acc.pole: 0.3764, Acc.land: 0.0670, Acc.bannister: 0.2084, Acc.escalator: 0.8203, Acc.ottoman: 0.7211, Acc.bottle: 0.6812, Acc.buffet: 0.8899, Acc.poster: 0.3744, Acc.stage: 0.4437, Acc.van: 0.7180, Acc.ship: 0.8034, Acc.fountain: 0.2885, Acc.conveyer belt: 0.9115, Acc.canopy: 0.7649, Acc.washer: 0.8977, Acc.plaything: 0.4536, Acc.swimming pool: 0.8053, Acc.stool: 0.6552, Acc.barrel: 0.9068, Acc.basket: 0.5387, Acc.waterfall: 0.6103, Acc.tent: 0.9836, Acc.bag: 0.2929, Acc.minibike: 0.8753, Acc.cradle: 0.9758, Acc.oven: 0.7251, Acc.ball: 0.2757, Acc.food: 0.7342, Acc.step: 0.1790, Acc.tank: 0.6754, Acc.trade name: 0.2695, Acc.microwave: 0.9581, Acc.pot: 0.6795, Acc.animal: 0.6344, Acc.bicycle: 0.7948, Acc.lake: 0.6823, Acc.dishwasher: 0.8387, Acc.screen: 0.8227, Acc.blanket: 0.3316, Acc.sculpture: 0.8718, Acc.hood: 0.7685, Acc.sconce: 0.7019, Acc.vase: 0.6172, Acc.traffic light: 0.5401, Acc.tray: 0.2251, Acc.ashcan: 0.6869, Acc.fan: 0.8208, Acc.pier: 0.4453, Acc.crt screen: 0.1519, Acc.plate: 0.8168, Acc.monitor: 0.1328, Acc.bulletin board: 0.7313, Acc.shower: 0.0441, Acc.radiator: 0.7914, Acc.glass: 0.2243, Acc.clock: 0.6147, Acc.flag: 0.7797 2023-11-02 20:38:14,911 - mmseg - INFO - Iter [37050/80000] lr: 1.739e-06, eta: 21:37:38, time: 3.429, data_time: 1.773, memory: 69173, decode.loss_ce: 0.1768, decode.acc_seg: 92.2562, aux.loss_ce: 0.0955, aux.acc_seg: 90.1152, loss: 0.2722 2023-11-02 20:39:37,985 - mmseg - INFO - Iter [37100/80000] lr: 1.737e-06, eta: 21:35:59, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1792, decode.acc_seg: 92.2735, aux.loss_ce: 0.0971, aux.acc_seg: 90.1898, loss: 0.2763 2023-11-02 20:41:01,055 - mmseg - INFO - Iter [37150/80000] lr: 1.735e-06, eta: 21:34:20, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1776, decode.acc_seg: 92.3774, aux.loss_ce: 0.0930, aux.acc_seg: 90.4026, loss: 0.2705 2023-11-02 20:42:24,116 - mmseg - INFO - Iter [37200/80000] lr: 1.733e-06, eta: 21:32:40, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1712, decode.acc_seg: 92.7580, aux.loss_ce: 0.0901, aux.acc_seg: 91.0640, loss: 0.2613 2023-11-02 20:43:47,172 - mmseg - INFO - Iter [37250/80000] lr: 1.731e-06, eta: 21:31:01, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1773, decode.acc_seg: 92.2453, aux.loss_ce: 0.1007, aux.acc_seg: 89.8689, loss: 0.2780 2023-11-02 20:45:10,242 - mmseg - INFO - Iter [37300/80000] lr: 1.729e-06, eta: 21:29:22, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1826, decode.acc_seg: 92.2185, aux.loss_ce: 0.0974, aux.acc_seg: 90.1605, loss: 0.2800 2023-11-02 20:46:33,264 - mmseg - INFO - Iter [37350/80000] lr: 1.727e-06, eta: 21:27:43, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1882, decode.acc_seg: 92.1946, aux.loss_ce: 0.0984, aux.acc_seg: 90.2707, loss: 0.2866 2023-11-02 20:47:56,318 - mmseg - INFO - Iter [37400/80000] lr: 1.725e-06, eta: 21:26:04, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1769, decode.acc_seg: 92.4223, aux.loss_ce: 0.0978, aux.acc_seg: 90.0372, loss: 0.2747 2023-11-02 20:49:19,346 - mmseg - INFO - Iter [37450/80000] lr: 1.723e-06, eta: 21:24:24, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1638, decode.acc_seg: 92.7816, aux.loss_ce: 0.0886, aux.acc_seg: 90.7012, loss: 0.2524 2023-11-02 20:50:42,471 - mmseg - INFO - Iter [37500/80000] lr: 1.721e-06, eta: 21:22:45, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1761, decode.acc_seg: 92.3775, aux.loss_ce: 0.0932, aux.acc_seg: 90.5169, loss: 0.2693 2023-11-02 20:52:05,549 - mmseg - INFO - Iter [37550/80000] lr: 1.719e-06, eta: 21:21:06, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1851, decode.acc_seg: 92.1176, aux.loss_ce: 0.0980, aux.acc_seg: 89.9706, loss: 0.2830 2023-11-02 20:53:28,610 - mmseg - INFO - Iter [37600/80000] lr: 1.717e-06, eta: 21:19:27, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1794, decode.acc_seg: 92.2556, aux.loss_ce: 0.0993, aux.acc_seg: 89.9915, loss: 0.2787 2023-11-02 20:54:51,644 - mmseg - INFO - Iter [37650/80000] lr: 1.715e-06, eta: 21:17:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1786, decode.acc_seg: 92.2625, aux.loss_ce: 0.0960, aux.acc_seg: 90.4202, loss: 0.2746 2023-11-02 20:56:14,695 - mmseg - INFO - Iter [37700/80000] lr: 1.713e-06, eta: 21:16:10, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1796, decode.acc_seg: 92.2437, aux.loss_ce: 0.0953, aux.acc_seg: 90.1889, loss: 0.2750 2023-11-02 20:57:37,745 - mmseg - INFO - Iter [37750/80000] lr: 1.711e-06, eta: 21:14:31, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1828, decode.acc_seg: 92.0472, aux.loss_ce: 0.0929, aux.acc_seg: 90.6236, loss: 0.2757 2023-11-02 20:59:00,766 - mmseg - INFO - Iter [37800/80000] lr: 1.709e-06, eta: 21:12:52, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1838, decode.acc_seg: 92.1640, aux.loss_ce: 0.0971, aux.acc_seg: 90.2007, loss: 0.2809 2023-11-02 21:00:23,843 - mmseg - INFO - Iter [37850/80000] lr: 1.707e-06, eta: 21:11:13, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1770, decode.acc_seg: 92.5439, aux.loss_ce: 0.0926, aux.acc_seg: 90.6989, loss: 0.2696 2023-11-02 21:01:49,253 - mmseg - INFO - Iter [37900/80000] lr: 1.705e-06, eta: 21:09:37, time: 1.708, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1804, decode.acc_seg: 92.0995, aux.loss_ce: 0.0943, aux.acc_seg: 90.6376, loss: 0.2747 2023-11-02 21:03:12,406 - mmseg - INFO - Iter [37950/80000] lr: 1.703e-06, eta: 21:07:58, time: 1.663, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1730, decode.acc_seg: 92.4045, aux.loss_ce: 0.0916, aux.acc_seg: 90.3471, loss: 0.2646 2023-11-02 21:04:35,447 - mmseg - INFO - Saving checkpoint at 38000 iterations 2023-11-02 21:05:34,436 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 21:05:34,437 - mmseg - INFO - Iter [38000/80000] lr: 1.701e-06, eta: 21:07:25, time: 2.841, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1707, decode.acc_seg: 92.4960, aux.loss_ce: 0.0890, aux.acc_seg: 90.8069, loss: 0.2597 2023-11-02 21:06:59,282 - mmseg - INFO - per class results: 2023-11-02 21:06:59,288 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.14 | 89.04 | | building | 84.73 | 92.89 | | sky | 94.95 | 97.75 | | floor | 84.73 | 90.46 | | tree | 77.13 | 89.07 | | ceiling | 87.28 | 94.15 | | road | 86.79 | 91.49 | | bed | 92.62 | 97.12 | | windowpane | 65.38 | 81.35 | | grass | 69.92 | 82.82 | | cabinet | 65.1 | 71.91 | | sidewalk | 73.07 | 86.8 | | person | 84.99 | 94.46 | | earth | 37.51 | 51.28 | | door | 62.38 | 78.53 | | table | 68.58 | 82.85 | | mountain | 62.97 | 71.1 | | plant | 55.78 | 69.46 | | curtain | 76.8 | 87.34 | | chair | 65.91 | 79.43 | | car | 87.07 | 93.6 | | water | 62.2 | 79.05 | | painting | 76.52 | 91.88 | | sofa | 79.81 | 85.63 | | shelf | 45.83 | 64.04 | | house | 60.6 | 78.87 | | sea | 75.05 | 84.11 | | mirror | 76.44 | 85.61 | | rug | 71.69 | 88.97 | | field | 32.36 | 46.29 | | armchair | 62.19 | 81.85 | | seat | 67.92 | 87.7 | | fence | 51.86 | 69.23 | | desk | 58.17 | 78.38 | | rock | 55.4 | 89.01 | | wardrobe | 51.9 | 70.68 | | lamp | 73.53 | 88.74 | | bathtub | 90.66 | 93.4 | | railing | 42.55 | 58.72 | | cushion | 66.69 | 83.88 | | base | 43.26 | 61.41 | | box | 39.2 | 48.08 | | column | 55.33 | 70.48 | | signboard | 41.38 | 55.87 | | chest of drawers | 45.32 | 69.76 | | counter | 53.07 | 67.33 | | sand | 52.47 | 77.57 | | sink | 80.43 | 89.52 | | skyscraper | 47.12 | 62.47 | | fireplace | 74.73 | 94.11 | | refrigerator | 82.14 | 96.15 | | grandstand | 55.31 | 80.22 | | path | 26.27 | 37.34 | | stairs | 30.01 | 39.61 | | runway | 66.86 | 89.01 | | case | 59.19 | 77.17 | | pool table | 93.79 | 98.26 | | pillow | 64.13 | 74.0 | | screen door | 83.3 | 87.11 | | stairway | 28.95 | 44.2 | | river | 13.37 | 27.48 | | bridge | 55.98 | 62.04 | | bookcase | 38.07 | 58.37 | | blind | 39.9 | 44.24 | | coffee table | 66.57 | 86.59 | | toilet | 89.51 | 92.92 | | flower | 38.57 | 55.33 | | book | 52.09 | 74.28 | | hill | 7.27 | 15.98 | | bench | 61.82 | 72.27 | | countertop | 66.76 | 85.15 | | stove | 86.99 | 94.14 | | palm | 53.55 | 80.37 | | kitchen island | 43.77 | 83.61 | | computer | 75.33 | 92.69 | | swivel chair | 45.49 | 69.3 | | boat | 65.66 | 90.89 | | bar | 62.72 | 68.94 | | arcade machine | 84.11 | 88.8 | | hovel | 21.15 | 22.57 | | bus | 93.33 | 97.25 | | towel | 76.57 | 86.42 | | light | 62.87 | 72.4 | | truck | 50.54 | 66.73 | | tower | 19.52 | 38.34 | | chandelier | 73.25 | 87.53 | | awning | 52.71 | 72.44 | | streetlight | 37.67 | 51.22 | | booth | 54.44 | 85.72 | | television receiver | 78.6 | 87.0 | | airplane | 88.25 | 95.91 | | dirt track | 4.38 | 20.51 | | apparel | 61.39 | 81.94 | | pole | 29.61 | 43.61 | | land | 3.26 | 6.06 | | bannister | 21.58 | 30.35 | | escalator | 59.12 | 81.06 | | ottoman | 56.69 | 73.75 | | bottle | 45.2 | 73.99 | | buffet | 63.65 | 75.04 | | poster | 31.51 | 45.04 | | stage | 20.21 | 44.7 | | van | 44.1 | 64.98 | | ship | 82.26 | 95.52 | | fountain | 30.79 | 31.76 | | conveyer belt | 67.1 | 94.31 | | canopy | 56.55 | 71.98 | | washer | 84.33 | 89.61 | | plaything | 30.0 | 40.59 | | swimming pool | 57.79 | 87.03 | | stool | 53.16 | 69.74 | | barrel | 34.71 | 72.2 | | basket | 44.36 | 55.6 | | waterfall | 45.92 | 58.57 | | tent | 91.8 | 96.41 | | bag | 24.99 | 29.62 | | minibike | 74.49 | 87.8 | | cradle | 87.6 | 98.4 | | oven | 63.42 | 76.67 | | ball | 61.06 | 68.89 | | food | 57.58 | 65.39 | | step | 17.35 | 19.99 | | tank | 85.68 | 92.72 | | trade name | 29.05 | 34.82 | | microwave | 89.11 | 96.87 | | pot | 60.37 | 69.29 | | animal | 61.08 | 62.65 | | bicycle | 62.94 | 82.76 | | lake | 60.56 | 69.36 | | dishwasher | 72.5 | 85.04 | | screen | 55.59 | 93.88 | | blanket | 36.82 | 44.5 | | sculpture | 73.98 | 87.81 | | hood | 64.0 | 76.84 | | sconce | 59.64 | 78.35 | | vase | 46.92 | 64.29 | | traffic light | 37.05 | 64.74 | | tray | 14.18 | 21.49 | | ashcan | 49.49 | 69.59 | | fan | 69.06 | 80.16 | | pier | 40.01 | 42.74 | | crt screen | 1.72 | 4.37 | | plate | 56.06 | 80.74 | | monitor | 19.54 | 23.03 | | bulletin board | 66.43 | 73.18 | | shower | 1.17 | 1.2 | | radiator | 62.79 | 78.56 | | glass | 20.33 | 21.97 | | clock | 50.43 | 61.55 | | flag | 69.61 | 82.06 | +---------------------+-------+-------+ 2023-11-02 21:06:59,288 - mmseg - INFO - Summary: 2023-11-02 21:06:59,288 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.0 | 57.12 | 70.67 | +------+-------+-------+ 2023-11-02 21:06:59,289 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 21:06:59,289 - mmseg - INFO - Iter(val) [250] aAcc: 0.8600, mIoU: 0.5712, mAcc: 0.7067, IoU.wall: 0.8214, IoU.building: 0.8473, IoU.sky: 0.9495, IoU.floor: 0.8473, IoU.tree: 0.7713, IoU.ceiling: 0.8728, IoU.road: 0.8679, IoU.bed : 0.9262, IoU.windowpane: 0.6538, IoU.grass: 0.6992, IoU.cabinet: 0.6510, IoU.sidewalk: 0.7307, IoU.person: 0.8499, IoU.earth: 0.3751, IoU.door: 0.6238, IoU.table: 0.6858, IoU.mountain: 0.6297, IoU.plant: 0.5578, IoU.curtain: 0.7680, IoU.chair: 0.6591, IoU.car: 0.8707, IoU.water: 0.6220, IoU.painting: 0.7652, IoU.sofa: 0.7981, IoU.shelf: 0.4583, IoU.house: 0.6060, IoU.sea: 0.7505, IoU.mirror: 0.7644, IoU.rug: 0.7169, IoU.field: 0.3236, IoU.armchair: 0.6219, IoU.seat: 0.6792, IoU.fence: 0.5186, IoU.desk: 0.5817, IoU.rock: 0.5540, IoU.wardrobe: 0.5190, IoU.lamp: 0.7353, IoU.bathtub: 0.9066, IoU.railing: 0.4255, IoU.cushion: 0.6669, IoU.base: 0.4326, IoU.box: 0.3920, IoU.column: 0.5533, IoU.signboard: 0.4138, IoU.chest of drawers: 0.4532, IoU.counter: 0.5307, IoU.sand: 0.5247, IoU.sink: 0.8043, IoU.skyscraper: 0.4712, IoU.fireplace: 0.7473, IoU.refrigerator: 0.8214, IoU.grandstand: 0.5531, IoU.path: 0.2627, IoU.stairs: 0.3001, IoU.runway: 0.6686, IoU.case: 0.5919, IoU.pool table: 0.9379, IoU.pillow: 0.6413, IoU.screen door: 0.8330, IoU.stairway: 0.2895, IoU.river: 0.1337, IoU.bridge: 0.5598, IoU.bookcase: 0.3807, IoU.blind: 0.3990, IoU.coffee table: 0.6657, IoU.toilet: 0.8951, IoU.flower: 0.3857, IoU.book: 0.5209, IoU.hill: 0.0727, IoU.bench: 0.6182, IoU.countertop: 0.6676, IoU.stove: 0.8699, IoU.palm: 0.5355, IoU.kitchen island: 0.4377, IoU.computer: 0.7533, IoU.swivel chair: 0.4549, IoU.boat: 0.6566, IoU.bar: 0.6272, IoU.arcade machine: 0.8411, IoU.hovel: 0.2115, IoU.bus: 0.9333, IoU.towel: 0.7657, IoU.light: 0.6287, IoU.truck: 0.5054, IoU.tower: 0.1952, IoU.chandelier: 0.7325, IoU.awning: 0.5271, IoU.streetlight: 0.3767, IoU.booth: 0.5444, IoU.television receiver: 0.7860, IoU.airplane: 0.8825, IoU.dirt track: 0.0438, IoU.apparel: 0.6139, IoU.pole: 0.2961, IoU.land: 0.0326, IoU.bannister: 0.2158, IoU.escalator: 0.5912, IoU.ottoman: 0.5669, IoU.bottle: 0.4520, IoU.buffet: 0.6365, IoU.poster: 0.3151, IoU.stage: 0.2021, IoU.van: 0.4410, IoU.ship: 0.8226, IoU.fountain: 0.3079, IoU.conveyer belt: 0.6710, IoU.canopy: 0.5655, IoU.washer: 0.8433, IoU.plaything: 0.3000, IoU.swimming pool: 0.5779, IoU.stool: 0.5316, IoU.barrel: 0.3471, IoU.basket: 0.4436, IoU.waterfall: 0.4592, IoU.tent: 0.9180, IoU.bag: 0.2499, IoU.minibike: 0.7449, IoU.cradle: 0.8760, IoU.oven: 0.6342, IoU.ball: 0.6106, IoU.food: 0.5758, IoU.step: 0.1735, IoU.tank: 0.8568, IoU.trade name: 0.2905, IoU.microwave: 0.8911, IoU.pot: 0.6037, IoU.animal: 0.6108, IoU.bicycle: 0.6294, IoU.lake: 0.6056, IoU.dishwasher: 0.7250, IoU.screen: 0.5559, IoU.blanket: 0.3682, IoU.sculpture: 0.7398, IoU.hood: 0.6400, IoU.sconce: 0.5964, IoU.vase: 0.4692, IoU.traffic light: 0.3705, IoU.tray: 0.1418, IoU.ashcan: 0.4949, IoU.fan: 0.6906, IoU.pier: 0.4001, IoU.crt screen: 0.0172, IoU.plate: 0.5606, IoU.monitor: 0.1954, IoU.bulletin board: 0.6643, IoU.shower: 0.0117, IoU.radiator: 0.6279, IoU.glass: 0.2033, IoU.clock: 0.5043, IoU.flag: 0.6961, Acc.wall: 0.8904, Acc.building: 0.9289, Acc.sky: 0.9775, Acc.floor: 0.9046, Acc.tree: 0.8907, Acc.ceiling: 0.9415, Acc.road: 0.9149, Acc.bed : 0.9712, Acc.windowpane: 0.8135, Acc.grass: 0.8282, Acc.cabinet: 0.7191, Acc.sidewalk: 0.8680, Acc.person: 0.9446, Acc.earth: 0.5128, Acc.door: 0.7853, Acc.table: 0.8285, Acc.mountain: 0.7110, Acc.plant: 0.6946, Acc.curtain: 0.8734, Acc.chair: 0.7943, Acc.car: 0.9360, Acc.water: 0.7905, Acc.painting: 0.9188, Acc.sofa: 0.8563, Acc.shelf: 0.6404, Acc.house: 0.7887, Acc.sea: 0.8411, Acc.mirror: 0.8561, Acc.rug: 0.8897, Acc.field: 0.4629, Acc.armchair: 0.8185, Acc.seat: 0.8770, Acc.fence: 0.6923, Acc.desk: 0.7838, Acc.rock: 0.8901, Acc.wardrobe: 0.7068, Acc.lamp: 0.8874, Acc.bathtub: 0.9340, Acc.railing: 0.5872, Acc.cushion: 0.8388, Acc.base: 0.6141, Acc.box: 0.4808, Acc.column: 0.7048, Acc.signboard: 0.5587, Acc.chest of drawers: 0.6976, Acc.counter: 0.6733, Acc.sand: 0.7757, Acc.sink: 0.8952, Acc.skyscraper: 0.6247, Acc.fireplace: 0.9411, Acc.refrigerator: 0.9615, Acc.grandstand: 0.8022, Acc.path: 0.3734, Acc.stairs: 0.3961, Acc.runway: 0.8901, Acc.case: 0.7717, Acc.pool table: 0.9826, Acc.pillow: 0.7400, Acc.screen door: 0.8711, Acc.stairway: 0.4420, Acc.river: 0.2748, Acc.bridge: 0.6204, Acc.bookcase: 0.5837, Acc.blind: 0.4424, Acc.coffee table: 0.8659, Acc.toilet: 0.9292, Acc.flower: 0.5533, Acc.book: 0.7428, Acc.hill: 0.1598, Acc.bench: 0.7227, Acc.countertop: 0.8515, Acc.stove: 0.9414, Acc.palm: 0.8037, Acc.kitchen island: 0.8361, Acc.computer: 0.9269, Acc.swivel chair: 0.6930, Acc.boat: 0.9089, Acc.bar: 0.6894, Acc.arcade machine: 0.8880, Acc.hovel: 0.2257, Acc.bus: 0.9725, Acc.towel: 0.8642, Acc.light: 0.7240, Acc.truck: 0.6673, Acc.tower: 0.3834, Acc.chandelier: 0.8753, Acc.awning: 0.7244, Acc.streetlight: 0.5122, Acc.booth: 0.8572, Acc.television receiver: 0.8700, Acc.airplane: 0.9591, Acc.dirt track: 0.2051, Acc.apparel: 0.8194, Acc.pole: 0.4361, Acc.land: 0.0606, Acc.bannister: 0.3035, Acc.escalator: 0.8106, Acc.ottoman: 0.7375, Acc.bottle: 0.7399, Acc.buffet: 0.7504, Acc.poster: 0.4504, Acc.stage: 0.4470, Acc.van: 0.6498, Acc.ship: 0.9552, Acc.fountain: 0.3176, Acc.conveyer belt: 0.9431, Acc.canopy: 0.7198, Acc.washer: 0.8961, Acc.plaything: 0.4059, Acc.swimming pool: 0.8703, Acc.stool: 0.6974, Acc.barrel: 0.7220, Acc.basket: 0.5560, Acc.waterfall: 0.5857, Acc.tent: 0.9641, Acc.bag: 0.2962, Acc.minibike: 0.8780, Acc.cradle: 0.9840, Acc.oven: 0.7667, Acc.ball: 0.6889, Acc.food: 0.6539, Acc.step: 0.1999, Acc.tank: 0.9272, Acc.trade name: 0.3482, Acc.microwave: 0.9687, Acc.pot: 0.6929, Acc.animal: 0.6265, Acc.bicycle: 0.8276, Acc.lake: 0.6936, Acc.dishwasher: 0.8504, Acc.screen: 0.9388, Acc.blanket: 0.4450, Acc.sculpture: 0.8781, Acc.hood: 0.7684, Acc.sconce: 0.7835, Acc.vase: 0.6429, Acc.traffic light: 0.6474, Acc.tray: 0.2149, Acc.ashcan: 0.6959, Acc.fan: 0.8016, Acc.pier: 0.4274, Acc.crt screen: 0.0437, Acc.plate: 0.8074, Acc.monitor: 0.2303, Acc.bulletin board: 0.7318, Acc.shower: 0.0120, Acc.radiator: 0.7856, Acc.glass: 0.2197, Acc.clock: 0.6155, Acc.flag: 0.8206 2023-11-02 21:08:22,442 - mmseg - INFO - Iter [38050/80000] lr: 1.699e-06, eta: 21:07:20, time: 3.360, data_time: 1.705, memory: 69173, decode.loss_ce: 0.1791, decode.acc_seg: 92.1807, aux.loss_ce: 0.0943, aux.acc_seg: 90.1804, loss: 0.2734 2023-11-02 21:09:53,907 - mmseg - INFO - Iter [38100/80000] lr: 1.697e-06, eta: 21:05:50, time: 1.829, data_time: 0.175, memory: 69173, decode.loss_ce: 0.1771, decode.acc_seg: 92.4214, aux.loss_ce: 0.0927, aux.acc_seg: 90.7451, loss: 0.2697 2023-11-02 21:11:16,945 - mmseg - INFO - Iter [38150/80000] lr: 1.695e-06, eta: 21:04:11, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1729, decode.acc_seg: 92.6476, aux.loss_ce: 0.0946, aux.acc_seg: 90.6759, loss: 0.2675 2023-11-02 21:12:39,996 - mmseg - INFO - Iter [38200/80000] lr: 1.693e-06, eta: 21:02:32, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1757, decode.acc_seg: 92.4352, aux.loss_ce: 0.0949, aux.acc_seg: 90.3816, loss: 0.2706 2023-11-02 21:14:03,037 - mmseg - INFO - Iter [38250/80000] lr: 1.691e-06, eta: 21:00:53, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1759, decode.acc_seg: 92.2487, aux.loss_ce: 0.0918, aux.acc_seg: 90.4088, loss: 0.2677 2023-11-02 21:15:26,065 - mmseg - INFO - Iter [38300/80000] lr: 1.689e-06, eta: 20:59:15, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1622, decode.acc_seg: 92.9541, aux.loss_ce: 0.0906, aux.acc_seg: 90.6725, loss: 0.2528 2023-11-02 21:16:49,068 - mmseg - INFO - Iter [38350/80000] lr: 1.687e-06, eta: 20:57:36, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1716, decode.acc_seg: 92.7968, aux.loss_ce: 0.0947, aux.acc_seg: 90.4402, loss: 0.2663 2023-11-02 21:18:12,114 - mmseg - INFO - Iter [38400/80000] lr: 1.685e-06, eta: 20:55:57, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1728, decode.acc_seg: 92.5531, aux.loss_ce: 0.0893, aux.acc_seg: 90.8318, loss: 0.2621 2023-11-02 21:19:35,127 - mmseg - INFO - Iter [38450/80000] lr: 1.683e-06, eta: 20:54:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1741, decode.acc_seg: 92.3525, aux.loss_ce: 0.0921, aux.acc_seg: 90.4280, loss: 0.2663 2023-11-02 21:20:58,203 - mmseg - INFO - Iter [38500/80000] lr: 1.681e-06, eta: 20:52:40, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1835, decode.acc_seg: 91.9559, aux.loss_ce: 0.0996, aux.acc_seg: 89.7479, loss: 0.2831 2023-11-02 21:22:21,261 - mmseg - INFO - Iter [38550/80000] lr: 1.679e-06, eta: 20:51:01, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1806, decode.acc_seg: 92.3645, aux.loss_ce: 0.0966, aux.acc_seg: 90.2436, loss: 0.2772 2023-11-02 21:23:44,321 - mmseg - INFO - Iter [38600/80000] lr: 1.677e-06, eta: 20:49:22, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1739, decode.acc_seg: 92.4673, aux.loss_ce: 0.0968, aux.acc_seg: 90.2905, loss: 0.2707 2023-11-02 21:25:07,420 - mmseg - INFO - Iter [38650/80000] lr: 1.675e-06, eta: 20:47:44, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1703, decode.acc_seg: 92.5744, aux.loss_ce: 0.0893, aux.acc_seg: 90.7212, loss: 0.2596 2023-11-02 21:26:30,463 - mmseg - INFO - Iter [38700/80000] lr: 1.673e-06, eta: 20:46:05, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1783, decode.acc_seg: 92.2712, aux.loss_ce: 0.0916, aux.acc_seg: 90.3652, loss: 0.2699 2023-11-02 21:27:53,513 - mmseg - INFO - Iter [38750/80000] lr: 1.671e-06, eta: 20:44:27, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1709, decode.acc_seg: 92.5734, aux.loss_ce: 0.0922, aux.acc_seg: 90.6583, loss: 0.2631 2023-11-02 21:29:16,575 - mmseg - INFO - Iter [38800/80000] lr: 1.669e-06, eta: 20:42:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1693, decode.acc_seg: 92.6979, aux.loss_ce: 0.0911, aux.acc_seg: 90.7092, loss: 0.2604 2023-11-02 21:30:39,662 - mmseg - INFO - Iter [38850/80000] lr: 1.667e-06, eta: 20:41:10, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1622, decode.acc_seg: 92.8447, aux.loss_ce: 0.0902, aux.acc_seg: 90.6592, loss: 0.2524 2023-11-02 21:32:02,693 - mmseg - INFO - Iter [38900/80000] lr: 1.664e-06, eta: 20:39:32, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1748, decode.acc_seg: 92.4644, aux.loss_ce: 0.0953, aux.acc_seg: 90.2210, loss: 0.2700 2023-11-02 21:33:26,952 - mmseg - INFO - Iter [38950/80000] lr: 1.662e-06, eta: 20:37:55, time: 1.685, data_time: 0.030, memory: 69173, decode.loss_ce: 0.1707, decode.acc_seg: 92.3826, aux.loss_ce: 0.0957, aux.acc_seg: 90.1291, loss: 0.2663 2023-11-02 21:34:49,984 - mmseg - INFO - Saving checkpoint at 39000 iterations 2023-11-02 21:35:49,669 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 21:35:49,669 - mmseg - INFO - Iter [39000/80000] lr: 1.660e-06, eta: 20:37:19, time: 2.854, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1817, decode.acc_seg: 92.3547, aux.loss_ce: 0.0997, aux.acc_seg: 90.1094, loss: 0.2814 2023-11-02 21:37:15,587 - mmseg - INFO - per class results: 2023-11-02 21:37:15,592 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.23 | 89.11 | | building | 84.88 | 92.01 | | sky | 94.82 | 97.02 | | floor | 84.85 | 91.31 | | tree | 76.54 | 91.45 | | ceiling | 87.27 | 94.84 | | road | 86.95 | 90.95 | | bed | 92.17 | 97.58 | | windowpane | 65.63 | 81.16 | | grass | 69.53 | 80.13 | | cabinet | 64.42 | 76.49 | | sidewalk | 72.11 | 87.88 | | person | 84.8 | 95.33 | | earth | 41.43 | 56.19 | | door | 60.86 | 75.11 | | table | 69.17 | 79.14 | | mountain | 61.83 | 77.37 | | plant | 56.96 | 69.45 | | curtain | 78.3 | 89.85 | | chair | 67.36 | 79.93 | | car | 87.32 | 94.18 | | water | 62.41 | 77.45 | | painting | 77.75 | 91.13 | | sofa | 80.44 | 88.16 | | shelf | 49.0 | 70.13 | | house | 53.34 | 70.03 | | sea | 78.3 | 89.93 | | mirror | 78.66 | 90.54 | | rug | 70.37 | 85.97 | | field | 32.25 | 54.68 | | armchair | 59.51 | 79.68 | | seat | 66.65 | 88.36 | | fence | 53.91 | 71.55 | | desk | 60.19 | 78.19 | | rock | 45.86 | 63.89 | | wardrobe | 49.53 | 71.3 | | lamp | 74.58 | 87.92 | | bathtub | 88.63 | 91.65 | | railing | 40.81 | 52.33 | | cushion | 65.67 | 80.08 | | base | 41.63 | 60.16 | | box | 38.81 | 50.21 | | column | 53.7 | 71.01 | | signboard | 41.56 | 55.84 | | chest of drawers | 41.36 | 69.12 | | counter | 45.64 | 53.75 | | sand | 46.59 | 68.37 | | sink | 81.55 | 87.37 | | skyscraper | 48.94 | 63.98 | | fireplace | 78.92 | 95.07 | | refrigerator | 82.15 | 89.28 | | grandstand | 52.23 | 85.23 | | path | 27.29 | 33.87 | | stairs | 37.5 | 46.9 | | runway | 68.09 | 89.91 | | case | 63.83 | 79.99 | | pool table | 93.95 | 98.35 | | pillow | 59.17 | 64.57 | | screen door | 80.51 | 84.02 | | stairway | 35.71 | 48.09 | | river | 16.09 | 31.03 | | bridge | 62.78 | 69.67 | | bookcase | 47.95 | 58.62 | | blind | 40.47 | 43.62 | | coffee table | 62.97 | 87.03 | | toilet | 89.19 | 92.54 | | flower | 41.51 | 58.51 | | book | 51.51 | 70.3 | | hill | 10.51 | 19.23 | | bench | 52.78 | 61.47 | | countertop | 65.66 | 73.11 | | stove | 86.76 | 92.03 | | palm | 53.77 | 81.77 | | kitchen island | 46.53 | 75.79 | | computer | 80.34 | 91.44 | | swivel chair | 51.32 | 77.95 | | boat | 66.88 | 91.85 | | bar | 63.72 | 87.72 | | arcade machine | 82.02 | 90.43 | | hovel | 28.86 | 31.24 | | bus | 93.85 | 97.53 | | towel | 73.94 | 86.86 | | light | 61.06 | 67.38 | | truck | 47.21 | 60.3 | | tower | 20.85 | 38.48 | | chandelier | 74.13 | 87.84 | | awning | 48.65 | 59.75 | | streetlight | 38.01 | 52.91 | | booth | 53.23 | 68.23 | | television receiver | 76.34 | 88.12 | | airplane | 87.6 | 94.19 | | dirt track | 5.53 | 24.13 | | apparel | 62.78 | 83.57 | | pole | 25.82 | 37.41 | | land | 3.49 | 4.87 | | bannister | 19.71 | 25.08 | | escalator | 61.47 | 85.69 | | ottoman | 55.21 | 70.9 | | bottle | 43.67 | 70.85 | | buffet | 58.45 | 68.79 | | poster | 31.25 | 37.41 | | stage | 19.21 | 49.52 | | van | 41.1 | 60.27 | | ship | 61.56 | 66.44 | | fountain | 29.68 | 30.32 | | conveyer belt | 73.77 | 92.64 | | canopy | 51.72 | 65.64 | | washer | 85.27 | 90.95 | | plaything | 30.16 | 49.59 | | swimming pool | 56.09 | 76.57 | | stool | 56.18 | 71.49 | | barrel | 48.57 | 71.52 | | basket | 42.06 | 61.22 | | waterfall | 48.85 | 60.26 | | tent | 90.62 | 98.02 | | bag | 21.49 | 24.48 | | minibike | 74.64 | 89.7 | | cradle | 88.25 | 97.26 | | oven | 66.47 | 76.62 | | ball | 49.99 | 51.69 | | food | 59.98 | 71.02 | | step | 20.76 | 23.36 | | tank | 81.16 | 85.4 | | trade name | 28.46 | 32.95 | | microwave | 90.86 | 96.09 | | pot | 58.6 | 68.02 | | animal | 62.72 | 64.28 | | bicycle | 61.21 | 82.99 | | lake | 62.01 | 69.43 | | dishwasher | 75.88 | 83.33 | | screen | 62.79 | 93.95 | | blanket | 27.52 | 30.73 | | sculpture | 74.7 | 88.12 | | hood | 64.01 | 73.63 | | sconce | 60.12 | 72.08 | | vase | 45.13 | 68.68 | | traffic light | 36.96 | 63.08 | | tray | 19.4 | 26.76 | | ashcan | 52.6 | 63.67 | | fan | 69.46 | 80.99 | | pier | 39.2 | 42.59 | | crt screen | 6.18 | 14.87 | | plate | 57.58 | 80.0 | | monitor | 24.37 | 29.95 | | bulletin board | 60.19 | 70.64 | | shower | 7.06 | 14.37 | | radiator | 58.74 | 75.17 | | glass | 20.91 | 22.33 | | clock | 52.66 | 61.76 | | flag | 72.38 | 80.63 | +---------------------+-------+-------+ 2023-11-02 21:37:15,592 - mmseg - INFO - Summary: 2023-11-02 21:37:15,592 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.04 | 57.13 | 69.83 | +-------+-------+-------+ 2023-11-02 21:37:15,593 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 21:37:15,593 - mmseg - INFO - Iter(val) [250] aAcc: 0.8604, mIoU: 0.5713, mAcc: 0.6983, IoU.wall: 0.8223, IoU.building: 0.8488, IoU.sky: 0.9482, IoU.floor: 0.8485, IoU.tree: 0.7654, IoU.ceiling: 0.8727, IoU.road: 0.8695, IoU.bed : 0.9217, IoU.windowpane: 0.6563, IoU.grass: 0.6953, IoU.cabinet: 0.6442, IoU.sidewalk: 0.7211, IoU.person: 0.8480, IoU.earth: 0.4143, IoU.door: 0.6086, IoU.table: 0.6917, IoU.mountain: 0.6183, IoU.plant: 0.5696, IoU.curtain: 0.7830, IoU.chair: 0.6736, IoU.car: 0.8732, IoU.water: 0.6241, IoU.painting: 0.7775, IoU.sofa: 0.8044, IoU.shelf: 0.4900, IoU.house: 0.5334, IoU.sea: 0.7830, IoU.mirror: 0.7866, IoU.rug: 0.7037, IoU.field: 0.3225, IoU.armchair: 0.5951, IoU.seat: 0.6665, IoU.fence: 0.5391, IoU.desk: 0.6019, IoU.rock: 0.4586, IoU.wardrobe: 0.4953, IoU.lamp: 0.7458, IoU.bathtub: 0.8863, IoU.railing: 0.4081, IoU.cushion: 0.6567, IoU.base: 0.4163, IoU.box: 0.3881, IoU.column: 0.5370, IoU.signboard: 0.4156, IoU.chest of drawers: 0.4136, IoU.counter: 0.4564, IoU.sand: 0.4659, IoU.sink: 0.8155, IoU.skyscraper: 0.4894, IoU.fireplace: 0.7892, IoU.refrigerator: 0.8215, IoU.grandstand: 0.5223, IoU.path: 0.2729, IoU.stairs: 0.3750, IoU.runway: 0.6809, IoU.case: 0.6383, IoU.pool table: 0.9395, IoU.pillow: 0.5917, IoU.screen door: 0.8051, IoU.stairway: 0.3571, IoU.river: 0.1609, IoU.bridge: 0.6278, IoU.bookcase: 0.4795, IoU.blind: 0.4047, IoU.coffee table: 0.6297, IoU.toilet: 0.8919, IoU.flower: 0.4151, IoU.book: 0.5151, IoU.hill: 0.1051, IoU.bench: 0.5278, IoU.countertop: 0.6566, IoU.stove: 0.8676, IoU.palm: 0.5377, IoU.kitchen island: 0.4653, IoU.computer: 0.8034, IoU.swivel chair: 0.5132, IoU.boat: 0.6688, IoU.bar: 0.6372, IoU.arcade machine: 0.8202, IoU.hovel: 0.2886, IoU.bus: 0.9385, IoU.towel: 0.7394, IoU.light: 0.6106, IoU.truck: 0.4721, IoU.tower: 0.2085, IoU.chandelier: 0.7413, IoU.awning: 0.4865, IoU.streetlight: 0.3801, IoU.booth: 0.5323, IoU.television receiver: 0.7634, IoU.airplane: 0.8760, IoU.dirt track: 0.0553, IoU.apparel: 0.6278, IoU.pole: 0.2582, IoU.land: 0.0349, IoU.bannister: 0.1971, IoU.escalator: 0.6147, IoU.ottoman: 0.5521, IoU.bottle: 0.4367, IoU.buffet: 0.5845, IoU.poster: 0.3125, IoU.stage: 0.1921, IoU.van: 0.4110, IoU.ship: 0.6156, IoU.fountain: 0.2968, IoU.conveyer belt: 0.7377, IoU.canopy: 0.5172, IoU.washer: 0.8527, IoU.plaything: 0.3016, IoU.swimming pool: 0.5609, IoU.stool: 0.5618, IoU.barrel: 0.4857, IoU.basket: 0.4206, IoU.waterfall: 0.4885, IoU.tent: 0.9062, IoU.bag: 0.2149, IoU.minibike: 0.7464, IoU.cradle: 0.8825, IoU.oven: 0.6647, IoU.ball: 0.4999, IoU.food: 0.5998, IoU.step: 0.2076, IoU.tank: 0.8116, IoU.trade name: 0.2846, IoU.microwave: 0.9086, IoU.pot: 0.5860, IoU.animal: 0.6272, IoU.bicycle: 0.6121, IoU.lake: 0.6201, IoU.dishwasher: 0.7588, IoU.screen: 0.6279, IoU.blanket: 0.2752, IoU.sculpture: 0.7470, IoU.hood: 0.6401, IoU.sconce: 0.6012, IoU.vase: 0.4513, IoU.traffic light: 0.3696, IoU.tray: 0.1940, IoU.ashcan: 0.5260, IoU.fan: 0.6946, IoU.pier: 0.3920, IoU.crt screen: 0.0618, IoU.plate: 0.5758, IoU.monitor: 0.2437, IoU.bulletin board: 0.6019, IoU.shower: 0.0706, IoU.radiator: 0.5874, IoU.glass: 0.2091, IoU.clock: 0.5266, IoU.flag: 0.7238, Acc.wall: 0.8911, Acc.building: 0.9201, Acc.sky: 0.9702, Acc.floor: 0.9131, Acc.tree: 0.9145, Acc.ceiling: 0.9484, Acc.road: 0.9095, Acc.bed : 0.9758, Acc.windowpane: 0.8116, Acc.grass: 0.8013, Acc.cabinet: 0.7649, Acc.sidewalk: 0.8788, Acc.person: 0.9533, Acc.earth: 0.5619, Acc.door: 0.7511, Acc.table: 0.7914, Acc.mountain: 0.7737, Acc.plant: 0.6945, Acc.curtain: 0.8985, Acc.chair: 0.7993, Acc.car: 0.9418, Acc.water: 0.7745, Acc.painting: 0.9113, Acc.sofa: 0.8816, Acc.shelf: 0.7013, Acc.house: 0.7003, Acc.sea: 0.8993, Acc.mirror: 0.9054, Acc.rug: 0.8597, Acc.field: 0.5468, Acc.armchair: 0.7968, Acc.seat: 0.8836, Acc.fence: 0.7155, Acc.desk: 0.7819, Acc.rock: 0.6389, Acc.wardrobe: 0.7130, Acc.lamp: 0.8792, Acc.bathtub: 0.9165, Acc.railing: 0.5233, Acc.cushion: 0.8008, Acc.base: 0.6016, Acc.box: 0.5021, Acc.column: 0.7101, Acc.signboard: 0.5584, Acc.chest of drawers: 0.6912, Acc.counter: 0.5375, Acc.sand: 0.6837, Acc.sink: 0.8737, Acc.skyscraper: 0.6398, Acc.fireplace: 0.9507, Acc.refrigerator: 0.8928, Acc.grandstand: 0.8523, Acc.path: 0.3387, Acc.stairs: 0.4690, Acc.runway: 0.8991, Acc.case: 0.7999, Acc.pool table: 0.9835, Acc.pillow: 0.6457, Acc.screen door: 0.8402, Acc.stairway: 0.4809, Acc.river: 0.3103, Acc.bridge: 0.6967, Acc.bookcase: 0.5862, Acc.blind: 0.4362, Acc.coffee table: 0.8703, Acc.toilet: 0.9254, Acc.flower: 0.5851, Acc.book: 0.7030, Acc.hill: 0.1923, Acc.bench: 0.6147, Acc.countertop: 0.7311, Acc.stove: 0.9203, Acc.palm: 0.8177, Acc.kitchen island: 0.7579, Acc.computer: 0.9144, Acc.swivel chair: 0.7795, Acc.boat: 0.9185, Acc.bar: 0.8772, Acc.arcade machine: 0.9043, Acc.hovel: 0.3124, Acc.bus: 0.9753, Acc.towel: 0.8686, Acc.light: 0.6738, Acc.truck: 0.6030, Acc.tower: 0.3848, Acc.chandelier: 0.8784, Acc.awning: 0.5975, Acc.streetlight: 0.5291, Acc.booth: 0.6823, Acc.television receiver: 0.8812, Acc.airplane: 0.9419, Acc.dirt track: 0.2413, Acc.apparel: 0.8357, Acc.pole: 0.3741, Acc.land: 0.0487, Acc.bannister: 0.2508, Acc.escalator: 0.8569, Acc.ottoman: 0.7090, Acc.bottle: 0.7085, Acc.buffet: 0.6879, Acc.poster: 0.3741, Acc.stage: 0.4952, Acc.van: 0.6027, Acc.ship: 0.6644, Acc.fountain: 0.3032, Acc.conveyer belt: 0.9264, Acc.canopy: 0.6564, Acc.washer: 0.9095, Acc.plaything: 0.4959, Acc.swimming pool: 0.7657, Acc.stool: 0.7149, Acc.barrel: 0.7152, Acc.basket: 0.6122, Acc.waterfall: 0.6026, Acc.tent: 0.9802, Acc.bag: 0.2448, Acc.minibike: 0.8970, Acc.cradle: 0.9726, Acc.oven: 0.7662, Acc.ball: 0.5169, Acc.food: 0.7102, Acc.step: 0.2336, Acc.tank: 0.8540, Acc.trade name: 0.3295, Acc.microwave: 0.9609, Acc.pot: 0.6802, Acc.animal: 0.6428, Acc.bicycle: 0.8299, Acc.lake: 0.6943, Acc.dishwasher: 0.8333, Acc.screen: 0.9395, Acc.blanket: 0.3073, Acc.sculpture: 0.8812, Acc.hood: 0.7363, Acc.sconce: 0.7208, Acc.vase: 0.6868, Acc.traffic light: 0.6308, Acc.tray: 0.2676, Acc.ashcan: 0.6367, Acc.fan: 0.8099, Acc.pier: 0.4259, Acc.crt screen: 0.1487, Acc.plate: 0.8000, Acc.monitor: 0.2995, Acc.bulletin board: 0.7064, Acc.shower: 0.1437, Acc.radiator: 0.7517, Acc.glass: 0.2233, Acc.clock: 0.6176, Acc.flag: 0.8063 2023-11-02 21:38:38,778 - mmseg - INFO - Iter [39050/80000] lr: 1.658e-06, eta: 20:37:11, time: 3.382, data_time: 1.726, memory: 69173, decode.loss_ce: 0.1690, decode.acc_seg: 92.6892, aux.loss_ce: 0.0907, aux.acc_seg: 90.7309, loss: 0.2597 2023-11-02 21:40:01,867 - mmseg - INFO - Iter [39100/80000] lr: 1.656e-06, eta: 20:35:33, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1811, decode.acc_seg: 92.0448, aux.loss_ce: 0.1012, aux.acc_seg: 89.5814, loss: 0.2823 2023-11-02 21:41:24,945 - mmseg - INFO - Iter [39150/80000] lr: 1.654e-06, eta: 20:33:54, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1771, decode.acc_seg: 92.4448, aux.loss_ce: 0.0967, aux.acc_seg: 90.2330, loss: 0.2738 2023-11-02 21:42:50,377 - mmseg - INFO - Iter [39200/80000] lr: 1.652e-06, eta: 20:32:18, time: 1.709, data_time: 0.054, memory: 69173, decode.loss_ce: 0.1590, decode.acc_seg: 92.9257, aux.loss_ce: 0.0870, aux.acc_seg: 91.1154, loss: 0.2460 2023-11-02 21:44:13,479 - mmseg - INFO - Iter [39250/80000] lr: 1.650e-06, eta: 20:30:40, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1705, decode.acc_seg: 92.4148, aux.loss_ce: 0.0917, aux.acc_seg: 90.5088, loss: 0.2622 2023-11-02 21:45:36,546 - mmseg - INFO - Iter [39300/80000] lr: 1.648e-06, eta: 20:29:01, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1709, decode.acc_seg: 92.4723, aux.loss_ce: 0.0919, aux.acc_seg: 90.4021, loss: 0.2628 2023-11-02 21:46:59,616 - mmseg - INFO - Iter [39350/80000] lr: 1.646e-06, eta: 20:27:23, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1678, decode.acc_seg: 92.6590, aux.loss_ce: 0.0910, aux.acc_seg: 90.6884, loss: 0.2588 2023-11-02 21:48:22,696 - mmseg - INFO - Iter [39400/80000] lr: 1.644e-06, eta: 20:25:45, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1694, decode.acc_seg: 92.6624, aux.loss_ce: 0.0900, aux.acc_seg: 90.9305, loss: 0.2594 2023-11-02 21:49:45,782 - mmseg - INFO - Iter [39450/80000] lr: 1.642e-06, eta: 20:24:06, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1799, decode.acc_seg: 92.3278, aux.loss_ce: 0.0986, aux.acc_seg: 90.1262, loss: 0.2785 2023-11-02 21:51:08,886 - mmseg - INFO - Iter [39500/80000] lr: 1.640e-06, eta: 20:22:28, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1736, decode.acc_seg: 92.6090, aux.loss_ce: 0.0934, aux.acc_seg: 90.3749, loss: 0.2670 2023-11-02 21:52:31,985 - mmseg - INFO - Iter [39550/80000] lr: 1.638e-06, eta: 20:20:50, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1704, decode.acc_seg: 92.7166, aux.loss_ce: 0.0962, aux.acc_seg: 90.2071, loss: 0.2666 2023-11-02 21:53:55,057 - mmseg - INFO - Iter [39600/80000] lr: 1.636e-06, eta: 20:19:12, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1682, decode.acc_seg: 92.7578, aux.loss_ce: 0.0917, aux.acc_seg: 90.7631, loss: 0.2599 2023-11-02 21:55:18,137 - mmseg - INFO - Iter [39650/80000] lr: 1.634e-06, eta: 20:17:34, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1581, decode.acc_seg: 93.2598, aux.loss_ce: 0.0858, aux.acc_seg: 91.3529, loss: 0.2439 2023-11-02 21:56:41,213 - mmseg - INFO - Iter [39700/80000] lr: 1.632e-06, eta: 20:15:56, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1622, decode.acc_seg: 92.9008, aux.loss_ce: 0.0846, aux.acc_seg: 91.3890, loss: 0.2467 2023-11-02 21:58:04,263 - mmseg - INFO - Iter [39750/80000] lr: 1.630e-06, eta: 20:14:17, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1723, decode.acc_seg: 92.7735, aux.loss_ce: 0.0898, aux.acc_seg: 90.8825, loss: 0.2621 2023-11-02 21:59:27,376 - mmseg - INFO - Iter [39800/80000] lr: 1.628e-06, eta: 20:12:39, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1696, decode.acc_seg: 92.6709, aux.loss_ce: 0.0898, aux.acc_seg: 90.8369, loss: 0.2594 2023-11-02 22:00:50,472 - mmseg - INFO - Iter [39850/80000] lr: 1.626e-06, eta: 20:11:02, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1707, decode.acc_seg: 92.7125, aux.loss_ce: 0.0936, aux.acc_seg: 90.5172, loss: 0.2642 2023-11-02 22:02:13,569 - mmseg - INFO - Iter [39900/80000] lr: 1.624e-06, eta: 20:09:24, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1678, decode.acc_seg: 92.7940, aux.loss_ce: 0.0919, aux.acc_seg: 90.7820, loss: 0.2597 2023-11-02 22:03:36,674 - mmseg - INFO - Iter [39950/80000] lr: 1.622e-06, eta: 20:07:46, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1650, decode.acc_seg: 92.6983, aux.loss_ce: 0.0864, aux.acc_seg: 91.0642, loss: 0.2514 2023-11-02 22:04:59,772 - mmseg - INFO - Saving checkpoint at 40000 iterations 2023-11-02 22:06:01,004 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 22:06:01,005 - mmseg - INFO - Iter [40000/80000] lr: 1.620e-06, eta: 20:07:09, time: 2.887, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1710, decode.acc_seg: 92.6249, aux.loss_ce: 0.0911, aux.acc_seg: 90.7611, loss: 0.2621 2023-11-02 22:07:27,598 - mmseg - INFO - per class results: 2023-11-02 22:07:27,604 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.45 | 90.24 | | building | 84.56 | 92.01 | | sky | 95.02 | 97.62 | | floor | 84.35 | 91.43 | | tree | 77.75 | 88.42 | | ceiling | 87.46 | 93.25 | | road | 87.56 | 91.13 | | bed | 92.6 | 97.41 | | windowpane | 65.83 | 83.24 | | grass | 68.18 | 84.08 | | cabinet | 67.16 | 76.48 | | sidewalk | 72.84 | 85.81 | | person | 84.82 | 94.58 | | earth | 38.67 | 51.27 | | door | 60.25 | 75.81 | | table | 68.42 | 79.34 | | mountain | 62.01 | 72.45 | | plant | 58.6 | 68.97 | | curtain | 77.53 | 87.25 | | chair | 66.42 | 78.34 | | car | 87.08 | 93.48 | | water | 63.3 | 81.89 | | painting | 79.51 | 89.14 | | sofa | 80.91 | 90.21 | | shelf | 47.57 | 69.82 | | house | 52.97 | 85.34 | | sea | 73.05 | 83.15 | | mirror | 77.58 | 85.07 | | rug | 67.77 | 77.78 | | field | 31.93 | 56.86 | | armchair | 60.52 | 78.04 | | seat | 69.82 | 87.44 | | fence | 52.89 | 77.03 | | desk | 56.9 | 81.15 | | rock | 52.95 | 82.9 | | wardrobe | 55.48 | 72.24 | | lamp | 74.53 | 85.79 | | bathtub | 90.46 | 93.52 | | railing | 41.96 | 61.05 | | cushion | 67.86 | 79.15 | | base | 40.14 | 58.73 | | box | 39.82 | 54.61 | | column | 52.8 | 61.98 | | signboard | 41.7 | 59.45 | | chest of drawers | 43.35 | 66.67 | | counter | 44.38 | 49.58 | | sand | 49.05 | 67.88 | | sink | 80.45 | 84.88 | | skyscraper | 46.35 | 59.43 | | fireplace | 74.82 | 95.26 | | refrigerator | 86.4 | 93.98 | | grandstand | 62.61 | 83.97 | | path | 32.66 | 49.92 | | stairs | 46.55 | 61.02 | | runway | 72.96 | 94.73 | | case | 58.96 | 75.28 | | pool table | 93.6 | 98.57 | | pillow | 66.29 | 78.5 | | screen door | 69.84 | 71.58 | | stairway | 30.93 | 37.24 | | river | 18.33 | 28.34 | | bridge | 54.52 | 63.85 | | bookcase | 43.19 | 59.58 | | blind | 40.76 | 42.43 | | coffee table | 69.71 | 85.23 | | toilet | 89.0 | 93.48 | | flower | 41.04 | 52.72 | | book | 53.29 | 72.52 | | hill | 10.58 | 26.47 | | bench | 58.27 | 71.71 | | countertop | 64.29 | 84.82 | | stove | 84.79 | 94.33 | | palm | 54.22 | 81.04 | | kitchen island | 47.14 | 84.73 | | computer | 78.13 | 92.3 | | swivel chair | 48.96 | 75.42 | | boat | 71.54 | 88.66 | | bar | 64.6 | 84.41 | | arcade machine | 88.4 | 94.91 | | hovel | 28.07 | 30.78 | | bus | 94.19 | 98.02 | | towel | 75.44 | 83.59 | | light | 62.22 | 71.43 | | truck | 48.4 | 67.47 | | tower | 17.52 | 28.4 | | chandelier | 73.58 | 88.82 | | awning | 45.75 | 53.31 | | streetlight | 37.67 | 48.56 | | booth | 66.04 | 70.65 | | television receiver | 79.37 | 87.93 | | airplane | 85.18 | 96.92 | | dirt track | 4.43 | 18.68 | | apparel | 58.99 | 76.03 | | pole | 28.42 | 41.94 | | land | 3.47 | 4.87 | | bannister | 19.31 | 24.16 | | escalator | 60.38 | 86.62 | | ottoman | 54.29 | 73.75 | | bottle | 43.84 | 72.71 | | buffet | 60.18 | 69.32 | | poster | 31.49 | 38.65 | | stage | 17.32 | 33.62 | | van | 43.33 | 61.72 | | ship | 24.99 | 25.92 | | fountain | 21.7 | 22.22 | | conveyer belt | 76.53 | 92.74 | | canopy | 56.03 | 76.85 | | washer | 84.54 | 89.36 | | plaything | 30.54 | 48.67 | | swimming pool | 52.97 | 75.7 | | stool | 54.21 | 70.77 | | barrel | 44.79 | 89.71 | | basket | 40.56 | 46.93 | | waterfall | 47.73 | 57.05 | | tent | 91.8 | 97.9 | | bag | 28.04 | 32.44 | | minibike | 75.55 | 89.38 | | cradle | 87.58 | 98.13 | | oven | 56.35 | 82.77 | | ball | 54.67 | 57.6 | | food | 58.82 | 63.25 | | step | 14.44 | 17.77 | | tank | 67.24 | 71.97 | | trade name | 19.45 | 21.28 | | microwave | 90.56 | 96.12 | | pot | 59.54 | 67.84 | | animal | 61.68 | 63.78 | | bicycle | 63.34 | 82.88 | | lake | 63.16 | 63.64 | | dishwasher | 44.15 | 46.27 | | screen | 61.85 | 88.03 | | blanket | 32.55 | 38.6 | | sculpture | 75.38 | 87.15 | | hood | 68.89 | 83.18 | | sconce | 59.04 | 73.06 | | vase | 45.67 | 61.53 | | traffic light | 37.27 | 59.68 | | tray | 19.16 | 24.46 | | ashcan | 52.87 | 67.96 | | fan | 68.76 | 79.6 | | pier | 38.47 | 41.41 | | crt screen | 8.83 | 24.21 | | plate | 61.87 | 74.34 | | monitor | 15.54 | 17.26 | | bulletin board | 63.54 | 72.17 | | shower | 7.78 | 10.84 | | radiator | 61.2 | 78.01 | | glass | 20.41 | 21.6 | | clock | 52.56 | 66.79 | | flag | 71.09 | 81.51 | +---------------------+-------+-------+ 2023-11-02 22:07:27,604 - mmseg - INFO - Summary: 2023-11-02 22:07:27,604 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.08 | 56.76 | 69.32 | +-------+-------+-------+ 2023-11-02 22:07:27,605 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 22:07:27,605 - mmseg - INFO - Iter(val) [250] aAcc: 0.8608, mIoU: 0.5676, mAcc: 0.6932, IoU.wall: 0.8245, IoU.building: 0.8456, IoU.sky: 0.9502, IoU.floor: 0.8435, IoU.tree: 0.7775, IoU.ceiling: 0.8746, IoU.road: 0.8756, IoU.bed : 0.9260, IoU.windowpane: 0.6583, IoU.grass: 0.6818, IoU.cabinet: 0.6716, IoU.sidewalk: 0.7284, IoU.person: 0.8482, IoU.earth: 0.3867, IoU.door: 0.6025, IoU.table: 0.6842, IoU.mountain: 0.6201, IoU.plant: 0.5860, IoU.curtain: 0.7753, IoU.chair: 0.6642, IoU.car: 0.8708, IoU.water: 0.6330, IoU.painting: 0.7951, IoU.sofa: 0.8091, IoU.shelf: 0.4757, IoU.house: 0.5297, IoU.sea: 0.7305, IoU.mirror: 0.7758, IoU.rug: 0.6777, IoU.field: 0.3193, IoU.armchair: 0.6052, IoU.seat: 0.6982, IoU.fence: 0.5289, IoU.desk: 0.5690, IoU.rock: 0.5295, IoU.wardrobe: 0.5548, IoU.lamp: 0.7453, IoU.bathtub: 0.9046, IoU.railing: 0.4196, IoU.cushion: 0.6786, IoU.base: 0.4014, IoU.box: 0.3982, IoU.column: 0.5280, IoU.signboard: 0.4170, IoU.chest of drawers: 0.4335, IoU.counter: 0.4438, IoU.sand: 0.4905, IoU.sink: 0.8045, IoU.skyscraper: 0.4635, IoU.fireplace: 0.7482, IoU.refrigerator: 0.8640, IoU.grandstand: 0.6261, IoU.path: 0.3266, IoU.stairs: 0.4655, IoU.runway: 0.7296, IoU.case: 0.5896, IoU.pool table: 0.9360, IoU.pillow: 0.6629, IoU.screen door: 0.6984, IoU.stairway: 0.3093, IoU.river: 0.1833, IoU.bridge: 0.5452, IoU.bookcase: 0.4319, IoU.blind: 0.4076, IoU.coffee table: 0.6971, IoU.toilet: 0.8900, IoU.flower: 0.4104, IoU.book: 0.5329, IoU.hill: 0.1058, IoU.bench: 0.5827, IoU.countertop: 0.6429, IoU.stove: 0.8479, IoU.palm: 0.5422, IoU.kitchen island: 0.4714, IoU.computer: 0.7813, IoU.swivel chair: 0.4896, IoU.boat: 0.7154, IoU.bar: 0.6460, IoU.arcade machine: 0.8840, IoU.hovel: 0.2807, IoU.bus: 0.9419, IoU.towel: 0.7544, IoU.light: 0.6222, IoU.truck: 0.4840, IoU.tower: 0.1752, IoU.chandelier: 0.7358, IoU.awning: 0.4575, IoU.streetlight: 0.3767, IoU.booth: 0.6604, IoU.television receiver: 0.7937, IoU.airplane: 0.8518, IoU.dirt track: 0.0443, IoU.apparel: 0.5899, IoU.pole: 0.2842, IoU.land: 0.0347, IoU.bannister: 0.1931, IoU.escalator: 0.6038, IoU.ottoman: 0.5429, IoU.bottle: 0.4384, IoU.buffet: 0.6018, IoU.poster: 0.3149, IoU.stage: 0.1732, IoU.van: 0.4333, IoU.ship: 0.2499, IoU.fountain: 0.2170, IoU.conveyer belt: 0.7653, IoU.canopy: 0.5603, IoU.washer: 0.8454, IoU.plaything: 0.3054, IoU.swimming pool: 0.5297, IoU.stool: 0.5421, IoU.barrel: 0.4479, IoU.basket: 0.4056, IoU.waterfall: 0.4773, IoU.tent: 0.9180, IoU.bag: 0.2804, IoU.minibike: 0.7555, IoU.cradle: 0.8758, IoU.oven: 0.5635, IoU.ball: 0.5467, IoU.food: 0.5882, IoU.step: 0.1444, IoU.tank: 0.6724, IoU.trade name: 0.1945, IoU.microwave: 0.9056, IoU.pot: 0.5954, IoU.animal: 0.6168, IoU.bicycle: 0.6334, IoU.lake: 0.6316, IoU.dishwasher: 0.4415, IoU.screen: 0.6185, IoU.blanket: 0.3255, IoU.sculpture: 0.7538, IoU.hood: 0.6889, IoU.sconce: 0.5904, IoU.vase: 0.4567, IoU.traffic light: 0.3727, IoU.tray: 0.1916, IoU.ashcan: 0.5287, IoU.fan: 0.6876, IoU.pier: 0.3847, IoU.crt screen: 0.0883, IoU.plate: 0.6187, IoU.monitor: 0.1554, IoU.bulletin board: 0.6354, IoU.shower: 0.0778, IoU.radiator: 0.6120, IoU.glass: 0.2041, IoU.clock: 0.5256, IoU.flag: 0.7109, Acc.wall: 0.9024, Acc.building: 0.9201, Acc.sky: 0.9762, Acc.floor: 0.9143, Acc.tree: 0.8842, Acc.ceiling: 0.9325, Acc.road: 0.9113, Acc.bed : 0.9741, Acc.windowpane: 0.8324, Acc.grass: 0.8408, Acc.cabinet: 0.7648, Acc.sidewalk: 0.8581, Acc.person: 0.9458, Acc.earth: 0.5127, Acc.door: 0.7581, Acc.table: 0.7934, Acc.mountain: 0.7245, Acc.plant: 0.6897, Acc.curtain: 0.8725, Acc.chair: 0.7834, Acc.car: 0.9348, Acc.water: 0.8189, Acc.painting: 0.8914, Acc.sofa: 0.9021, Acc.shelf: 0.6982, Acc.house: 0.8534, Acc.sea: 0.8315, Acc.mirror: 0.8507, Acc.rug: 0.7778, Acc.field: 0.5686, Acc.armchair: 0.7804, Acc.seat: 0.8744, Acc.fence: 0.7703, Acc.desk: 0.8115, Acc.rock: 0.8290, Acc.wardrobe: 0.7224, Acc.lamp: 0.8579, Acc.bathtub: 0.9352, Acc.railing: 0.6105, Acc.cushion: 0.7915, Acc.base: 0.5873, Acc.box: 0.5461, Acc.column: 0.6198, Acc.signboard: 0.5945, Acc.chest of drawers: 0.6667, Acc.counter: 0.4958, Acc.sand: 0.6788, Acc.sink: 0.8488, Acc.skyscraper: 0.5943, Acc.fireplace: 0.9526, Acc.refrigerator: 0.9398, Acc.grandstand: 0.8397, Acc.path: 0.4992, Acc.stairs: 0.6102, Acc.runway: 0.9473, Acc.case: 0.7528, Acc.pool table: 0.9857, Acc.pillow: 0.7850, Acc.screen door: 0.7158, Acc.stairway: 0.3724, Acc.river: 0.2834, Acc.bridge: 0.6385, Acc.bookcase: 0.5958, Acc.blind: 0.4243, Acc.coffee table: 0.8523, Acc.toilet: 0.9348, Acc.flower: 0.5272, Acc.book: 0.7252, Acc.hill: 0.2647, Acc.bench: 0.7171, Acc.countertop: 0.8482, Acc.stove: 0.9433, Acc.palm: 0.8104, Acc.kitchen island: 0.8473, Acc.computer: 0.9230, Acc.swivel chair: 0.7542, Acc.boat: 0.8866, Acc.bar: 0.8441, Acc.arcade machine: 0.9491, Acc.hovel: 0.3078, Acc.bus: 0.9802, Acc.towel: 0.8359, Acc.light: 0.7143, Acc.truck: 0.6747, Acc.tower: 0.2840, Acc.chandelier: 0.8882, Acc.awning: 0.5331, Acc.streetlight: 0.4856, Acc.booth: 0.7065, Acc.television receiver: 0.8793, Acc.airplane: 0.9692, Acc.dirt track: 0.1868, Acc.apparel: 0.7603, Acc.pole: 0.4194, Acc.land: 0.0487, Acc.bannister: 0.2416, Acc.escalator: 0.8662, Acc.ottoman: 0.7375, Acc.bottle: 0.7271, Acc.buffet: 0.6932, Acc.poster: 0.3865, Acc.stage: 0.3362, Acc.van: 0.6172, Acc.ship: 0.2592, Acc.fountain: 0.2222, Acc.conveyer belt: 0.9274, Acc.canopy: 0.7685, Acc.washer: 0.8936, Acc.plaything: 0.4867, Acc.swimming pool: 0.7570, Acc.stool: 0.7077, Acc.barrel: 0.8971, Acc.basket: 0.4693, Acc.waterfall: 0.5705, Acc.tent: 0.9790, Acc.bag: 0.3244, Acc.minibike: 0.8938, Acc.cradle: 0.9813, Acc.oven: 0.8277, Acc.ball: 0.5760, Acc.food: 0.6325, Acc.step: 0.1777, Acc.tank: 0.7197, Acc.trade name: 0.2128, Acc.microwave: 0.9612, Acc.pot: 0.6784, Acc.animal: 0.6378, Acc.bicycle: 0.8288, Acc.lake: 0.6364, Acc.dishwasher: 0.4627, Acc.screen: 0.8803, Acc.blanket: 0.3860, Acc.sculpture: 0.8715, Acc.hood: 0.8318, Acc.sconce: 0.7306, Acc.vase: 0.6153, Acc.traffic light: 0.5968, Acc.tray: 0.2446, Acc.ashcan: 0.6796, Acc.fan: 0.7960, Acc.pier: 0.4141, Acc.crt screen: 0.2421, Acc.plate: 0.7434, Acc.monitor: 0.1726, Acc.bulletin board: 0.7217, Acc.shower: 0.1084, Acc.radiator: 0.7801, Acc.glass: 0.2160, Acc.clock: 0.6679, Acc.flag: 0.8151 2023-11-02 22:08:50,733 - mmseg - INFO - Iter [40050/80000] lr: 1.618e-06, eta: 20:06:58, time: 3.395, data_time: 1.740, memory: 69173, decode.loss_ce: 0.1766, decode.acc_seg: 92.4352, aux.loss_ce: 0.0950, aux.acc_seg: 90.3964, loss: 0.2716 2023-11-02 22:10:13,840 - mmseg - INFO - Iter [40100/80000] lr: 1.616e-06, eta: 20:05:19, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1743, decode.acc_seg: 92.3343, aux.loss_ce: 0.0943, aux.acc_seg: 90.3228, loss: 0.2686 2023-11-02 22:11:36,919 - mmseg - INFO - Iter [40150/80000] lr: 1.614e-06, eta: 20:03:41, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1733, decode.acc_seg: 92.5146, aux.loss_ce: 0.0959, aux.acc_seg: 90.1058, loss: 0.2692 2023-11-02 22:12:59,954 - mmseg - INFO - Iter [40200/80000] lr: 1.612e-06, eta: 20:02:03, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1674, decode.acc_seg: 92.6440, aux.loss_ce: 0.0900, aux.acc_seg: 90.6878, loss: 0.2575 2023-11-02 22:14:23,048 - mmseg - INFO - Iter [40250/80000] lr: 1.610e-06, eta: 20:00:25, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1704, decode.acc_seg: 92.5566, aux.loss_ce: 0.0915, aux.acc_seg: 90.4946, loss: 0.2619 2023-11-02 22:15:46,060 - mmseg - INFO - Iter [40300/80000] lr: 1.608e-06, eta: 19:58:47, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1662, decode.acc_seg: 92.8503, aux.loss_ce: 0.0967, aux.acc_seg: 90.2502, loss: 0.2629 2023-11-02 22:17:09,068 - mmseg - INFO - Iter [40350/80000] lr: 1.606e-06, eta: 19:57:09, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1696, decode.acc_seg: 92.5933, aux.loss_ce: 0.0906, aux.acc_seg: 90.7359, loss: 0.2602 2023-11-02 22:18:32,132 - mmseg - INFO - Iter [40400/80000] lr: 1.604e-06, eta: 19:55:31, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1824, decode.acc_seg: 92.2226, aux.loss_ce: 0.1003, aux.acc_seg: 89.7834, loss: 0.2827 2023-11-02 22:19:57,695 - mmseg - INFO - Iter [40450/80000] lr: 1.602e-06, eta: 19:53:56, time: 1.711, data_time: 0.057, memory: 69173, decode.loss_ce: 0.1698, decode.acc_seg: 92.6900, aux.loss_ce: 0.0900, aux.acc_seg: 90.9126, loss: 0.2598 2023-11-02 22:21:20,768 - mmseg - INFO - Iter [40500/80000] lr: 1.600e-06, eta: 19:52:18, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1675, decode.acc_seg: 92.7089, aux.loss_ce: 0.0903, aux.acc_seg: 90.7766, loss: 0.2578 2023-11-02 22:22:43,833 - mmseg - INFO - Iter [40550/80000] lr: 1.598e-06, eta: 19:50:40, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1619, decode.acc_seg: 93.0863, aux.loss_ce: 0.0853, aux.acc_seg: 91.3106, loss: 0.2472 2023-11-02 22:24:07,088 - mmseg - INFO - Iter [40600/80000] lr: 1.596e-06, eta: 19:49:02, time: 1.665, data_time: 0.011, memory: 69173, decode.loss_ce: 0.1680, decode.acc_seg: 92.6303, aux.loss_ce: 0.0921, aux.acc_seg: 90.4985, loss: 0.2601 2023-11-02 22:25:30,117 - mmseg - INFO - Iter [40650/80000] lr: 1.594e-06, eta: 19:47:25, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1709, decode.acc_seg: 92.6976, aux.loss_ce: 0.0911, aux.acc_seg: 90.8817, loss: 0.2620 2023-11-02 22:26:53,159 - mmseg - INFO - Iter [40700/80000] lr: 1.592e-06, eta: 19:45:47, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1774, decode.acc_seg: 92.3742, aux.loss_ce: 0.0944, aux.acc_seg: 90.2350, loss: 0.2718 2023-11-02 22:28:16,212 - mmseg - INFO - Iter [40750/80000] lr: 1.590e-06, eta: 19:44:09, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1688, decode.acc_seg: 92.9190, aux.loss_ce: 0.0896, aux.acc_seg: 90.9971, loss: 0.2584 2023-11-02 22:29:39,265 - mmseg - INFO - Iter [40800/80000] lr: 1.588e-06, eta: 19:42:31, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1572, decode.acc_seg: 93.1727, aux.loss_ce: 0.0847, aux.acc_seg: 91.3333, loss: 0.2419 2023-11-02 22:31:02,305 - mmseg - INFO - Iter [40850/80000] lr: 1.586e-06, eta: 19:40:54, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1717, decode.acc_seg: 92.6345, aux.loss_ce: 0.0932, aux.acc_seg: 90.4439, loss: 0.2649 2023-11-02 22:32:25,355 - mmseg - INFO - Iter [40900/80000] lr: 1.583e-06, eta: 19:39:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1629, decode.acc_seg: 92.9581, aux.loss_ce: 0.0895, aux.acc_seg: 90.8633, loss: 0.2524 2023-11-02 22:33:48,404 - mmseg - INFO - Iter [40950/80000] lr: 1.581e-06, eta: 19:37:39, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1609, decode.acc_seg: 93.3401, aux.loss_ce: 0.0884, aux.acc_seg: 91.0002, loss: 0.2493 2023-11-02 22:35:11,427 - mmseg - INFO - Saving checkpoint at 41000 iterations 2023-11-02 22:36:12,986 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 22:36:12,986 - mmseg - INFO - Iter [41000/80000] lr: 1.579e-06, eta: 19:37:00, time: 2.892, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1724, decode.acc_seg: 92.7715, aux.loss_ce: 0.0920, aux.acc_seg: 90.7941, loss: 0.2644 2023-11-02 22:37:38,456 - mmseg - INFO - per class results: 2023-11-02 22:37:38,461 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.25 | 89.36 | | building | 84.38 | 93.37 | | sky | 94.94 | 97.32 | | floor | 85.34 | 92.18 | | tree | 77.19 | 90.72 | | ceiling | 87.95 | 94.49 | | road | 87.01 | 91.46 | | bed | 92.9 | 97.14 | | windowpane | 66.38 | 82.53 | | grass | 68.86 | 82.5 | | cabinet | 65.36 | 81.08 | | sidewalk | 71.15 | 82.83 | | person | 85.29 | 94.13 | | earth | 39.89 | 53.27 | | door | 62.27 | 79.82 | | table | 69.43 | 78.85 | | mountain | 63.73 | 75.53 | | plant | 56.99 | 68.1 | | curtain | 76.65 | 86.98 | | chair | 66.68 | 80.13 | | car | 87.31 | 94.4 | | water | 63.15 | 78.0 | | painting | 77.67 | 91.92 | | sofa | 78.42 | 91.04 | | shelf | 47.47 | 62.38 | | house | 46.84 | 60.7 | | sea | 75.95 | 88.12 | | mirror | 76.2 | 84.88 | | rug | 69.07 | 78.59 | | field | 29.79 | 48.69 | | armchair | 63.61 | 80.05 | | seat | 60.15 | 76.67 | | fence | 50.99 | 66.87 | | desk | 57.02 | 75.75 | | rock | 55.76 | 84.52 | | wardrobe | 56.96 | 71.22 | | lamp | 74.63 | 87.06 | | bathtub | 90.39 | 92.42 | | railing | 43.04 | 58.14 | | cushion | 68.38 | 82.37 | | base | 41.16 | 59.38 | | box | 37.4 | 45.95 | | column | 55.05 | 67.2 | | signboard | 40.58 | 52.28 | | chest of drawers | 45.33 | 63.78 | | counter | 42.99 | 50.89 | | sand | 55.16 | 84.47 | | sink | 80.78 | 86.63 | | skyscraper | 50.98 | 65.08 | | fireplace | 73.87 | 97.37 | | refrigerator | 86.52 | 95.08 | | grandstand | 52.61 | 82.11 | | path | 33.41 | 43.08 | | stairs | 34.72 | 42.69 | | runway | 67.87 | 88.07 | | case | 62.0 | 76.93 | | pool table | 94.69 | 97.75 | | pillow | 65.78 | 75.41 | | screen door | 67.5 | 69.45 | | stairway | 29.54 | 49.6 | | river | 17.53 | 29.26 | | bridge | 63.23 | 71.69 | | bookcase | 46.66 | 61.57 | | blind | 40.79 | 45.76 | | coffee table | 67.64 | 85.95 | | toilet | 89.51 | 92.36 | | flower | 38.46 | 56.21 | | book | 51.46 | 70.64 | | hill | 7.3 | 11.4 | | bench | 61.61 | 68.78 | | countertop | 68.34 | 87.16 | | stove | 85.14 | 91.91 | | palm | 55.49 | 78.87 | | kitchen island | 45.83 | 77.6 | | computer | 80.74 | 91.15 | | swivel chair | 48.03 | 70.36 | | boat | 67.34 | 91.52 | | bar | 62.58 | 83.55 | | arcade machine | 78.47 | 85.27 | | hovel | 24.01 | 26.07 | | bus | 93.85 | 97.42 | | towel | 74.37 | 88.29 | | light | 62.67 | 73.2 | | truck | 51.15 | 67.39 | | tower | 33.2 | 60.18 | | chandelier | 74.17 | 87.78 | | awning | 47.4 | 59.69 | | streetlight | 37.09 | 49.57 | | booth | 50.01 | 64.12 | | television receiver | 79.81 | 88.95 | | airplane | 86.0 | 95.9 | | dirt track | 4.18 | 20.97 | | apparel | 54.81 | 79.27 | | pole | 28.68 | 40.27 | | land | 7.34 | 10.05 | | bannister | 18.76 | 25.25 | | escalator | 61.94 | 80.86 | | ottoman | 55.12 | 80.36 | | bottle | 44.9 | 73.84 | | buffet | 35.0 | 38.84 | | poster | 38.04 | 47.59 | | stage | 20.37 | 40.04 | | van | 44.64 | 57.98 | | ship | 85.11 | 89.48 | | fountain | 31.37 | 33.76 | | conveyer belt | 76.35 | 93.44 | | canopy | 59.12 | 72.15 | | washer | 87.81 | 93.69 | | plaything | 27.86 | 44.26 | | swimming pool | 58.24 | 85.64 | | stool | 54.15 | 66.63 | | barrel | 60.05 | 72.11 | | basket | 46.22 | 58.34 | | waterfall | 45.64 | 56.47 | | tent | 92.07 | 98.37 | | bag | 24.58 | 27.72 | | minibike | 74.35 | 88.62 | | cradle | 87.77 | 98.13 | | oven | 62.78 | 82.97 | | ball | 58.47 | 75.25 | | food | 55.87 | 63.15 | | step | 19.5 | 24.3 | | tank | 64.12 | 67.42 | | trade name | 29.97 | 34.46 | | microwave | 90.45 | 96.16 | | pot | 60.33 | 69.81 | | animal | 63.73 | 65.51 | | bicycle | 63.77 | 80.58 | | lake | 60.86 | 68.27 | | dishwasher | 68.18 | 71.51 | | screen | 60.99 | 93.44 | | blanket | 27.87 | 30.74 | | sculpture | 78.02 | 87.01 | | hood | 58.6 | 72.75 | | sconce | 62.33 | 76.02 | | vase | 45.65 | 62.98 | | traffic light | 36.5 | 64.93 | | tray | 21.27 | 31.84 | | ashcan | 52.72 | 67.86 | | fan | 69.48 | 83.79 | | pier | 41.42 | 45.84 | | crt screen | 9.52 | 23.39 | | plate | 60.61 | 79.62 | | monitor | 22.02 | 25.87 | | bulletin board | 64.13 | 74.03 | | shower | 0.21 | 0.21 | | radiator | 64.35 | 81.37 | | glass | 21.87 | 23.82 | | clock | 50.6 | 67.35 | | flag | 71.8 | 76.54 | +---------------------+-------+-------+ 2023-11-02 22:37:38,461 - mmseg - INFO - Summary: 2023-11-02 22:37:38,461 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.15 | 57.38 | 69.94 | +-------+-------+-------+ 2023-11-02 22:37:38,462 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 22:37:38,463 - mmseg - INFO - Iter(val) [250] aAcc: 0.8615, mIoU: 0.5738, mAcc: 0.6994, IoU.wall: 0.8225, IoU.building: 0.8438, IoU.sky: 0.9494, IoU.floor: 0.8534, IoU.tree: 0.7719, IoU.ceiling: 0.8795, IoU.road: 0.8701, IoU.bed : 0.9290, IoU.windowpane: 0.6638, IoU.grass: 0.6886, IoU.cabinet: 0.6536, IoU.sidewalk: 0.7115, IoU.person: 0.8529, IoU.earth: 0.3989, IoU.door: 0.6227, IoU.table: 0.6943, IoU.mountain: 0.6373, IoU.plant: 0.5699, IoU.curtain: 0.7665, IoU.chair: 0.6668, IoU.car: 0.8731, IoU.water: 0.6315, IoU.painting: 0.7767, IoU.sofa: 0.7842, IoU.shelf: 0.4747, IoU.house: 0.4684, IoU.sea: 0.7595, IoU.mirror: 0.7620, IoU.rug: 0.6907, IoU.field: 0.2979, IoU.armchair: 0.6361, IoU.seat: 0.6015, IoU.fence: 0.5099, IoU.desk: 0.5702, IoU.rock: 0.5576, IoU.wardrobe: 0.5696, IoU.lamp: 0.7463, IoU.bathtub: 0.9039, IoU.railing: 0.4304, IoU.cushion: 0.6838, IoU.base: 0.4116, IoU.box: 0.3740, IoU.column: 0.5505, IoU.signboard: 0.4058, IoU.chest of drawers: 0.4533, IoU.counter: 0.4299, IoU.sand: 0.5516, IoU.sink: 0.8078, IoU.skyscraper: 0.5098, IoU.fireplace: 0.7387, IoU.refrigerator: 0.8652, IoU.grandstand: 0.5261, IoU.path: 0.3341, IoU.stairs: 0.3472, IoU.runway: 0.6787, IoU.case: 0.6200, IoU.pool table: 0.9469, IoU.pillow: 0.6578, IoU.screen door: 0.6750, IoU.stairway: 0.2954, IoU.river: 0.1753, IoU.bridge: 0.6323, IoU.bookcase: 0.4666, IoU.blind: 0.4079, IoU.coffee table: 0.6764, IoU.toilet: 0.8951, IoU.flower: 0.3846, IoU.book: 0.5146, IoU.hill: 0.0730, IoU.bench: 0.6161, IoU.countertop: 0.6834, IoU.stove: 0.8514, IoU.palm: 0.5549, IoU.kitchen island: 0.4583, IoU.computer: 0.8074, IoU.swivel chair: 0.4803, IoU.boat: 0.6734, IoU.bar: 0.6258, IoU.arcade machine: 0.7847, IoU.hovel: 0.2401, IoU.bus: 0.9385, IoU.towel: 0.7437, IoU.light: 0.6267, IoU.truck: 0.5115, IoU.tower: 0.3320, IoU.chandelier: 0.7417, IoU.awning: 0.4740, IoU.streetlight: 0.3709, IoU.booth: 0.5001, IoU.television receiver: 0.7981, IoU.airplane: 0.8600, IoU.dirt track: 0.0418, IoU.apparel: 0.5481, IoU.pole: 0.2868, IoU.land: 0.0734, IoU.bannister: 0.1876, IoU.escalator: 0.6194, IoU.ottoman: 0.5512, IoU.bottle: 0.4490, IoU.buffet: 0.3500, IoU.poster: 0.3804, IoU.stage: 0.2037, IoU.van: 0.4464, IoU.ship: 0.8511, IoU.fountain: 0.3137, IoU.conveyer belt: 0.7635, IoU.canopy: 0.5912, IoU.washer: 0.8781, IoU.plaything: 0.2786, IoU.swimming pool: 0.5824, IoU.stool: 0.5415, IoU.barrel: 0.6005, IoU.basket: 0.4622, IoU.waterfall: 0.4564, IoU.tent: 0.9207, IoU.bag: 0.2458, IoU.minibike: 0.7435, IoU.cradle: 0.8777, IoU.oven: 0.6278, IoU.ball: 0.5847, IoU.food: 0.5587, IoU.step: 0.1950, IoU.tank: 0.6412, IoU.trade name: 0.2997, IoU.microwave: 0.9045, IoU.pot: 0.6033, IoU.animal: 0.6373, IoU.bicycle: 0.6377, IoU.lake: 0.6086, IoU.dishwasher: 0.6818, IoU.screen: 0.6099, IoU.blanket: 0.2787, IoU.sculpture: 0.7802, IoU.hood: 0.5860, IoU.sconce: 0.6233, IoU.vase: 0.4565, IoU.traffic light: 0.3650, IoU.tray: 0.2127, IoU.ashcan: 0.5272, IoU.fan: 0.6948, IoU.pier: 0.4142, IoU.crt screen: 0.0952, IoU.plate: 0.6061, IoU.monitor: 0.2202, IoU.bulletin board: 0.6413, IoU.shower: 0.0021, IoU.radiator: 0.6435, IoU.glass: 0.2187, IoU.clock: 0.5060, IoU.flag: 0.7180, Acc.wall: 0.8936, Acc.building: 0.9337, Acc.sky: 0.9732, Acc.floor: 0.9218, Acc.tree: 0.9072, Acc.ceiling: 0.9449, Acc.road: 0.9146, Acc.bed : 0.9714, Acc.windowpane: 0.8253, Acc.grass: 0.8250, Acc.cabinet: 0.8108, Acc.sidewalk: 0.8283, Acc.person: 0.9413, Acc.earth: 0.5327, Acc.door: 0.7982, Acc.table: 0.7885, Acc.mountain: 0.7553, Acc.plant: 0.6810, Acc.curtain: 0.8698, Acc.chair: 0.8013, Acc.car: 0.9440, Acc.water: 0.7800, Acc.painting: 0.9192, Acc.sofa: 0.9104, Acc.shelf: 0.6238, Acc.house: 0.6070, Acc.sea: 0.8812, Acc.mirror: 0.8488, Acc.rug: 0.7859, Acc.field: 0.4869, Acc.armchair: 0.8005, Acc.seat: 0.7667, Acc.fence: 0.6687, Acc.desk: 0.7575, Acc.rock: 0.8452, Acc.wardrobe: 0.7122, Acc.lamp: 0.8706, Acc.bathtub: 0.9242, Acc.railing: 0.5814, Acc.cushion: 0.8237, Acc.base: 0.5938, Acc.box: 0.4595, Acc.column: 0.6720, Acc.signboard: 0.5228, Acc.chest of drawers: 0.6378, Acc.counter: 0.5089, Acc.sand: 0.8447, Acc.sink: 0.8663, Acc.skyscraper: 0.6508, Acc.fireplace: 0.9737, Acc.refrigerator: 0.9508, Acc.grandstand: 0.8211, Acc.path: 0.4308, Acc.stairs: 0.4269, Acc.runway: 0.8807, Acc.case: 0.7693, Acc.pool table: 0.9775, Acc.pillow: 0.7541, Acc.screen door: 0.6945, Acc.stairway: 0.4960, Acc.river: 0.2926, Acc.bridge: 0.7169, Acc.bookcase: 0.6157, Acc.blind: 0.4576, Acc.coffee table: 0.8595, Acc.toilet: 0.9236, Acc.flower: 0.5621, Acc.book: 0.7064, Acc.hill: 0.1140, Acc.bench: 0.6878, Acc.countertop: 0.8716, Acc.stove: 0.9191, Acc.palm: 0.7887, Acc.kitchen island: 0.7760, Acc.computer: 0.9115, Acc.swivel chair: 0.7036, Acc.boat: 0.9152, Acc.bar: 0.8355, Acc.arcade machine: 0.8527, Acc.hovel: 0.2607, Acc.bus: 0.9742, Acc.towel: 0.8829, Acc.light: 0.7320, Acc.truck: 0.6739, Acc.tower: 0.6018, Acc.chandelier: 0.8778, Acc.awning: 0.5969, Acc.streetlight: 0.4957, Acc.booth: 0.6412, Acc.television receiver: 0.8895, Acc.airplane: 0.9590, Acc.dirt track: 0.2097, Acc.apparel: 0.7927, Acc.pole: 0.4027, Acc.land: 0.1005, Acc.bannister: 0.2525, Acc.escalator: 0.8086, Acc.ottoman: 0.8036, Acc.bottle: 0.7384, Acc.buffet: 0.3884, Acc.poster: 0.4759, Acc.stage: 0.4004, Acc.van: 0.5798, Acc.ship: 0.8948, Acc.fountain: 0.3376, Acc.conveyer belt: 0.9344, Acc.canopy: 0.7215, Acc.washer: 0.9369, Acc.plaything: 0.4426, Acc.swimming pool: 0.8564, Acc.stool: 0.6663, Acc.barrel: 0.7211, Acc.basket: 0.5834, Acc.waterfall: 0.5647, Acc.tent: 0.9837, Acc.bag: 0.2772, Acc.minibike: 0.8862, Acc.cradle: 0.9813, Acc.oven: 0.8297, Acc.ball: 0.7525, Acc.food: 0.6315, Acc.step: 0.2430, Acc.tank: 0.6742, Acc.trade name: 0.3446, Acc.microwave: 0.9616, Acc.pot: 0.6981, Acc.animal: 0.6551, Acc.bicycle: 0.8058, Acc.lake: 0.6827, Acc.dishwasher: 0.7151, Acc.screen: 0.9344, Acc.blanket: 0.3074, Acc.sculpture: 0.8701, Acc.hood: 0.7275, Acc.sconce: 0.7602, Acc.vase: 0.6298, Acc.traffic light: 0.6493, Acc.tray: 0.3184, Acc.ashcan: 0.6786, Acc.fan: 0.8379, Acc.pier: 0.4584, Acc.crt screen: 0.2339, Acc.plate: 0.7962, Acc.monitor: 0.2587, Acc.bulletin board: 0.7403, Acc.shower: 0.0021, Acc.radiator: 0.8137, Acc.glass: 0.2382, Acc.clock: 0.6735, Acc.flag: 0.7654 2023-11-02 22:39:01,659 - mmseg - INFO - Iter [41050/80000] lr: 1.577e-06, eta: 19:36:43, time: 3.373, data_time: 1.717, memory: 69173, decode.loss_ce: 0.1624, decode.acc_seg: 92.9951, aux.loss_ce: 0.0879, aux.acc_seg: 91.1236, loss: 0.2503 2023-11-02 22:40:24,684 - mmseg - INFO - Iter [41100/80000] lr: 1.575e-06, eta: 19:35:05, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1638, decode.acc_seg: 93.0849, aux.loss_ce: 0.0863, aux.acc_seg: 91.3224, loss: 0.2501 2023-11-02 22:41:47,761 - mmseg - INFO - Iter [41150/80000] lr: 1.573e-06, eta: 19:33:28, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1717, decode.acc_seg: 92.4075, aux.loss_ce: 0.0912, aux.acc_seg: 90.6883, loss: 0.2629 2023-11-02 22:43:10,858 - mmseg - INFO - Iter [41200/80000] lr: 1.571e-06, eta: 19:31:50, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1640, decode.acc_seg: 92.6359, aux.loss_ce: 0.0912, aux.acc_seg: 90.5409, loss: 0.2552 2023-11-02 22:44:33,912 - mmseg - INFO - Iter [41250/80000] lr: 1.569e-06, eta: 19:30:12, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1828, decode.acc_seg: 92.1474, aux.loss_ce: 0.0949, aux.acc_seg: 90.4706, loss: 0.2777 2023-11-02 22:45:56,978 - mmseg - INFO - Iter [41300/80000] lr: 1.567e-06, eta: 19:28:35, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1664, decode.acc_seg: 92.6587, aux.loss_ce: 0.0915, aux.acc_seg: 90.5662, loss: 0.2579 2023-11-02 22:47:20,057 - mmseg - INFO - Iter [41350/80000] lr: 1.565e-06, eta: 19:26:57, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1816, decode.acc_seg: 92.3217, aux.loss_ce: 0.0934, aux.acc_seg: 90.5143, loss: 0.2750 2023-11-02 22:48:43,158 - mmseg - INFO - Iter [41400/80000] lr: 1.563e-06, eta: 19:25:19, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1710, decode.acc_seg: 92.6234, aux.loss_ce: 0.0919, aux.acc_seg: 90.5513, loss: 0.2628 2023-11-02 22:50:06,257 - mmseg - INFO - Iter [41450/80000] lr: 1.561e-06, eta: 19:23:42, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1747, decode.acc_seg: 92.3028, aux.loss_ce: 0.0906, aux.acc_seg: 90.5797, loss: 0.2653 2023-11-02 22:51:29,309 - mmseg - INFO - Iter [41500/80000] lr: 1.559e-06, eta: 19:22:04, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1709, decode.acc_seg: 92.6885, aux.loss_ce: 0.0915, aux.acc_seg: 90.6595, loss: 0.2624 2023-11-02 22:52:52,380 - mmseg - INFO - Iter [41550/80000] lr: 1.557e-06, eta: 19:20:27, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1693, decode.acc_seg: 92.3965, aux.loss_ce: 0.0921, aux.acc_seg: 90.1564, loss: 0.2614 2023-11-02 22:54:15,436 - mmseg - INFO - Iter [41600/80000] lr: 1.555e-06, eta: 19:18:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1577, decode.acc_seg: 93.0389, aux.loss_ce: 0.0869, aux.acc_seg: 90.9615, loss: 0.2446 2023-11-02 22:55:38,465 - mmseg - INFO - Iter [41650/80000] lr: 1.553e-06, eta: 19:17:12, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1691, decode.acc_seg: 92.6928, aux.loss_ce: 0.0972, aux.acc_seg: 90.1017, loss: 0.2663 2023-11-02 22:57:03,885 - mmseg - INFO - Iter [41700/80000] lr: 1.551e-06, eta: 19:15:37, time: 1.708, data_time: 0.055, memory: 69173, decode.loss_ce: 0.1569, decode.acc_seg: 93.1829, aux.loss_ce: 0.0865, aux.acc_seg: 90.9596, loss: 0.2434 2023-11-02 22:58:26,914 - mmseg - INFO - Iter [41750/80000] lr: 1.549e-06, eta: 19:13:59, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1668, decode.acc_seg: 92.7802, aux.loss_ce: 0.0887, aux.acc_seg: 90.9012, loss: 0.2555 2023-11-02 22:59:49,931 - mmseg - INFO - Iter [41800/80000] lr: 1.547e-06, eta: 19:12:22, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1600, decode.acc_seg: 93.0926, aux.loss_ce: 0.0881, aux.acc_seg: 91.0845, loss: 0.2481 2023-11-02 23:01:12,968 - mmseg - INFO - Iter [41850/80000] lr: 1.545e-06, eta: 19:10:45, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1527, decode.acc_seg: 93.3349, aux.loss_ce: 0.0833, aux.acc_seg: 91.4681, loss: 0.2360 2023-11-02 23:02:35,960 - mmseg - INFO - Iter [41900/80000] lr: 1.543e-06, eta: 19:09:07, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1608, decode.acc_seg: 92.9106, aux.loss_ce: 0.0869, aux.acc_seg: 91.0364, loss: 0.2477 2023-11-02 23:03:58,974 - mmseg - INFO - Iter [41950/80000] lr: 1.541e-06, eta: 19:07:30, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1679, decode.acc_seg: 92.7214, aux.loss_ce: 0.0927, aux.acc_seg: 90.5065, loss: 0.2605 2023-11-02 23:05:21,972 - mmseg - INFO - Saving checkpoint at 42000 iterations 2023-11-02 23:06:23,474 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 23:06:23,474 - mmseg - INFO - Iter [42000/80000] lr: 1.539e-06, eta: 19:06:49, time: 2.890, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1668, decode.acc_seg: 92.8024, aux.loss_ce: 0.0872, aux.acc_seg: 90.8850, loss: 0.2539 2023-11-02 23:07:49,788 - mmseg - INFO - per class results: 2023-11-02 23:07:49,793 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.54 | 87.88 | | building | 81.5 | 93.24 | | sky | 94.84 | 97.54 | | floor | 85.62 | 91.76 | | tree | 77.1 | 89.59 | | ceiling | 87.48 | 94.35 | | road | 86.53 | 91.35 | | bed | 92.79 | 97.27 | | windowpane | 66.02 | 82.25 | | grass | 71.69 | 87.98 | | cabinet | 66.52 | 76.88 | | sidewalk | 70.79 | 85.7 | | person | 85.35 | 94.43 | | earth | 42.5 | 57.26 | | door | 58.94 | 70.7 | | table | 69.69 | 82.92 | | mountain | 65.54 | 76.48 | | plant | 57.41 | 67.53 | | curtain | 77.37 | 88.84 | | chair | 67.47 | 80.02 | | car | 87.56 | 93.96 | | water | 62.89 | 79.85 | | painting | 78.63 | 89.16 | | sofa | 83.81 | 90.56 | | shelf | 46.32 | 63.19 | | house | 51.84 | 71.36 | | sea | 74.67 | 83.86 | | mirror | 76.78 | 87.13 | | rug | 69.45 | 77.19 | | field | 35.36 | 46.42 | | armchair | 65.22 | 81.01 | | seat | 66.76 | 86.1 | | fence | 51.16 | 68.36 | | desk | 57.55 | 76.43 | | rock | 56.97 | 83.86 | | wardrobe | 53.56 | 71.1 | | lamp | 74.99 | 86.11 | | bathtub | 88.88 | 92.11 | | railing | 43.57 | 60.94 | | cushion | 67.91 | 83.5 | | base | 40.17 | 62.21 | | box | 36.81 | 45.47 | | column | 57.8 | 71.26 | | signboard | 39.64 | 49.93 | | chest of drawers | 44.07 | 65.11 | | counter | 44.62 | 52.13 | | sand | 49.23 | 74.87 | | sink | 82.03 | 86.28 | | skyscraper | 49.51 | 61.54 | | fireplace | 75.48 | 94.85 | | refrigerator | 84.94 | 96.23 | | grandstand | 56.78 | 81.73 | | path | 25.62 | 31.73 | | stairs | 44.95 | 56.46 | | runway | 69.45 | 90.52 | | case | 56.99 | 72.68 | | pool table | 94.4 | 98.07 | | pillow | 63.09 | 71.06 | | screen door | 84.62 | 91.05 | | stairway | 41.04 | 45.35 | | river | 9.73 | 17.73 | | bridge | 44.98 | 48.71 | | bookcase | 44.08 | 59.58 | | blind | 46.53 | 56.14 | | coffee table | 68.71 | 83.09 | | toilet | 89.67 | 93.21 | | flower | 39.65 | 60.5 | | book | 51.97 | 75.8 | | hill | 7.22 | 11.51 | | bench | 59.01 | 70.73 | | countertop | 66.32 | 78.61 | | stove | 85.93 | 91.49 | | palm | 52.78 | 88.15 | | kitchen island | 46.09 | 74.17 | | computer | 79.15 | 91.59 | | swivel chair | 45.29 | 66.55 | | boat | 75.3 | 90.5 | | bar | 66.12 | 78.12 | | arcade machine | 82.71 | 89.36 | | hovel | 25.07 | 25.86 | | bus | 94.12 | 96.98 | | towel | 77.12 | 88.04 | | light | 61.13 | 67.61 | | truck | 50.06 | 61.97 | | tower | 15.11 | 24.4 | | chandelier | 74.04 | 87.89 | | awning | 51.23 | 61.48 | | streetlight | 35.41 | 50.71 | | booth | 71.73 | 75.16 | | television receiver | 82.92 | 89.85 | | airplane | 85.43 | 97.57 | | dirt track | 5.27 | 25.57 | | apparel | 60.37 | 80.42 | | pole | 23.86 | 29.77 | | land | 4.71 | 7.15 | | bannister | 18.57 | 24.68 | | escalator | 64.32 | 85.48 | | ottoman | 56.81 | 77.71 | | bottle | 42.54 | 68.6 | | buffet | 52.42 | 58.32 | | poster | 33.17 | 40.24 | | stage | 18.14 | 49.11 | | van | 44.7 | 64.29 | | ship | 78.35 | 82.64 | | fountain | 25.26 | 26.1 | | conveyer belt | 78.7 | 93.32 | | canopy | 51.72 | 67.79 | | washer | 84.47 | 90.08 | | plaything | 28.06 | 45.13 | | swimming pool | 54.85 | 79.0 | | stool | 52.7 | 71.32 | | barrel | 54.96 | 69.23 | | basket | 42.94 | 59.3 | | waterfall | 46.2 | 54.6 | | tent | 91.33 | 97.8 | | bag | 17.17 | 18.0 | | minibike | 75.72 | 88.21 | | cradle | 87.66 | 98.46 | | oven | 70.76 | 81.53 | | ball | 60.46 | 73.4 | | food | 58.42 | 71.2 | | step | 19.27 | 23.54 | | tank | 79.66 | 85.04 | | trade name | 26.2 | 28.62 | | microwave | 90.67 | 96.21 | | pot | 59.3 | 67.42 | | animal | 63.2 | 65.8 | | bicycle | 63.12 | 80.91 | | lake | 59.1 | 69.64 | | dishwasher | 76.32 | 82.31 | | screen | 64.02 | 89.13 | | blanket | 33.49 | 38.06 | | sculpture | 76.08 | 87.19 | | hood | 58.62 | 68.73 | | sconce | 62.59 | 74.75 | | vase | 46.82 | 64.23 | | traffic light | 36.51 | 59.74 | | tray | 22.74 | 31.25 | | ashcan | 52.0 | 64.78 | | fan | 69.9 | 85.23 | | pier | 39.42 | 41.52 | | crt screen | 2.86 | 7.24 | | plate | 59.63 | 75.8 | | monitor | 17.77 | 20.66 | | bulletin board | 62.14 | 75.73 | | shower | 8.48 | 10.43 | | radiator | 60.84 | 79.52 | | glass | 21.92 | 23.68 | | clock | 48.02 | 63.91 | | flag | 71.73 | 79.88 | +---------------------+-------+-------+ 2023-11-02 23:07:49,793 - mmseg - INFO - Summary: 2023-11-02 23:07:49,793 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.96 | 57.62 | 69.58 | +-------+-------+-------+ 2023-11-02 23:07:49,794 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 23:07:49,794 - mmseg - INFO - Iter(val) [250] aAcc: 0.8596, mIoU: 0.5762, mAcc: 0.6958, IoU.wall: 0.8054, IoU.building: 0.8150, IoU.sky: 0.9484, IoU.floor: 0.8562, IoU.tree: 0.7710, IoU.ceiling: 0.8748, IoU.road: 0.8653, IoU.bed : 0.9279, IoU.windowpane: 0.6602, IoU.grass: 0.7169, IoU.cabinet: 0.6652, IoU.sidewalk: 0.7079, IoU.person: 0.8535, IoU.earth: 0.4250, IoU.door: 0.5894, IoU.table: 0.6969, IoU.mountain: 0.6554, IoU.plant: 0.5741, IoU.curtain: 0.7737, IoU.chair: 0.6747, IoU.car: 0.8756, IoU.water: 0.6289, IoU.painting: 0.7863, IoU.sofa: 0.8381, IoU.shelf: 0.4632, IoU.house: 0.5184, IoU.sea: 0.7467, IoU.mirror: 0.7678, IoU.rug: 0.6945, IoU.field: 0.3536, IoU.armchair: 0.6522, IoU.seat: 0.6676, IoU.fence: 0.5116, IoU.desk: 0.5755, IoU.rock: 0.5697, IoU.wardrobe: 0.5356, IoU.lamp: 0.7499, IoU.bathtub: 0.8888, IoU.railing: 0.4357, IoU.cushion: 0.6791, IoU.base: 0.4017, IoU.box: 0.3681, IoU.column: 0.5780, IoU.signboard: 0.3964, IoU.chest of drawers: 0.4407, IoU.counter: 0.4462, IoU.sand: 0.4923, IoU.sink: 0.8203, IoU.skyscraper: 0.4951, IoU.fireplace: 0.7548, IoU.refrigerator: 0.8494, IoU.grandstand: 0.5678, IoU.path: 0.2562, IoU.stairs: 0.4495, IoU.runway: 0.6945, IoU.case: 0.5699, IoU.pool table: 0.9440, IoU.pillow: 0.6309, IoU.screen door: 0.8462, IoU.stairway: 0.4104, IoU.river: 0.0973, IoU.bridge: 0.4498, IoU.bookcase: 0.4408, IoU.blind: 0.4653, IoU.coffee table: 0.6871, IoU.toilet: 0.8967, IoU.flower: 0.3965, IoU.book: 0.5197, IoU.hill: 0.0722, IoU.bench: 0.5901, IoU.countertop: 0.6632, IoU.stove: 0.8593, IoU.palm: 0.5278, IoU.kitchen island: 0.4609, IoU.computer: 0.7915, IoU.swivel chair: 0.4529, IoU.boat: 0.7530, IoU.bar: 0.6612, IoU.arcade machine: 0.8271, IoU.hovel: 0.2507, IoU.bus: 0.9412, IoU.towel: 0.7712, IoU.light: 0.6113, IoU.truck: 0.5006, IoU.tower: 0.1511, IoU.chandelier: 0.7404, IoU.awning: 0.5123, IoU.streetlight: 0.3541, IoU.booth: 0.7173, IoU.television receiver: 0.8292, IoU.airplane: 0.8543, IoU.dirt track: 0.0527, IoU.apparel: 0.6037, IoU.pole: 0.2386, IoU.land: 0.0471, IoU.bannister: 0.1857, IoU.escalator: 0.6432, IoU.ottoman: 0.5681, IoU.bottle: 0.4254, IoU.buffet: 0.5242, IoU.poster: 0.3317, IoU.stage: 0.1814, IoU.van: 0.4470, IoU.ship: 0.7835, IoU.fountain: 0.2526, IoU.conveyer belt: 0.7870, IoU.canopy: 0.5172, IoU.washer: 0.8447, IoU.plaything: 0.2806, IoU.swimming pool: 0.5485, IoU.stool: 0.5270, IoU.barrel: 0.5496, IoU.basket: 0.4294, IoU.waterfall: 0.4620, IoU.tent: 0.9133, IoU.bag: 0.1717, IoU.minibike: 0.7572, IoU.cradle: 0.8766, IoU.oven: 0.7076, IoU.ball: 0.6046, IoU.food: 0.5842, IoU.step: 0.1927, IoU.tank: 0.7966, IoU.trade name: 0.2620, IoU.microwave: 0.9067, IoU.pot: 0.5930, IoU.animal: 0.6320, IoU.bicycle: 0.6312, IoU.lake: 0.5910, IoU.dishwasher: 0.7632, IoU.screen: 0.6402, IoU.blanket: 0.3349, IoU.sculpture: 0.7608, IoU.hood: 0.5862, IoU.sconce: 0.6259, IoU.vase: 0.4682, IoU.traffic light: 0.3651, IoU.tray: 0.2274, IoU.ashcan: 0.5200, IoU.fan: 0.6990, IoU.pier: 0.3942, IoU.crt screen: 0.0286, IoU.plate: 0.5963, IoU.monitor: 0.1777, IoU.bulletin board: 0.6214, IoU.shower: 0.0848, IoU.radiator: 0.6084, IoU.glass: 0.2192, IoU.clock: 0.4802, IoU.flag: 0.7173, Acc.wall: 0.8788, Acc.building: 0.9324, Acc.sky: 0.9754, Acc.floor: 0.9176, Acc.tree: 0.8959, Acc.ceiling: 0.9435, Acc.road: 0.9135, Acc.bed : 0.9727, Acc.windowpane: 0.8225, Acc.grass: 0.8798, Acc.cabinet: 0.7688, Acc.sidewalk: 0.8570, Acc.person: 0.9443, Acc.earth: 0.5726, Acc.door: 0.7070, Acc.table: 0.8292, Acc.mountain: 0.7648, Acc.plant: 0.6753, Acc.curtain: 0.8884, Acc.chair: 0.8002, Acc.car: 0.9396, Acc.water: 0.7985, Acc.painting: 0.8916, Acc.sofa: 0.9056, Acc.shelf: 0.6319, Acc.house: 0.7136, Acc.sea: 0.8386, Acc.mirror: 0.8713, Acc.rug: 0.7719, Acc.field: 0.4642, Acc.armchair: 0.8101, Acc.seat: 0.8610, Acc.fence: 0.6836, Acc.desk: 0.7643, Acc.rock: 0.8386, Acc.wardrobe: 0.7110, Acc.lamp: 0.8611, Acc.bathtub: 0.9211, Acc.railing: 0.6094, Acc.cushion: 0.8350, Acc.base: 0.6221, Acc.box: 0.4547, Acc.column: 0.7126, Acc.signboard: 0.4993, Acc.chest of drawers: 0.6511, Acc.counter: 0.5213, Acc.sand: 0.7487, Acc.sink: 0.8628, Acc.skyscraper: 0.6154, Acc.fireplace: 0.9485, Acc.refrigerator: 0.9623, Acc.grandstand: 0.8173, Acc.path: 0.3173, Acc.stairs: 0.5646, Acc.runway: 0.9052, Acc.case: 0.7268, Acc.pool table: 0.9807, Acc.pillow: 0.7106, Acc.screen door: 0.9105, Acc.stairway: 0.4535, Acc.river: 0.1773, Acc.bridge: 0.4871, Acc.bookcase: 0.5958, Acc.blind: 0.5614, Acc.coffee table: 0.8309, Acc.toilet: 0.9321, Acc.flower: 0.6050, Acc.book: 0.7580, Acc.hill: 0.1151, Acc.bench: 0.7073, Acc.countertop: 0.7861, Acc.stove: 0.9149, Acc.palm: 0.8815, Acc.kitchen island: 0.7417, Acc.computer: 0.9159, Acc.swivel chair: 0.6655, Acc.boat: 0.9050, Acc.bar: 0.7812, Acc.arcade machine: 0.8936, Acc.hovel: 0.2586, Acc.bus: 0.9698, Acc.towel: 0.8804, Acc.light: 0.6761, Acc.truck: 0.6197, Acc.tower: 0.2440, Acc.chandelier: 0.8789, Acc.awning: 0.6148, Acc.streetlight: 0.5071, Acc.booth: 0.7516, Acc.television receiver: 0.8985, Acc.airplane: 0.9757, Acc.dirt track: 0.2557, Acc.apparel: 0.8042, Acc.pole: 0.2977, Acc.land: 0.0715, Acc.bannister: 0.2468, Acc.escalator: 0.8548, Acc.ottoman: 0.7771, Acc.bottle: 0.6860, Acc.buffet: 0.5832, Acc.poster: 0.4024, Acc.stage: 0.4911, Acc.van: 0.6429, Acc.ship: 0.8264, Acc.fountain: 0.2610, Acc.conveyer belt: 0.9332, Acc.canopy: 0.6779, Acc.washer: 0.9008, Acc.plaything: 0.4513, Acc.swimming pool: 0.7900, Acc.stool: 0.7132, Acc.barrel: 0.6923, Acc.basket: 0.5930, Acc.waterfall: 0.5460, Acc.tent: 0.9780, Acc.bag: 0.1800, Acc.minibike: 0.8821, Acc.cradle: 0.9846, Acc.oven: 0.8153, Acc.ball: 0.7340, Acc.food: 0.7120, Acc.step: 0.2354, Acc.tank: 0.8504, Acc.trade name: 0.2862, Acc.microwave: 0.9621, Acc.pot: 0.6742, Acc.animal: 0.6580, Acc.bicycle: 0.8091, Acc.lake: 0.6964, Acc.dishwasher: 0.8231, Acc.screen: 0.8913, Acc.blanket: 0.3806, Acc.sculpture: 0.8719, Acc.hood: 0.6873, Acc.sconce: 0.7475, Acc.vase: 0.6423, Acc.traffic light: 0.5974, Acc.tray: 0.3125, Acc.ashcan: 0.6478, Acc.fan: 0.8523, Acc.pier: 0.4152, Acc.crt screen: 0.0724, Acc.plate: 0.7580, Acc.monitor: 0.2066, Acc.bulletin board: 0.7573, Acc.shower: 0.1043, Acc.radiator: 0.7952, Acc.glass: 0.2368, Acc.clock: 0.6391, Acc.flag: 0.7988 2023-11-02 23:09:12,980 - mmseg - INFO - Iter [42050/80000] lr: 1.537e-06, eta: 19:06:29, time: 3.390, data_time: 1.734, memory: 69173, decode.loss_ce: 0.1670, decode.acc_seg: 92.4594, aux.loss_ce: 0.0878, aux.acc_seg: 90.5842, loss: 0.2549 2023-11-02 23:10:35,982 - mmseg - INFO - Iter [42100/80000] lr: 1.535e-06, eta: 19:04:52, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1660, decode.acc_seg: 92.6051, aux.loss_ce: 0.0878, aux.acc_seg: 91.0691, loss: 0.2538 2023-11-02 23:11:58,981 - mmseg - INFO - Iter [42150/80000] lr: 1.533e-06, eta: 19:03:14, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1678, decode.acc_seg: 92.7768, aux.loss_ce: 0.0910, aux.acc_seg: 90.8022, loss: 0.2588 2023-11-02 23:13:21,994 - mmseg - INFO - Iter [42200/80000] lr: 1.531e-06, eta: 19:01:37, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1665, decode.acc_seg: 92.9489, aux.loss_ce: 0.0901, aux.acc_seg: 90.9774, loss: 0.2566 2023-11-02 23:14:45,031 - mmseg - INFO - Iter [42250/80000] lr: 1.529e-06, eta: 19:00:00, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1601, decode.acc_seg: 93.1684, aux.loss_ce: 0.0894, aux.acc_seg: 91.0745, loss: 0.2496 2023-11-02 23:16:08,064 - mmseg - INFO - Iter [42300/80000] lr: 1.527e-06, eta: 18:58:22, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1745, decode.acc_seg: 92.7566, aux.loss_ce: 0.0922, aux.acc_seg: 90.9511, loss: 0.2667 2023-11-02 23:17:31,099 - mmseg - INFO - Iter [42350/80000] lr: 1.525e-06, eta: 18:56:45, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1578, decode.acc_seg: 93.1096, aux.loss_ce: 0.0843, aux.acc_seg: 91.2633, loss: 0.2421 2023-11-02 23:18:54,185 - mmseg - INFO - Iter [42400/80000] lr: 1.523e-06, eta: 18:55:08, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1741, decode.acc_seg: 92.5468, aux.loss_ce: 0.0901, aux.acc_seg: 90.6113, loss: 0.2641 2023-11-02 23:20:17,247 - mmseg - INFO - Iter [42450/80000] lr: 1.521e-06, eta: 18:53:30, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1682, decode.acc_seg: 92.6757, aux.loss_ce: 0.0917, aux.acc_seg: 90.5718, loss: 0.2599 2023-11-02 23:21:40,350 - mmseg - INFO - Iter [42500/80000] lr: 1.519e-06, eta: 18:51:53, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1562, decode.acc_seg: 93.1965, aux.loss_ce: 0.0881, aux.acc_seg: 91.0274, loss: 0.2443 2023-11-02 23:23:03,425 - mmseg - INFO - Iter [42550/80000] lr: 1.517e-06, eta: 18:50:16, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1727, decode.acc_seg: 92.6165, aux.loss_ce: 0.0929, aux.acc_seg: 90.6610, loss: 0.2656 2023-11-02 23:24:26,524 - mmseg - INFO - Iter [42600/80000] lr: 1.515e-06, eta: 18:48:39, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1593, decode.acc_seg: 92.9634, aux.loss_ce: 0.0852, aux.acc_seg: 91.2560, loss: 0.2444 2023-11-02 23:25:49,577 - mmseg - INFO - Iter [42650/80000] lr: 1.513e-06, eta: 18:47:02, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1637, decode.acc_seg: 92.9497, aux.loss_ce: 0.0874, aux.acc_seg: 91.1297, loss: 0.2511 2023-11-02 23:27:12,665 - mmseg - INFO - Iter [42700/80000] lr: 1.511e-06, eta: 18:45:25, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1577, decode.acc_seg: 92.9339, aux.loss_ce: 0.0863, aux.acc_seg: 90.7997, loss: 0.2440 2023-11-02 23:28:35,735 - mmseg - INFO - Iter [42750/80000] lr: 1.509e-06, eta: 18:43:48, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1676, decode.acc_seg: 92.7839, aux.loss_ce: 0.0915, aux.acc_seg: 90.8001, loss: 0.2592 2023-11-02 23:29:58,802 - mmseg - INFO - Iter [42800/80000] lr: 1.507e-06, eta: 18:42:11, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1834, decode.acc_seg: 92.1061, aux.loss_ce: 0.0931, aux.acc_seg: 90.5797, loss: 0.2764 2023-11-02 23:31:21,851 - mmseg - INFO - Iter [42850/80000] lr: 1.505e-06, eta: 18:40:34, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1811, decode.acc_seg: 92.1907, aux.loss_ce: 0.0931, aux.acc_seg: 90.6337, loss: 0.2741 2023-11-02 23:32:44,888 - mmseg - INFO - Iter [42900/80000] lr: 1.502e-06, eta: 18:38:57, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1687, decode.acc_seg: 92.5797, aux.loss_ce: 0.0903, aux.acc_seg: 90.7374, loss: 0.2590 2023-11-02 23:34:10,228 - mmseg - INFO - Iter [42950/80000] lr: 1.500e-06, eta: 18:37:22, time: 1.707, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1723, decode.acc_seg: 92.4770, aux.loss_ce: 0.0934, aux.acc_seg: 90.4154, loss: 0.2657 2023-11-02 23:35:33,213 - mmseg - INFO - Saving checkpoint at 43000 iterations 2023-11-02 23:36:32,580 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 23:36:32,580 - mmseg - INFO - Iter [43000/80000] lr: 1.498e-06, eta: 18:36:36, time: 2.847, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1628, decode.acc_seg: 92.9440, aux.loss_ce: 0.0871, aux.acc_seg: 91.0024, loss: 0.2499 2023-11-02 23:37:59,083 - mmseg - INFO - per class results: 2023-11-02 23:37:59,088 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.68 | 88.84 | | building | 84.77 | 93.8 | | sky | 94.87 | 97.21 | | floor | 84.98 | 91.39 | | tree | 77.67 | 89.89 | | ceiling | 87.45 | 93.32 | | road | 85.52 | 91.58 | | bed | 92.58 | 97.32 | | windowpane | 65.49 | 81.85 | | grass | 68.3 | 82.23 | | cabinet | 65.78 | 76.43 | | sidewalk | 71.61 | 86.38 | | person | 85.27 | 93.82 | | earth | 40.61 | 55.24 | | door | 59.0 | 77.55 | | table | 69.98 | 84.65 | | mountain | 66.41 | 75.98 | | plant | 57.11 | 67.12 | | curtain | 77.42 | 88.98 | | chair | 65.79 | 76.57 | | car | 87.42 | 93.72 | | water | 61.17 | 76.84 | | painting | 79.93 | 90.85 | | sofa | 82.79 | 93.38 | | shelf | 48.7 | 71.47 | | house | 59.74 | 70.97 | | sea | 74.5 | 82.63 | | mirror | 77.67 | 88.32 | | rug | 70.64 | 83.02 | | field | 28.11 | 50.71 | | armchair | 62.48 | 74.41 | | seat | 66.52 | 87.68 | | fence | 53.59 | 71.5 | | desk | 57.52 | 83.74 | | rock | 58.02 | 85.23 | | wardrobe | 52.54 | 72.26 | | lamp | 75.13 | 85.8 | | bathtub | 88.6 | 90.74 | | railing | 44.55 | 61.58 | | cushion | 68.15 | 75.87 | | base | 39.68 | 52.11 | | box | 35.64 | 44.35 | | column | 54.71 | 69.13 | | signboard | 42.48 | 60.55 | | chest of drawers | 45.09 | 69.49 | | counter | 48.56 | 55.07 | | sand | 53.05 | 78.88 | | sink | 81.24 | 87.5 | | skyscraper | 50.67 | 64.16 | | fireplace | 75.24 | 96.17 | | refrigerator | 83.27 | 88.82 | | grandstand | 57.91 | 79.41 | | path | 29.25 | 37.81 | | stairs | 33.49 | 42.09 | | runway | 67.83 | 89.24 | | case | 59.28 | 77.52 | | pool table | 94.23 | 97.98 | | pillow | 66.96 | 79.92 | | screen door | 77.84 | 81.24 | | stairway | 40.29 | 67.57 | | river | 10.74 | 23.99 | | bridge | 51.81 | 59.26 | | bookcase | 43.98 | 65.74 | | blind | 40.64 | 42.56 | | coffee table | 68.92 | 85.37 | | toilet | 89.9 | 92.71 | | flower | 38.92 | 56.27 | | book | 52.2 | 69.09 | | hill | 8.69 | 13.31 | | bench | 52.88 | 59.82 | | countertop | 63.44 | 85.02 | | stove | 85.92 | 92.48 | | palm | 53.98 | 82.71 | | kitchen island | 53.63 | 71.66 | | computer | 80.33 | 88.94 | | swivel chair | 44.72 | 67.0 | | boat | 68.17 | 91.9 | | bar | 65.9 | 81.83 | | arcade machine | 78.62 | 84.78 | | hovel | 44.35 | 47.74 | | bus | 94.1 | 97.83 | | towel | 77.14 | 85.44 | | light | 63.47 | 71.01 | | truck | 49.96 | 66.23 | | tower | 14.64 | 23.81 | | chandelier | 74.56 | 87.53 | | awning | 49.48 | 63.3 | | streetlight | 38.23 | 51.71 | | booth | 63.39 | 65.58 | | television receiver | 82.56 | 88.76 | | airplane | 87.7 | 96.94 | | dirt track | 7.28 | 36.8 | | apparel | 59.71 | 74.84 | | pole | 25.44 | 35.15 | | land | 6.19 | 9.18 | | bannister | 19.87 | 28.27 | | escalator | 59.84 | 87.9 | | ottoman | 54.95 | 69.84 | | bottle | 43.65 | 60.63 | | buffet | 42.08 | 47.03 | | poster | 34.23 | 40.77 | | stage | 16.06 | 37.2 | | van | 43.95 | 58.85 | | ship | 70.21 | 73.23 | | fountain | 22.82 | 23.25 | | conveyer belt | 79.0 | 94.62 | | canopy | 53.05 | 71.34 | | washer | 82.37 | 87.54 | | plaything | 29.67 | 37.11 | | swimming pool | 59.97 | 89.52 | | stool | 52.76 | 70.88 | | barrel | 61.75 | 86.28 | | basket | 40.98 | 58.71 | | waterfall | 50.63 | 53.05 | | tent | 91.26 | 98.43 | | bag | 23.05 | 25.65 | | minibike | 74.73 | 87.53 | | cradle | 82.17 | 99.31 | | oven | 69.44 | 81.89 | | ball | 58.89 | 63.8 | | food | 55.74 | 66.73 | | step | 14.1 | 15.44 | | tank | 81.05 | 97.42 | | trade name | 17.94 | 19.27 | | microwave | 90.18 | 96.2 | | pot | 56.07 | 61.21 | | animal | 61.29 | 62.88 | | bicycle | 62.24 | 79.67 | | lake | 59.82 | 72.47 | | dishwasher | 73.21 | 84.34 | | screen | 62.06 | 82.83 | | blanket | 33.07 | 38.13 | | sculpture | 78.47 | 86.72 | | hood | 63.84 | 74.76 | | sconce | 62.67 | 74.12 | | vase | 47.34 | 64.04 | | traffic light | 37.44 | 61.62 | | tray | 19.06 | 33.7 | | ashcan | 52.37 | 66.66 | | fan | 68.67 | 85.76 | | pier | 38.15 | 41.95 | | crt screen | 4.4 | 11.58 | | plate | 60.3 | 71.0 | | monitor | 21.97 | 27.03 | | bulletin board | 62.45 | 71.17 | | shower | 4.41 | 4.44 | | radiator | 62.9 | 78.04 | | glass | 21.44 | 23.21 | | clock | 51.09 | 64.52 | | flag | 71.69 | 79.84 | +---------------------+-------+-------+ 2023-11-02 23:37:59,088 - mmseg - INFO - Summary: 2023-11-02 23:37:59,088 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.08 | 57.47 | 69.64 | +-------+-------+-------+ 2023-11-02 23:37:59,089 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-02 23:37:59,089 - mmseg - INFO - Iter(val) [250] aAcc: 0.8608, mIoU: 0.5747, mAcc: 0.6964, IoU.wall: 0.8168, IoU.building: 0.8477, IoU.sky: 0.9487, IoU.floor: 0.8498, IoU.tree: 0.7767, IoU.ceiling: 0.8745, IoU.road: 0.8552, IoU.bed : 0.9258, IoU.windowpane: 0.6549, IoU.grass: 0.6830, IoU.cabinet: 0.6578, IoU.sidewalk: 0.7161, IoU.person: 0.8527, IoU.earth: 0.4061, IoU.door: 0.5900, IoU.table: 0.6998, IoU.mountain: 0.6641, IoU.plant: 0.5711, IoU.curtain: 0.7742, IoU.chair: 0.6579, IoU.car: 0.8742, IoU.water: 0.6117, IoU.painting: 0.7993, IoU.sofa: 0.8279, IoU.shelf: 0.4870, IoU.house: 0.5974, IoU.sea: 0.7450, IoU.mirror: 0.7767, IoU.rug: 0.7064, IoU.field: 0.2811, IoU.armchair: 0.6248, IoU.seat: 0.6652, IoU.fence: 0.5359, IoU.desk: 0.5752, IoU.rock: 0.5802, IoU.wardrobe: 0.5254, IoU.lamp: 0.7513, IoU.bathtub: 0.8860, IoU.railing: 0.4455, IoU.cushion: 0.6815, IoU.base: 0.3968, IoU.box: 0.3564, IoU.column: 0.5471, IoU.signboard: 0.4248, IoU.chest of drawers: 0.4509, IoU.counter: 0.4856, IoU.sand: 0.5305, IoU.sink: 0.8124, IoU.skyscraper: 0.5067, IoU.fireplace: 0.7524, IoU.refrigerator: 0.8327, IoU.grandstand: 0.5791, IoU.path: 0.2925, IoU.stairs: 0.3349, IoU.runway: 0.6783, IoU.case: 0.5928, IoU.pool table: 0.9423, IoU.pillow: 0.6696, IoU.screen door: 0.7784, IoU.stairway: 0.4029, IoU.river: 0.1074, IoU.bridge: 0.5181, IoU.bookcase: 0.4398, IoU.blind: 0.4064, IoU.coffee table: 0.6892, IoU.toilet: 0.8990, IoU.flower: 0.3892, IoU.book: 0.5220, IoU.hill: 0.0869, IoU.bench: 0.5288, IoU.countertop: 0.6344, IoU.stove: 0.8592, IoU.palm: 0.5398, IoU.kitchen island: 0.5363, IoU.computer: 0.8033, IoU.swivel chair: 0.4472, IoU.boat: 0.6817, IoU.bar: 0.6590, IoU.arcade machine: 0.7862, IoU.hovel: 0.4435, IoU.bus: 0.9410, IoU.towel: 0.7714, IoU.light: 0.6347, IoU.truck: 0.4996, IoU.tower: 0.1464, IoU.chandelier: 0.7456, IoU.awning: 0.4948, IoU.streetlight: 0.3823, IoU.booth: 0.6339, IoU.television receiver: 0.8256, IoU.airplane: 0.8770, IoU.dirt track: 0.0728, IoU.apparel: 0.5971, IoU.pole: 0.2544, IoU.land: 0.0619, IoU.bannister: 0.1987, IoU.escalator: 0.5984, IoU.ottoman: 0.5495, IoU.bottle: 0.4365, IoU.buffet: 0.4208, IoU.poster: 0.3423, IoU.stage: 0.1606, IoU.van: 0.4395, IoU.ship: 0.7021, IoU.fountain: 0.2282, IoU.conveyer belt: 0.7900, IoU.canopy: 0.5305, IoU.washer: 0.8237, IoU.plaything: 0.2967, IoU.swimming pool: 0.5997, IoU.stool: 0.5276, IoU.barrel: 0.6175, IoU.basket: 0.4098, IoU.waterfall: 0.5063, IoU.tent: 0.9126, IoU.bag: 0.2305, IoU.minibike: 0.7473, IoU.cradle: 0.8217, IoU.oven: 0.6944, IoU.ball: 0.5889, IoU.food: 0.5574, IoU.step: 0.1410, IoU.tank: 0.8105, IoU.trade name: 0.1794, IoU.microwave: 0.9018, IoU.pot: 0.5607, IoU.animal: 0.6129, IoU.bicycle: 0.6224, IoU.lake: 0.5982, IoU.dishwasher: 0.7321, IoU.screen: 0.6206, IoU.blanket: 0.3307, IoU.sculpture: 0.7847, IoU.hood: 0.6384, IoU.sconce: 0.6267, IoU.vase: 0.4734, IoU.traffic light: 0.3744, IoU.tray: 0.1906, IoU.ashcan: 0.5237, IoU.fan: 0.6867, IoU.pier: 0.3815, IoU.crt screen: 0.0440, IoU.plate: 0.6030, IoU.monitor: 0.2197, IoU.bulletin board: 0.6245, IoU.shower: 0.0441, IoU.radiator: 0.6290, IoU.glass: 0.2144, IoU.clock: 0.5109, IoU.flag: 0.7169, Acc.wall: 0.8884, Acc.building: 0.9380, Acc.sky: 0.9721, Acc.floor: 0.9139, Acc.tree: 0.8989, Acc.ceiling: 0.9332, Acc.road: 0.9158, Acc.bed : 0.9732, Acc.windowpane: 0.8185, Acc.grass: 0.8223, Acc.cabinet: 0.7643, Acc.sidewalk: 0.8638, Acc.person: 0.9382, Acc.earth: 0.5524, Acc.door: 0.7755, Acc.table: 0.8465, Acc.mountain: 0.7598, Acc.plant: 0.6712, Acc.curtain: 0.8898, Acc.chair: 0.7657, Acc.car: 0.9372, Acc.water: 0.7684, Acc.painting: 0.9085, Acc.sofa: 0.9338, Acc.shelf: 0.7147, Acc.house: 0.7097, Acc.sea: 0.8263, Acc.mirror: 0.8832, Acc.rug: 0.8302, Acc.field: 0.5071, Acc.armchair: 0.7441, Acc.seat: 0.8768, Acc.fence: 0.7150, Acc.desk: 0.8374, Acc.rock: 0.8523, Acc.wardrobe: 0.7226, Acc.lamp: 0.8580, Acc.bathtub: 0.9074, Acc.railing: 0.6158, Acc.cushion: 0.7587, Acc.base: 0.5211, Acc.box: 0.4435, Acc.column: 0.6913, Acc.signboard: 0.6055, Acc.chest of drawers: 0.6949, Acc.counter: 0.5507, Acc.sand: 0.7888, Acc.sink: 0.8750, Acc.skyscraper: 0.6416, Acc.fireplace: 0.9617, Acc.refrigerator: 0.8882, Acc.grandstand: 0.7941, Acc.path: 0.3781, Acc.stairs: 0.4209, Acc.runway: 0.8924, Acc.case: 0.7752, Acc.pool table: 0.9798, Acc.pillow: 0.7992, Acc.screen door: 0.8124, Acc.stairway: 0.6757, Acc.river: 0.2399, Acc.bridge: 0.5926, Acc.bookcase: 0.6574, Acc.blind: 0.4256, Acc.coffee table: 0.8537, Acc.toilet: 0.9271, Acc.flower: 0.5627, Acc.book: 0.6909, Acc.hill: 0.1331, Acc.bench: 0.5982, Acc.countertop: 0.8502, Acc.stove: 0.9248, Acc.palm: 0.8271, Acc.kitchen island: 0.7166, Acc.computer: 0.8894, Acc.swivel chair: 0.6700, Acc.boat: 0.9190, Acc.bar: 0.8183, Acc.arcade machine: 0.8478, Acc.hovel: 0.4774, Acc.bus: 0.9783, Acc.towel: 0.8544, Acc.light: 0.7101, Acc.truck: 0.6623, Acc.tower: 0.2381, Acc.chandelier: 0.8753, Acc.awning: 0.6330, Acc.streetlight: 0.5171, Acc.booth: 0.6558, Acc.television receiver: 0.8876, Acc.airplane: 0.9694, Acc.dirt track: 0.3680, Acc.apparel: 0.7484, Acc.pole: 0.3515, Acc.land: 0.0918, Acc.bannister: 0.2827, Acc.escalator: 0.8790, Acc.ottoman: 0.6984, Acc.bottle: 0.6063, Acc.buffet: 0.4703, Acc.poster: 0.4077, Acc.stage: 0.3720, Acc.van: 0.5885, Acc.ship: 0.7323, Acc.fountain: 0.2325, Acc.conveyer belt: 0.9462, Acc.canopy: 0.7134, Acc.washer: 0.8754, Acc.plaything: 0.3711, Acc.swimming pool: 0.8952, Acc.stool: 0.7088, Acc.barrel: 0.8628, Acc.basket: 0.5871, Acc.waterfall: 0.5305, Acc.tent: 0.9843, Acc.bag: 0.2565, Acc.minibike: 0.8753, Acc.cradle: 0.9931, Acc.oven: 0.8189, Acc.ball: 0.6380, Acc.food: 0.6673, Acc.step: 0.1544, Acc.tank: 0.9742, Acc.trade name: 0.1927, Acc.microwave: 0.9620, Acc.pot: 0.6121, Acc.animal: 0.6288, Acc.bicycle: 0.7967, Acc.lake: 0.7247, Acc.dishwasher: 0.8434, Acc.screen: 0.8283, Acc.blanket: 0.3813, Acc.sculpture: 0.8672, Acc.hood: 0.7476, Acc.sconce: 0.7412, Acc.vase: 0.6404, Acc.traffic light: 0.6162, Acc.tray: 0.3370, Acc.ashcan: 0.6666, Acc.fan: 0.8576, Acc.pier: 0.4195, Acc.crt screen: 0.1158, Acc.plate: 0.7100, Acc.monitor: 0.2703, Acc.bulletin board: 0.7117, Acc.shower: 0.0444, Acc.radiator: 0.7804, Acc.glass: 0.2321, Acc.clock: 0.6452, Acc.flag: 0.7984 2023-11-02 23:39:22,241 - mmseg - INFO - Iter [43050/80000] lr: 1.496e-06, eta: 18:36:14, time: 3.393, data_time: 1.738, memory: 69173, decode.loss_ce: 0.1539, decode.acc_seg: 93.2959, aux.loss_ce: 0.0825, aux.acc_seg: 91.5529, loss: 0.2364 2023-11-02 23:40:45,276 - mmseg - INFO - Iter [43100/80000] lr: 1.494e-06, eta: 18:34:37, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1647, decode.acc_seg: 92.9559, aux.loss_ce: 0.0891, aux.acc_seg: 90.8363, loss: 0.2538 2023-11-02 23:42:08,331 - mmseg - INFO - Iter [43150/80000] lr: 1.492e-06, eta: 18:33:00, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1694, decode.acc_seg: 92.7930, aux.loss_ce: 0.0898, aux.acc_seg: 90.8341, loss: 0.2592 2023-11-02 23:43:31,387 - mmseg - INFO - Iter [43200/80000] lr: 1.490e-06, eta: 18:31:22, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1651, decode.acc_seg: 93.0337, aux.loss_ce: 0.0875, aux.acc_seg: 91.3967, loss: 0.2526 2023-11-02 23:44:54,441 - mmseg - INFO - Iter [43250/80000] lr: 1.488e-06, eta: 18:29:45, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1575, decode.acc_seg: 93.1292, aux.loss_ce: 0.0845, aux.acc_seg: 91.2849, loss: 0.2420 2023-11-02 23:46:17,434 - mmseg - INFO - Iter [43300/80000] lr: 1.486e-06, eta: 18:28:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1594, decode.acc_seg: 93.2073, aux.loss_ce: 0.0856, aux.acc_seg: 91.3598, loss: 0.2451 2023-11-02 23:47:40,464 - mmseg - INFO - Iter [43350/80000] lr: 1.484e-06, eta: 18:26:31, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1583, decode.acc_seg: 92.9369, aux.loss_ce: 0.0852, aux.acc_seg: 91.2148, loss: 0.2435 2023-11-02 23:49:03,517 - mmseg - INFO - Iter [43400/80000] lr: 1.482e-06, eta: 18:24:55, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1608, decode.acc_seg: 92.8555, aux.loss_ce: 0.0880, aux.acc_seg: 90.7889, loss: 0.2488 2023-11-02 23:50:26,530 - mmseg - INFO - Iter [43450/80000] lr: 1.480e-06, eta: 18:23:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1575, decode.acc_seg: 93.0415, aux.loss_ce: 0.0892, aux.acc_seg: 90.6959, loss: 0.2467 2023-11-02 23:51:49,674 - mmseg - INFO - Iter [43500/80000] lr: 1.478e-06, eta: 18:21:41, time: 1.663, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1540, decode.acc_seg: 93.3561, aux.loss_ce: 0.0840, aux.acc_seg: 91.5479, loss: 0.2380 2023-11-02 23:53:12,692 - mmseg - INFO - Iter [43550/80000] lr: 1.476e-06, eta: 18:20:04, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1539, decode.acc_seg: 93.2217, aux.loss_ce: 0.0849, aux.acc_seg: 91.4182, loss: 0.2388 2023-11-02 23:54:35,782 - mmseg - INFO - Iter [43600/80000] lr: 1.474e-06, eta: 18:18:27, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1611, decode.acc_seg: 92.9808, aux.loss_ce: 0.0880, aux.acc_seg: 90.9626, loss: 0.2491 2023-11-02 23:55:58,856 - mmseg - INFO - Iter [43650/80000] lr: 1.472e-06, eta: 18:16:50, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1682, decode.acc_seg: 92.6473, aux.loss_ce: 0.0886, aux.acc_seg: 90.8809, loss: 0.2568 2023-11-02 23:57:21,860 - mmseg - INFO - Iter [43700/80000] lr: 1.470e-06, eta: 18:15:14, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1596, decode.acc_seg: 93.0343, aux.loss_ce: 0.0869, aux.acc_seg: 90.9582, loss: 0.2464 2023-11-02 23:58:44,893 - mmseg - INFO - Iter [43750/80000] lr: 1.468e-06, eta: 18:13:37, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1632, decode.acc_seg: 92.8473, aux.loss_ce: 0.0904, aux.acc_seg: 90.7546, loss: 0.2536 2023-11-03 00:00:07,961 - mmseg - INFO - Iter [43800/80000] lr: 1.466e-06, eta: 18:12:00, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1646, decode.acc_seg: 93.0241, aux.loss_ce: 0.0863, aux.acc_seg: 91.3917, loss: 0.2509 2023-11-03 00:01:31,041 - mmseg - INFO - Iter [43850/80000] lr: 1.464e-06, eta: 18:10:24, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1647, decode.acc_seg: 92.8623, aux.loss_ce: 0.0924, aux.acc_seg: 90.5710, loss: 0.2572 2023-11-03 00:02:54,064 - mmseg - INFO - Iter [43900/80000] lr: 1.462e-06, eta: 18:08:47, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1571, decode.acc_seg: 93.0787, aux.loss_ce: 0.0855, aux.acc_seg: 91.1129, loss: 0.2426 2023-11-03 00:04:17,102 - mmseg - INFO - Iter [43950/80000] lr: 1.460e-06, eta: 18:07:10, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1668, decode.acc_seg: 92.8676, aux.loss_ce: 0.0914, aux.acc_seg: 90.7813, loss: 0.2582 2023-11-03 00:05:40,128 - mmseg - INFO - Saving checkpoint at 44000 iterations 2023-11-03 00:06:37,066 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 00:06:37,066 - mmseg - INFO - Iter [44000/80000] lr: 1.458e-06, eta: 18:06:21, time: 2.799, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1615, decode.acc_seg: 93.0257, aux.loss_ce: 0.0897, aux.acc_seg: 91.0949, loss: 0.2512 2023-11-03 00:08:03,193 - mmseg - INFO - per class results: 2023-11-03 00:08:03,198 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.05 | 89.66 | | building | 85.06 | 92.98 | | sky | 94.97 | 97.48 | | floor | 85.42 | 92.71 | | tree | 77.52 | 89.38 | | ceiling | 86.39 | 91.11 | | road | 86.6 | 91.24 | | bed | 92.86 | 97.47 | | windowpane | 66.87 | 79.56 | | grass | 67.7 | 79.43 | | cabinet | 66.05 | 77.45 | | sidewalk | 72.18 | 85.61 | | person | 85.22 | 94.23 | | earth | 39.71 | 54.38 | | door | 59.38 | 79.19 | | table | 69.87 | 81.64 | | mountain | 64.24 | 76.83 | | plant | 58.66 | 69.85 | | curtain | 77.67 | 89.6 | | chair | 66.9 | 79.56 | | car | 87.31 | 94.34 | | water | 63.21 | 77.6 | | painting | 78.95 | 91.12 | | sofa | 82.27 | 90.89 | | shelf | 46.28 | 66.51 | | house | 54.56 | 74.04 | | sea | 72.74 | 82.31 | | mirror | 76.36 | 85.76 | | rug | 70.3 | 77.43 | | field | 27.9 | 51.88 | | armchair | 61.25 | 82.76 | | seat | 67.85 | 85.79 | | fence | 51.85 | 66.98 | | desk | 60.43 | 75.73 | | rock | 57.83 | 81.9 | | wardrobe | 51.58 | 72.12 | | lamp | 75.21 | 87.8 | | bathtub | 87.87 | 92.87 | | railing | 44.64 | 61.88 | | cushion | 69.11 | 77.93 | | base | 40.43 | 56.83 | | box | 36.04 | 45.2 | | column | 55.72 | 70.31 | | signboard | 41.4 | 54.72 | | chest of drawers | 50.5 | 71.96 | | counter | 50.4 | 57.97 | | sand | 52.05 | 79.24 | | sink | 80.65 | 86.37 | | skyscraper | 48.71 | 64.61 | | fireplace | 77.03 | 96.85 | | refrigerator | 85.09 | 94.84 | | grandstand | 51.89 | 81.52 | | path | 28.79 | 38.96 | | stairs | 36.9 | 45.07 | | runway | 69.1 | 90.68 | | case | 58.21 | 76.07 | | pool table | 94.35 | 97.71 | | pillow | 66.63 | 79.94 | | screen door | 75.33 | 79.51 | | stairway | 37.83 | 46.78 | | river | 12.28 | 24.79 | | bridge | 51.75 | 59.06 | | bookcase | 45.56 | 67.85 | | blind | 47.19 | 55.76 | | coffee table | 64.84 | 87.03 | | toilet | 88.92 | 92.71 | | flower | 43.08 | 59.17 | | book | 52.84 | 73.42 | | hill | 7.42 | 13.72 | | bench | 52.14 | 61.25 | | countertop | 64.64 | 84.18 | | stove | 86.94 | 94.13 | | palm | 53.61 | 84.2 | | kitchen island | 49.21 | 84.77 | | computer | 80.18 | 89.85 | | swivel chair | 43.46 | 63.29 | | boat | 71.47 | 92.2 | | bar | 67.23 | 76.38 | | arcade machine | 78.64 | 84.24 | | hovel | 36.36 | 42.35 | | bus | 93.72 | 98.16 | | towel | 75.04 | 86.27 | | light | 61.94 | 68.48 | | truck | 47.24 | 60.74 | | tower | 11.97 | 16.11 | | chandelier | 74.65 | 87.78 | | awning | 49.66 | 64.72 | | streetlight | 38.22 | 51.24 | | booth | 62.87 | 66.43 | | television receiver | 77.65 | 90.05 | | airplane | 85.65 | 98.21 | | dirt track | 8.24 | 45.59 | | apparel | 54.82 | 73.39 | | pole | 27.1 | 41.95 | | land | 5.06 | 6.48 | | bannister | 20.87 | 26.74 | | escalator | 61.31 | 84.88 | | ottoman | 55.8 | 74.82 | | bottle | 43.99 | 71.58 | | buffet | 39.52 | 43.83 | | poster | 33.93 | 41.19 | | stage | 21.26 | 48.24 | | van | 46.56 | 71.69 | | ship | 78.25 | 89.61 | | fountain | 30.51 | 31.71 | | conveyer belt | 75.65 | 94.06 | | canopy | 54.77 | 74.64 | | washer | 84.8 | 90.96 | | plaything | 31.66 | 47.31 | | swimming pool | 57.7 | 84.37 | | stool | 52.33 | 64.06 | | barrel | 61.65 | 75.37 | | basket | 43.41 | 53.27 | | waterfall | 52.15 | 69.85 | | tent | 89.2 | 98.9 | | bag | 25.32 | 28.07 | | minibike | 75.09 | 89.67 | | cradle | 86.74 | 99.14 | | oven | 69.07 | 82.02 | | ball | 62.64 | 74.76 | | food | 56.99 | 69.37 | | step | 13.93 | 16.56 | | tank | 76.6 | 90.28 | | trade name | 27.94 | 32.35 | | microwave | 90.99 | 96.42 | | pot | 60.27 | 68.37 | | animal | 64.67 | 67.29 | | bicycle | 63.42 | 83.43 | | lake | 52.56 | 71.16 | | dishwasher | 75.07 | 83.4 | | screen | 57.88 | 80.57 | | blanket | 33.24 | 39.43 | | sculpture | 73.04 | 89.17 | | hood | 64.69 | 78.09 | | sconce | 62.6 | 75.69 | | vase | 47.32 | 67.34 | | traffic light | 37.44 | 64.7 | | tray | 21.88 | 28.93 | | ashcan | 54.46 | 64.33 | | fan | 68.86 | 85.29 | | pier | 40.51 | 44.6 | | crt screen | 5.19 | 12.95 | | plate | 59.59 | 81.44 | | monitor | 34.27 | 40.44 | | bulletin board | 63.78 | 66.96 | | shower | 13.94 | 17.38 | | radiator | 61.96 | 80.39 | | glass | 21.04 | 22.51 | | clock | 53.36 | 65.77 | | flag | 69.94 | 82.73 | +---------------------+-------+-------+ 2023-11-03 00:08:03,198 - mmseg - INFO - Summary: 2023-11-03 00:08:03,199 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.14 | 57.75 | 70.71 | +-------+-------+-------+ 2023-11-03 00:08:03,199 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 00:08:03,200 - mmseg - INFO - Iter(val) [250] aAcc: 0.8614, mIoU: 0.5775, mAcc: 0.7071, IoU.wall: 0.8205, IoU.building: 0.8506, IoU.sky: 0.9497, IoU.floor: 0.8542, IoU.tree: 0.7752, IoU.ceiling: 0.8639, IoU.road: 0.8660, IoU.bed : 0.9286, IoU.windowpane: 0.6687, IoU.grass: 0.6770, IoU.cabinet: 0.6605, IoU.sidewalk: 0.7218, IoU.person: 0.8522, IoU.earth: 0.3971, IoU.door: 0.5938, IoU.table: 0.6987, IoU.mountain: 0.6424, IoU.plant: 0.5866, IoU.curtain: 0.7767, IoU.chair: 0.6690, IoU.car: 0.8731, IoU.water: 0.6321, IoU.painting: 0.7895, IoU.sofa: 0.8227, IoU.shelf: 0.4628, IoU.house: 0.5456, IoU.sea: 0.7274, IoU.mirror: 0.7636, IoU.rug: 0.7030, IoU.field: 0.2790, IoU.armchair: 0.6125, IoU.seat: 0.6785, IoU.fence: 0.5185, IoU.desk: 0.6043, IoU.rock: 0.5783, IoU.wardrobe: 0.5158, IoU.lamp: 0.7521, IoU.bathtub: 0.8787, IoU.railing: 0.4464, IoU.cushion: 0.6911, IoU.base: 0.4043, IoU.box: 0.3604, IoU.column: 0.5572, IoU.signboard: 0.4140, IoU.chest of drawers: 0.5050, IoU.counter: 0.5040, IoU.sand: 0.5205, IoU.sink: 0.8065, IoU.skyscraper: 0.4871, IoU.fireplace: 0.7703, IoU.refrigerator: 0.8509, IoU.grandstand: 0.5189, IoU.path: 0.2879, IoU.stairs: 0.3690, IoU.runway: 0.6910, IoU.case: 0.5821, IoU.pool table: 0.9435, IoU.pillow: 0.6663, IoU.screen door: 0.7533, IoU.stairway: 0.3783, IoU.river: 0.1228, IoU.bridge: 0.5175, IoU.bookcase: 0.4556, IoU.blind: 0.4719, IoU.coffee table: 0.6484, IoU.toilet: 0.8892, IoU.flower: 0.4308, IoU.book: 0.5284, IoU.hill: 0.0742, IoU.bench: 0.5214, IoU.countertop: 0.6464, IoU.stove: 0.8694, IoU.palm: 0.5361, IoU.kitchen island: 0.4921, IoU.computer: 0.8018, IoU.swivel chair: 0.4346, IoU.boat: 0.7147, IoU.bar: 0.6723, IoU.arcade machine: 0.7864, IoU.hovel: 0.3636, IoU.bus: 0.9372, IoU.towel: 0.7504, IoU.light: 0.6194, IoU.truck: 0.4724, IoU.tower: 0.1197, IoU.chandelier: 0.7465, IoU.awning: 0.4966, IoU.streetlight: 0.3822, IoU.booth: 0.6287, IoU.television receiver: 0.7765, IoU.airplane: 0.8565, IoU.dirt track: 0.0824, IoU.apparel: 0.5482, IoU.pole: 0.2710, IoU.land: 0.0506, IoU.bannister: 0.2087, IoU.escalator: 0.6131, IoU.ottoman: 0.5580, IoU.bottle: 0.4399, IoU.buffet: 0.3952, IoU.poster: 0.3393, IoU.stage: 0.2126, IoU.van: 0.4656, IoU.ship: 0.7825, IoU.fountain: 0.3051, IoU.conveyer belt: 0.7565, IoU.canopy: 0.5477, IoU.washer: 0.8480, IoU.plaything: 0.3166, IoU.swimming pool: 0.5770, IoU.stool: 0.5233, IoU.barrel: 0.6165, IoU.basket: 0.4341, IoU.waterfall: 0.5215, IoU.tent: 0.8920, IoU.bag: 0.2532, IoU.minibike: 0.7509, IoU.cradle: 0.8674, IoU.oven: 0.6907, IoU.ball: 0.6264, IoU.food: 0.5699, IoU.step: 0.1393, IoU.tank: 0.7660, IoU.trade name: 0.2794, IoU.microwave: 0.9099, IoU.pot: 0.6027, IoU.animal: 0.6467, IoU.bicycle: 0.6342, IoU.lake: 0.5256, IoU.dishwasher: 0.7507, IoU.screen: 0.5788, IoU.blanket: 0.3324, IoU.sculpture: 0.7304, IoU.hood: 0.6469, IoU.sconce: 0.6260, IoU.vase: 0.4732, IoU.traffic light: 0.3744, IoU.tray: 0.2188, IoU.ashcan: 0.5446, IoU.fan: 0.6886, IoU.pier: 0.4051, IoU.crt screen: 0.0519, IoU.plate: 0.5959, IoU.monitor: 0.3427, IoU.bulletin board: 0.6378, IoU.shower: 0.1394, IoU.radiator: 0.6196, IoU.glass: 0.2104, IoU.clock: 0.5336, IoU.flag: 0.6994, Acc.wall: 0.8966, Acc.building: 0.9298, Acc.sky: 0.9748, Acc.floor: 0.9271, Acc.tree: 0.8938, Acc.ceiling: 0.9111, Acc.road: 0.9124, Acc.bed : 0.9747, Acc.windowpane: 0.7956, Acc.grass: 0.7943, Acc.cabinet: 0.7745, Acc.sidewalk: 0.8561, Acc.person: 0.9423, Acc.earth: 0.5438, Acc.door: 0.7919, Acc.table: 0.8164, Acc.mountain: 0.7683, Acc.plant: 0.6985, Acc.curtain: 0.8960, Acc.chair: 0.7956, Acc.car: 0.9434, Acc.water: 0.7760, Acc.painting: 0.9112, Acc.sofa: 0.9089, Acc.shelf: 0.6651, Acc.house: 0.7404, Acc.sea: 0.8231, Acc.mirror: 0.8576, Acc.rug: 0.7743, Acc.field: 0.5188, Acc.armchair: 0.8276, Acc.seat: 0.8579, Acc.fence: 0.6698, Acc.desk: 0.7573, Acc.rock: 0.8190, Acc.wardrobe: 0.7212, Acc.lamp: 0.8780, Acc.bathtub: 0.9287, Acc.railing: 0.6188, Acc.cushion: 0.7793, Acc.base: 0.5683, Acc.box: 0.4520, Acc.column: 0.7031, Acc.signboard: 0.5472, Acc.chest of drawers: 0.7196, Acc.counter: 0.5797, Acc.sand: 0.7924, Acc.sink: 0.8637, Acc.skyscraper: 0.6461, Acc.fireplace: 0.9685, Acc.refrigerator: 0.9484, Acc.grandstand: 0.8152, Acc.path: 0.3896, Acc.stairs: 0.4507, Acc.runway: 0.9068, Acc.case: 0.7607, Acc.pool table: 0.9771, Acc.pillow: 0.7994, Acc.screen door: 0.7951, Acc.stairway: 0.4678, Acc.river: 0.2479, Acc.bridge: 0.5906, Acc.bookcase: 0.6785, Acc.blind: 0.5576, Acc.coffee table: 0.8703, Acc.toilet: 0.9271, Acc.flower: 0.5917, Acc.book: 0.7342, Acc.hill: 0.1372, Acc.bench: 0.6125, Acc.countertop: 0.8418, Acc.stove: 0.9413, Acc.palm: 0.8420, Acc.kitchen island: 0.8477, Acc.computer: 0.8985, Acc.swivel chair: 0.6329, Acc.boat: 0.9220, Acc.bar: 0.7638, Acc.arcade machine: 0.8424, Acc.hovel: 0.4235, Acc.bus: 0.9816, Acc.towel: 0.8627, Acc.light: 0.6848, Acc.truck: 0.6074, Acc.tower: 0.1611, Acc.chandelier: 0.8778, Acc.awning: 0.6472, Acc.streetlight: 0.5124, Acc.booth: 0.6643, Acc.television receiver: 0.9005, Acc.airplane: 0.9821, Acc.dirt track: 0.4559, Acc.apparel: 0.7339, Acc.pole: 0.4195, Acc.land: 0.0648, Acc.bannister: 0.2674, Acc.escalator: 0.8488, Acc.ottoman: 0.7482, Acc.bottle: 0.7158, Acc.buffet: 0.4383, Acc.poster: 0.4119, Acc.stage: 0.4824, Acc.van: 0.7169, Acc.ship: 0.8961, Acc.fountain: 0.3171, Acc.conveyer belt: 0.9406, Acc.canopy: 0.7464, Acc.washer: 0.9096, Acc.plaything: 0.4731, Acc.swimming pool: 0.8437, Acc.stool: 0.6406, Acc.barrel: 0.7537, Acc.basket: 0.5327, Acc.waterfall: 0.6985, Acc.tent: 0.9890, Acc.bag: 0.2807, Acc.minibike: 0.8967, Acc.cradle: 0.9914, Acc.oven: 0.8202, Acc.ball: 0.7476, Acc.food: 0.6937, Acc.step: 0.1656, Acc.tank: 0.9028, Acc.trade name: 0.3235, Acc.microwave: 0.9642, Acc.pot: 0.6837, Acc.animal: 0.6729, Acc.bicycle: 0.8343, Acc.lake: 0.7116, Acc.dishwasher: 0.8340, Acc.screen: 0.8057, Acc.blanket: 0.3943, Acc.sculpture: 0.8917, Acc.hood: 0.7809, Acc.sconce: 0.7569, Acc.vase: 0.6734, Acc.traffic light: 0.6470, Acc.tray: 0.2893, Acc.ashcan: 0.6433, Acc.fan: 0.8529, Acc.pier: 0.4460, Acc.crt screen: 0.1295, Acc.plate: 0.8144, Acc.monitor: 0.4044, Acc.bulletin board: 0.6696, Acc.shower: 0.1738, Acc.radiator: 0.8039, Acc.glass: 0.2251, Acc.clock: 0.6577, Acc.flag: 0.8273 2023-11-03 00:09:26,340 - mmseg - INFO - Iter [44050/80000] lr: 1.456e-06, eta: 18:05:54, time: 3.386, data_time: 1.731, memory: 69173, decode.loss_ce: 0.1555, decode.acc_seg: 93.3252, aux.loss_ce: 0.0879, aux.acc_seg: 91.1257, loss: 0.2433 2023-11-03 00:10:49,414 - mmseg - INFO - Iter [44100/80000] lr: 1.454e-06, eta: 18:04:17, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1630, decode.acc_seg: 92.8162, aux.loss_ce: 0.0873, aux.acc_seg: 90.8034, loss: 0.2503 2023-11-03 00:12:12,473 - mmseg - INFO - Iter [44150/80000] lr: 1.452e-06, eta: 18:02:41, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1507, decode.acc_seg: 93.4188, aux.loss_ce: 0.0851, aux.acc_seg: 91.2196, loss: 0.2358 2023-11-03 00:13:35,524 - mmseg - INFO - Iter [44200/80000] lr: 1.450e-06, eta: 18:01:04, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1565, decode.acc_seg: 93.1968, aux.loss_ce: 0.0859, aux.acc_seg: 91.1541, loss: 0.2424 2023-11-03 00:15:00,987 - mmseg - INFO - Iter [44250/80000] lr: 1.448e-06, eta: 17:59:29, time: 1.709, data_time: 0.054, memory: 69173, decode.loss_ce: 0.1520, decode.acc_seg: 93.3404, aux.loss_ce: 0.0844, aux.acc_seg: 91.3298, loss: 0.2364 2023-11-03 00:16:24,408 - mmseg - INFO - Iter [44300/80000] lr: 1.446e-06, eta: 17:57:53, time: 1.668, data_time: 0.012, memory: 69173, decode.loss_ce: 0.1578, decode.acc_seg: 93.0814, aux.loss_ce: 0.0869, aux.acc_seg: 91.0647, loss: 0.2448 2023-11-03 00:17:47,444 - mmseg - INFO - Iter [44350/80000] lr: 1.444e-06, eta: 17:56:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1579, decode.acc_seg: 93.1267, aux.loss_ce: 0.0863, aux.acc_seg: 91.2173, loss: 0.2442 2023-11-03 00:19:10,571 - mmseg - INFO - Iter [44400/80000] lr: 1.442e-06, eta: 17:54:40, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1626, decode.acc_seg: 93.1985, aux.loss_ce: 0.0852, aux.acc_seg: 91.4894, loss: 0.2478 2023-11-03 00:20:33,625 - mmseg - INFO - Iter [44450/80000] lr: 1.440e-06, eta: 17:53:03, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1604, decode.acc_seg: 93.0902, aux.loss_ce: 0.0867, aux.acc_seg: 91.0998, loss: 0.2471 2023-11-03 00:21:56,666 - mmseg - INFO - Iter [44500/80000] lr: 1.438e-06, eta: 17:51:27, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1570, decode.acc_seg: 93.2262, aux.loss_ce: 0.0872, aux.acc_seg: 91.2331, loss: 0.2442 2023-11-03 00:23:19,783 - mmseg - INFO - Iter [44550/80000] lr: 1.436e-06, eta: 17:49:50, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1524, decode.acc_seg: 93.2735, aux.loss_ce: 0.0856, aux.acc_seg: 91.1756, loss: 0.2380 2023-11-03 00:24:42,819 - mmseg - INFO - Iter [44600/80000] lr: 1.434e-06, eta: 17:48:14, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1523, decode.acc_seg: 93.3723, aux.loss_ce: 0.0823, aux.acc_seg: 91.6088, loss: 0.2346 2023-11-03 00:26:05,864 - mmseg - INFO - Iter [44650/80000] lr: 1.432e-06, eta: 17:46:37, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1513, decode.acc_seg: 93.3575, aux.loss_ce: 0.0811, aux.acc_seg: 91.6528, loss: 0.2324 2023-11-03 00:27:28,892 - mmseg - INFO - Iter [44700/80000] lr: 1.430e-06, eta: 17:45:01, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1614, decode.acc_seg: 92.9642, aux.loss_ce: 0.0915, aux.acc_seg: 90.6621, loss: 0.2529 2023-11-03 00:28:51,958 - mmseg - INFO - Iter [44750/80000] lr: 1.428e-06, eta: 17:43:24, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1622, decode.acc_seg: 92.9437, aux.loss_ce: 0.0892, aux.acc_seg: 90.8705, loss: 0.2514 2023-11-03 00:30:15,006 - mmseg - INFO - Iter [44800/80000] lr: 1.426e-06, eta: 17:41:48, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1518, decode.acc_seg: 93.1141, aux.loss_ce: 0.0858, aux.acc_seg: 90.9596, loss: 0.2376 2023-11-03 00:31:38,043 - mmseg - INFO - Iter [44850/80000] lr: 1.424e-06, eta: 17:40:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1604, decode.acc_seg: 92.9760, aux.loss_ce: 0.0855, aux.acc_seg: 91.1593, loss: 0.2458 2023-11-03 00:33:01,088 - mmseg - INFO - Iter [44900/80000] lr: 1.421e-06, eta: 17:38:35, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1650, decode.acc_seg: 92.8714, aux.loss_ce: 0.0878, aux.acc_seg: 91.0642, loss: 0.2528 2023-11-03 00:34:24,133 - mmseg - INFO - Iter [44950/80000] lr: 1.419e-06, eta: 17:36:59, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1597, decode.acc_seg: 93.2942, aux.loss_ce: 0.0885, aux.acc_seg: 91.1909, loss: 0.2482 2023-11-03 00:35:47,157 - mmseg - INFO - Saving checkpoint at 45000 iterations 2023-11-03 00:36:49,851 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 00:36:49,851 - mmseg - INFO - Iter [45000/80000] lr: 1.417e-06, eta: 17:36:12, time: 2.914, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1583, decode.acc_seg: 93.0049, aux.loss_ce: 0.0852, aux.acc_seg: 91.0950, loss: 0.2435 2023-11-03 00:38:24,130 - mmseg - INFO - per class results: 2023-11-03 00:38:24,140 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.19 | 89.87 | | building | 85.06 | 92.93 | | sky | 95.04 | 97.59 | | floor | 85.44 | 91.92 | | tree | 76.97 | 89.93 | | ceiling | 87.19 | 94.41 | | road | 87.71 | 91.45 | | bed | 92.88 | 96.76 | | windowpane | 66.1 | 77.61 | | grass | 69.36 | 81.67 | | cabinet | 65.65 | 74.12 | | sidewalk | 72.95 | 86.48 | | person | 84.04 | 96.11 | | earth | 40.37 | 53.17 | | door | 61.42 | 77.83 | | table | 70.89 | 84.66 | | mountain | 65.1 | 74.9 | | plant | 56.79 | 65.96 | | curtain | 78.02 | 89.22 | | chair | 67.43 | 79.61 | | car | 86.91 | 94.98 | | water | 62.56 | 77.4 | | painting | 79.32 | 90.38 | | sofa | 83.36 | 90.6 | | shelf | 47.07 | 65.77 | | house | 58.37 | 73.28 | | sea | 75.32 | 84.24 | | mirror | 77.95 | 86.41 | | rug | 68.99 | 80.12 | | field | 29.08 | 55.55 | | armchair | 64.89 | 81.19 | | seat | 67.07 | 88.4 | | fence | 51.57 | 66.65 | | desk | 59.0 | 76.04 | | rock | 57.08 | 83.46 | | wardrobe | 51.52 | 74.34 | | lamp | 75.51 | 86.57 | | bathtub | 89.2 | 93.95 | | railing | 44.33 | 63.9 | | cushion | 67.75 | 75.98 | | base | 42.22 | 54.71 | | box | 38.42 | 48.79 | | column | 56.75 | 71.94 | | signboard | 43.18 | 59.07 | | chest of drawers | 46.47 | 68.76 | | counter | 55.03 | 67.36 | | sand | 56.25 | 86.7 | | sink | 81.72 | 87.48 | | skyscraper | 47.38 | 59.68 | | fireplace | 76.97 | 93.97 | | refrigerator | 85.01 | 96.32 | | grandstand | 50.31 | 79.7 | | path | 32.61 | 45.09 | | stairs | 35.77 | 44.61 | | runway | 74.06 | 96.58 | | case | 60.83 | 76.51 | | pool table | 94.23 | 97.93 | | pillow | 67.1 | 79.44 | | screen door | 75.61 | 79.54 | | stairway | 41.08 | 47.35 | | river | 13.59 | 27.58 | | bridge | 51.55 | 62.55 | | bookcase | 44.44 | 58.24 | | blind | 46.58 | 61.3 | | coffee table | 67.26 | 82.58 | | toilet | 90.51 | 94.44 | | flower | 40.84 | 68.84 | | book | 52.84 | 78.48 | | hill | 7.61 | 14.11 | | bench | 53.34 | 62.31 | | countertop | 62.54 | 81.39 | | stove | 86.29 | 92.32 | | palm | 54.02 | 83.57 | | kitchen island | 56.27 | 79.48 | | computer | 77.25 | 91.98 | | swivel chair | 46.0 | 69.46 | | boat | 72.03 | 91.37 | | bar | 63.02 | 72.32 | | arcade machine | 78.67 | 85.01 | | hovel | 36.0 | 39.73 | | bus | 94.22 | 97.54 | | towel | 78.28 | 86.67 | | light | 62.01 | 81.82 | | truck | 49.5 | 64.06 | | tower | 16.23 | 26.97 | | chandelier | 74.67 | 87.93 | | awning | 50.34 | 64.25 | | streetlight | 36.27 | 50.03 | | booth | 57.82 | 66.76 | | television receiver | 77.15 | 89.56 | | airplane | 86.24 | 95.96 | | dirt track | 6.76 | 32.48 | | apparel | 59.39 | 82.33 | | pole | 28.15 | 41.71 | | land | 3.39 | 4.38 | | bannister | 21.29 | 27.46 | | escalator | 64.17 | 86.34 | | ottoman | 57.02 | 70.58 | | bottle | 42.53 | 72.78 | | buffet | 49.54 | 54.88 | | poster | 29.66 | 33.16 | | stage | 29.02 | 44.5 | | van | 45.19 | 58.03 | | ship | 67.57 | 73.99 | | fountain | 32.37 | 34.28 | | conveyer belt | 78.23 | 93.02 | | canopy | 59.48 | 80.27 | | washer | 84.05 | 89.35 | | plaything | 26.45 | 48.58 | | swimming pool | 55.66 | 80.19 | | stool | 50.5 | 68.94 | | barrel | 57.69 | 86.28 | | basket | 44.8 | 60.94 | | waterfall | 57.03 | 68.07 | | tent | 91.98 | 98.41 | | bag | 26.27 | 30.48 | | minibike | 73.67 | 90.29 | | cradle | 78.33 | 99.08 | | oven | 69.8 | 82.22 | | ball | 63.65 | 75.71 | | food | 59.24 | 69.41 | | step | 11.32 | 13.9 | | tank | 80.85 | 96.0 | | trade name | 31.27 | 38.09 | | microwave | 90.14 | 96.79 | | pot | 58.98 | 66.24 | | animal | 60.88 | 63.08 | | bicycle | 63.84 | 80.4 | | lake | 58.66 | 65.53 | | dishwasher | 74.45 | 84.64 | | screen | 61.91 | 88.69 | | blanket | 34.73 | 42.48 | | sculpture | 75.96 | 87.63 | | hood | 67.95 | 84.51 | | sconce | 60.07 | 69.88 | | vase | 47.78 | 64.62 | | traffic light | 38.4 | 64.05 | | tray | 15.81 | 20.49 | | ashcan | 52.72 | 65.97 | | fan | 69.78 | 88.11 | | pier | 41.25 | 48.03 | | crt screen | 1.62 | 3.45 | | plate | 58.77 | 79.57 | | monitor | 32.22 | 37.34 | | bulletin board | 59.95 | 66.38 | | shower | 6.23 | 6.52 | | radiator | 63.7 | 76.8 | | glass | 22.43 | 24.83 | | clock | 50.82 | 65.61 | | flag | 70.52 | 83.86 | +---------------------+-------+-------+ 2023-11-03 00:38:24,140 - mmseg - INFO - Summary: 2023-11-03 00:38:24,140 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.35 | 58.05 | 70.91 | +-------+-------+-------+ 2023-11-03 00:38:24,142 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 00:38:24,142 - mmseg - INFO - Iter(val) [250] aAcc: 0.8635, mIoU: 0.5805, mAcc: 0.7091, IoU.wall: 0.8219, IoU.building: 0.8506, IoU.sky: 0.9504, IoU.floor: 0.8544, IoU.tree: 0.7697, IoU.ceiling: 0.8719, IoU.road: 0.8771, IoU.bed : 0.9288, IoU.windowpane: 0.6610, IoU.grass: 0.6936, IoU.cabinet: 0.6565, IoU.sidewalk: 0.7295, IoU.person: 0.8404, IoU.earth: 0.4037, IoU.door: 0.6142, IoU.table: 0.7089, IoU.mountain: 0.6510, IoU.plant: 0.5679, IoU.curtain: 0.7802, IoU.chair: 0.6743, IoU.car: 0.8691, IoU.water: 0.6256, IoU.painting: 0.7932, IoU.sofa: 0.8336, IoU.shelf: 0.4707, IoU.house: 0.5837, IoU.sea: 0.7532, IoU.mirror: 0.7795, IoU.rug: 0.6899, IoU.field: 0.2908, IoU.armchair: 0.6489, IoU.seat: 0.6707, IoU.fence: 0.5157, IoU.desk: 0.5900, IoU.rock: 0.5708, IoU.wardrobe: 0.5152, IoU.lamp: 0.7551, IoU.bathtub: 0.8920, IoU.railing: 0.4433, IoU.cushion: 0.6775, IoU.base: 0.4222, IoU.box: 0.3842, IoU.column: 0.5675, IoU.signboard: 0.4318, IoU.chest of drawers: 0.4647, IoU.counter: 0.5503, IoU.sand: 0.5625, IoU.sink: 0.8172, IoU.skyscraper: 0.4738, IoU.fireplace: 0.7697, IoU.refrigerator: 0.8501, IoU.grandstand: 0.5031, IoU.path: 0.3261, IoU.stairs: 0.3577, IoU.runway: 0.7406, IoU.case: 0.6083, IoU.pool table: 0.9423, IoU.pillow: 0.6710, IoU.screen door: 0.7561, IoU.stairway: 0.4108, IoU.river: 0.1359, IoU.bridge: 0.5155, IoU.bookcase: 0.4444, IoU.blind: 0.4658, IoU.coffee table: 0.6726, IoU.toilet: 0.9051, IoU.flower: 0.4084, IoU.book: 0.5284, IoU.hill: 0.0761, IoU.bench: 0.5334, IoU.countertop: 0.6254, IoU.stove: 0.8629, IoU.palm: 0.5402, IoU.kitchen island: 0.5627, IoU.computer: 0.7725, IoU.swivel chair: 0.4600, IoU.boat: 0.7203, IoU.bar: 0.6302, IoU.arcade machine: 0.7867, IoU.hovel: 0.3600, IoU.bus: 0.9422, IoU.towel: 0.7828, IoU.light: 0.6201, IoU.truck: 0.4950, IoU.tower: 0.1623, IoU.chandelier: 0.7467, IoU.awning: 0.5034, IoU.streetlight: 0.3627, IoU.booth: 0.5782, IoU.television receiver: 0.7715, IoU.airplane: 0.8624, IoU.dirt track: 0.0676, IoU.apparel: 0.5939, IoU.pole: 0.2815, IoU.land: 0.0339, IoU.bannister: 0.2129, IoU.escalator: 0.6417, IoU.ottoman: 0.5702, IoU.bottle: 0.4253, IoU.buffet: 0.4954, IoU.poster: 0.2966, IoU.stage: 0.2902, IoU.van: 0.4519, IoU.ship: 0.6757, IoU.fountain: 0.3237, IoU.conveyer belt: 0.7823, IoU.canopy: 0.5948, IoU.washer: 0.8405, IoU.plaything: 0.2645, IoU.swimming pool: 0.5566, IoU.stool: 0.5050, IoU.barrel: 0.5769, IoU.basket: 0.4480, IoU.waterfall: 0.5703, IoU.tent: 0.9198, IoU.bag: 0.2627, IoU.minibike: 0.7367, IoU.cradle: 0.7833, IoU.oven: 0.6980, IoU.ball: 0.6365, IoU.food: 0.5924, IoU.step: 0.1132, IoU.tank: 0.8085, IoU.trade name: 0.3127, IoU.microwave: 0.9014, IoU.pot: 0.5898, IoU.animal: 0.6088, IoU.bicycle: 0.6384, IoU.lake: 0.5866, IoU.dishwasher: 0.7445, IoU.screen: 0.6191, IoU.blanket: 0.3473, IoU.sculpture: 0.7596, IoU.hood: 0.6795, IoU.sconce: 0.6007, IoU.vase: 0.4778, IoU.traffic light: 0.3840, IoU.tray: 0.1581, IoU.ashcan: 0.5272, IoU.fan: 0.6978, IoU.pier: 0.4125, IoU.crt screen: 0.0162, IoU.plate: 0.5877, IoU.monitor: 0.3222, IoU.bulletin board: 0.5995, IoU.shower: 0.0623, IoU.radiator: 0.6370, IoU.glass: 0.2243, IoU.clock: 0.5082, IoU.flag: 0.7052, Acc.wall: 0.8987, Acc.building: 0.9293, Acc.sky: 0.9759, Acc.floor: 0.9192, Acc.tree: 0.8993, Acc.ceiling: 0.9441, Acc.road: 0.9145, Acc.bed : 0.9676, Acc.windowpane: 0.7761, Acc.grass: 0.8167, Acc.cabinet: 0.7412, Acc.sidewalk: 0.8648, Acc.person: 0.9611, Acc.earth: 0.5317, Acc.door: 0.7783, Acc.table: 0.8466, Acc.mountain: 0.7490, Acc.plant: 0.6596, Acc.curtain: 0.8922, Acc.chair: 0.7961, Acc.car: 0.9498, Acc.water: 0.7740, Acc.painting: 0.9038, Acc.sofa: 0.9060, Acc.shelf: 0.6577, Acc.house: 0.7328, Acc.sea: 0.8424, Acc.mirror: 0.8641, Acc.rug: 0.8012, Acc.field: 0.5555, Acc.armchair: 0.8119, Acc.seat: 0.8840, Acc.fence: 0.6665, Acc.desk: 0.7604, Acc.rock: 0.8346, Acc.wardrobe: 0.7434, Acc.lamp: 0.8657, Acc.bathtub: 0.9395, Acc.railing: 0.6390, Acc.cushion: 0.7598, Acc.base: 0.5471, Acc.box: 0.4879, Acc.column: 0.7194, Acc.signboard: 0.5907, Acc.chest of drawers: 0.6876, Acc.counter: 0.6736, Acc.sand: 0.8670, Acc.sink: 0.8748, Acc.skyscraper: 0.5968, Acc.fireplace: 0.9397, Acc.refrigerator: 0.9632, Acc.grandstand: 0.7970, Acc.path: 0.4509, Acc.stairs: 0.4461, Acc.runway: 0.9658, Acc.case: 0.7651, Acc.pool table: 0.9793, Acc.pillow: 0.7944, Acc.screen door: 0.7954, Acc.stairway: 0.4735, Acc.river: 0.2758, Acc.bridge: 0.6255, Acc.bookcase: 0.5824, Acc.blind: 0.6130, Acc.coffee table: 0.8258, Acc.toilet: 0.9444, Acc.flower: 0.6884, Acc.book: 0.7848, Acc.hill: 0.1411, Acc.bench: 0.6231, Acc.countertop: 0.8139, Acc.stove: 0.9232, Acc.palm: 0.8357, Acc.kitchen island: 0.7948, Acc.computer: 0.9198, Acc.swivel chair: 0.6946, Acc.boat: 0.9137, Acc.bar: 0.7232, Acc.arcade machine: 0.8501, Acc.hovel: 0.3973, Acc.bus: 0.9754, Acc.towel: 0.8667, Acc.light: 0.8182, Acc.truck: 0.6406, Acc.tower: 0.2697, Acc.chandelier: 0.8793, Acc.awning: 0.6425, Acc.streetlight: 0.5003, Acc.booth: 0.6676, Acc.television receiver: 0.8956, Acc.airplane: 0.9596, Acc.dirt track: 0.3248, Acc.apparel: 0.8233, Acc.pole: 0.4171, Acc.land: 0.0438, Acc.bannister: 0.2746, Acc.escalator: 0.8634, Acc.ottoman: 0.7058, Acc.bottle: 0.7278, Acc.buffet: 0.5488, Acc.poster: 0.3316, Acc.stage: 0.4450, Acc.van: 0.5803, Acc.ship: 0.7399, Acc.fountain: 0.3428, Acc.conveyer belt: 0.9302, Acc.canopy: 0.8027, Acc.washer: 0.8935, Acc.plaything: 0.4858, Acc.swimming pool: 0.8019, Acc.stool: 0.6894, Acc.barrel: 0.8628, Acc.basket: 0.6094, Acc.waterfall: 0.6807, Acc.tent: 0.9841, Acc.bag: 0.3048, Acc.minibike: 0.9029, Acc.cradle: 0.9908, Acc.oven: 0.8222, Acc.ball: 0.7571, Acc.food: 0.6941, Acc.step: 0.1390, Acc.tank: 0.9600, Acc.trade name: 0.3809, Acc.microwave: 0.9679, Acc.pot: 0.6624, Acc.animal: 0.6308, Acc.bicycle: 0.8040, Acc.lake: 0.6553, Acc.dishwasher: 0.8464, Acc.screen: 0.8869, Acc.blanket: 0.4248, Acc.sculpture: 0.8763, Acc.hood: 0.8451, Acc.sconce: 0.6988, Acc.vase: 0.6462, Acc.traffic light: 0.6405, Acc.tray: 0.2049, Acc.ashcan: 0.6597, Acc.fan: 0.8811, Acc.pier: 0.4803, Acc.crt screen: 0.0345, Acc.plate: 0.7957, Acc.monitor: 0.3734, Acc.bulletin board: 0.6638, Acc.shower: 0.0652, Acc.radiator: 0.7680, Acc.glass: 0.2483, Acc.clock: 0.6561, Acc.flag: 0.8386 2023-11-03 00:39:47,333 - mmseg - INFO - Iter [45050/80000] lr: 1.415e-06, eta: 17:35:49, time: 3.550, data_time: 1.894, memory: 69173, decode.loss_ce: 0.1603, decode.acc_seg: 92.9697, aux.loss_ce: 0.0841, aux.acc_seg: 91.3174, loss: 0.2443 2023-11-03 00:41:10,403 - mmseg - INFO - Iter [45100/80000] lr: 1.413e-06, eta: 17:34:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1519, decode.acc_seg: 93.2989, aux.loss_ce: 0.0839, aux.acc_seg: 91.3747, loss: 0.2358 2023-11-03 00:42:33,473 - mmseg - INFO - Iter [45150/80000] lr: 1.411e-06, eta: 17:32:36, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1566, decode.acc_seg: 93.1639, aux.loss_ce: 0.0866, aux.acc_seg: 91.1275, loss: 0.2433 2023-11-03 00:43:56,490 - mmseg - INFO - Iter [45200/80000] lr: 1.409e-06, eta: 17:30:59, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1536, decode.acc_seg: 93.0079, aux.loss_ce: 0.0860, aux.acc_seg: 90.9515, loss: 0.2396 2023-11-03 00:45:19,559 - mmseg - INFO - Iter [45250/80000] lr: 1.407e-06, eta: 17:29:23, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1578, decode.acc_seg: 92.9694, aux.loss_ce: 0.0847, aux.acc_seg: 91.1379, loss: 0.2425 2023-11-03 00:46:42,616 - mmseg - INFO - Iter [45300/80000] lr: 1.405e-06, eta: 17:27:46, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1548, decode.acc_seg: 93.1652, aux.loss_ce: 0.0860, aux.acc_seg: 90.9095, loss: 0.2408 2023-11-03 00:48:05,630 - mmseg - INFO - Iter [45350/80000] lr: 1.403e-06, eta: 17:26:10, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1638, decode.acc_seg: 93.0521, aux.loss_ce: 0.0885, aux.acc_seg: 91.1089, loss: 0.2523 2023-11-03 00:49:28,708 - mmseg - INFO - Iter [45400/80000] lr: 1.401e-06, eta: 17:24:34, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1545, decode.acc_seg: 93.1859, aux.loss_ce: 0.0840, aux.acc_seg: 91.5071, loss: 0.2385 2023-11-03 00:50:51,764 - mmseg - INFO - Iter [45450/80000] lr: 1.399e-06, eta: 17:22:57, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1664, decode.acc_seg: 92.8927, aux.loss_ce: 0.0891, aux.acc_seg: 90.9486, loss: 0.2556 2023-11-03 00:52:17,154 - mmseg - INFO - Iter [45500/80000] lr: 1.397e-06, eta: 17:21:23, time: 1.708, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1565, decode.acc_seg: 93.3002, aux.loss_ce: 0.0883, aux.acc_seg: 90.8450, loss: 0.2448 2023-11-03 00:53:40,207 - mmseg - INFO - Iter [45550/80000] lr: 1.395e-06, eta: 17:19:47, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1574, decode.acc_seg: 93.0885, aux.loss_ce: 0.0851, aux.acc_seg: 91.1934, loss: 0.2426 2023-11-03 00:55:03,286 - mmseg - INFO - Iter [45600/80000] lr: 1.393e-06, eta: 17:18:11, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1579, decode.acc_seg: 93.1034, aux.loss_ce: 0.0885, aux.acc_seg: 91.0503, loss: 0.2464 2023-11-03 00:56:26,378 - mmseg - INFO - Iter [45650/80000] lr: 1.391e-06, eta: 17:16:34, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1465, decode.acc_seg: 93.5821, aux.loss_ce: 0.0781, aux.acc_seg: 91.9574, loss: 0.2246 2023-11-03 00:57:49,430 - mmseg - INFO - Iter [45700/80000] lr: 1.389e-06, eta: 17:14:58, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1632, decode.acc_seg: 93.0156, aux.loss_ce: 0.0892, aux.acc_seg: 90.8559, loss: 0.2524 2023-11-03 00:59:12,495 - mmseg - INFO - Iter [45750/80000] lr: 1.387e-06, eta: 17:13:22, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1631, decode.acc_seg: 93.0482, aux.loss_ce: 0.0909, aux.acc_seg: 90.7958, loss: 0.2540 2023-11-03 01:00:35,580 - mmseg - INFO - Iter [45800/80000] lr: 1.385e-06, eta: 17:11:46, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1654, decode.acc_seg: 92.7760, aux.loss_ce: 0.0917, aux.acc_seg: 90.6806, loss: 0.2570 2023-11-03 01:01:58,643 - mmseg - INFO - Iter [45850/80000] lr: 1.383e-06, eta: 17:10:10, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1552, decode.acc_seg: 93.0693, aux.loss_ce: 0.0849, aux.acc_seg: 91.0558, loss: 0.2401 2023-11-03 01:03:21,753 - mmseg - INFO - Iter [45900/80000] lr: 1.381e-06, eta: 17:08:34, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1526, decode.acc_seg: 93.1961, aux.loss_ce: 0.0857, aux.acc_seg: 91.2196, loss: 0.2383 2023-11-03 01:04:44,880 - mmseg - INFO - Iter [45950/80000] lr: 1.379e-06, eta: 17:06:58, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1594, decode.acc_seg: 92.9111, aux.loss_ce: 0.0897, aux.acc_seg: 90.7036, loss: 0.2491 2023-11-03 01:06:08,111 - mmseg - INFO - Saving checkpoint at 46000 iterations 2023-11-03 01:07:10,702 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 01:07:10,702 - mmseg - INFO - Iter [46000/80000] lr: 1.377e-06, eta: 17:06:09, time: 2.916, data_time: 0.010, memory: 69173, decode.loss_ce: 0.1544, decode.acc_seg: 93.3446, aux.loss_ce: 0.0861, aux.acc_seg: 91.0332, loss: 0.2405 2023-11-03 01:08:38,227 - mmseg - INFO - per class results: 2023-11-03 01:08:38,233 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.58 | 90.11 | | building | 85.39 | 93.57 | | sky | 95.0 | 97.59 | | floor | 85.09 | 91.67 | | tree | 76.49 | 89.78 | | ceiling | 87.45 | 93.94 | | road | 86.61 | 91.29 | | bed | 92.95 | 97.31 | | windowpane | 65.49 | 79.48 | | grass | 71.19 | 83.32 | | cabinet | 65.59 | 74.83 | | sidewalk | 72.92 | 87.34 | | person | 85.1 | 94.18 | | earth | 40.59 | 53.11 | | door | 62.28 | 77.91 | | table | 70.2 | 84.14 | | mountain | 67.18 | 78.6 | | plant | 55.51 | 69.67 | | curtain | 77.23 | 88.78 | | chair | 67.77 | 80.43 | | car | 87.46 | 93.28 | | water | 60.13 | 71.98 | | painting | 80.03 | 90.97 | | sofa | 81.56 | 88.31 | | shelf | 47.17 | 65.53 | | house | 61.87 | 76.91 | | sea | 72.78 | 86.09 | | mirror | 75.51 | 84.18 | | rug | 69.61 | 83.05 | | field | 27.46 | 45.28 | | armchair | 62.29 | 79.98 | | seat | 69.36 | 88.94 | | fence | 52.08 | 67.25 | | desk | 59.38 | 80.17 | | rock | 60.0 | 77.67 | | wardrobe | 52.27 | 74.82 | | lamp | 74.03 | 84.7 | | bathtub | 88.68 | 91.13 | | railing | 43.39 | 63.1 | | cushion | 68.73 | 80.38 | | base | 41.29 | 62.69 | | box | 38.87 | 51.79 | | column | 55.02 | 65.83 | | signboard | 39.82 | 58.69 | | chest of drawers | 44.73 | 70.54 | | counter | 54.61 | 64.31 | | sand | 51.77 | 79.21 | | sink | 80.9 | 85.41 | | skyscraper | 45.08 | 58.25 | | fireplace | 76.58 | 95.08 | | refrigerator | 83.44 | 95.37 | | grandstand | 52.15 | 79.67 | | path | 31.11 | 45.22 | | stairs | 34.71 | 43.55 | | runway | 67.1 | 89.46 | | case | 61.2 | 74.57 | | pool table | 94.4 | 97.84 | | pillow | 67.86 | 79.49 | | screen door | 83.16 | 88.77 | | stairway | 40.07 | 55.27 | | river | 14.59 | 32.39 | | bridge | 57.35 | 67.8 | | bookcase | 43.81 | 58.6 | | blind | 43.85 | 52.08 | | coffee table | 68.22 | 87.15 | | toilet | 90.36 | 94.56 | | flower | 42.39 | 52.42 | | book | 51.19 | 76.95 | | hill | 7.08 | 9.87 | | bench | 53.22 | 60.13 | | countertop | 61.82 | 85.51 | | stove | 85.68 | 92.53 | | palm | 53.56 | 74.72 | | kitchen island | 53.37 | 78.96 | | computer | 77.8 | 92.75 | | swivel chair | 44.68 | 65.34 | | boat | 68.79 | 90.29 | | bar | 66.41 | 80.01 | | arcade machine | 78.16 | 81.71 | | hovel | 19.79 | 21.17 | | bus | 94.06 | 97.8 | | towel | 74.24 | 83.58 | | light | 62.36 | 72.62 | | truck | 49.07 | 65.02 | | tower | 16.87 | 26.36 | | chandelier | 72.25 | 87.07 | | awning | 42.48 | 52.45 | | streetlight | 36.85 | 49.79 | | booth | 50.93 | 59.55 | | television receiver | 79.32 | 89.76 | | airplane | 87.56 | 94.87 | | dirt track | 6.36 | 34.32 | | apparel | 57.93 | 72.92 | | pole | 27.42 | 35.54 | | land | 3.83 | 5.86 | | bannister | 19.48 | 25.85 | | escalator | 64.67 | 84.51 | | ottoman | 56.73 | 76.54 | | bottle | 44.47 | 68.76 | | buffet | 48.48 | 53.8 | | poster | 30.22 | 34.56 | | stage | 23.54 | 44.25 | | van | 45.47 | 65.11 | | ship | 72.9 | 86.25 | | fountain | 35.2 | 35.9 | | conveyer belt | 83.24 | 92.11 | | canopy | 60.21 | 73.79 | | washer | 83.76 | 89.02 | | plaything | 32.96 | 45.34 | | swimming pool | 58.88 | 85.97 | | stool | 51.08 | 67.41 | | barrel | 55.11 | 78.17 | | basket | 42.13 | 62.56 | | waterfall | 53.82 | 68.8 | | tent | 93.43 | 98.34 | | bag | 19.38 | 22.05 | | minibike | 75.84 | 86.43 | | cradle | 88.51 | 98.12 | | oven | 60.42 | 72.45 | | ball | 50.51 | 51.99 | | food | 57.41 | 67.15 | | step | 14.92 | 18.25 | | tank | 69.4 | 77.6 | | trade name | 15.43 | 16.56 | | microwave | 88.13 | 96.17 | | pot | 60.69 | 68.75 | | animal | 59.95 | 61.47 | | bicycle | 63.15 | 78.54 | | lake | 52.1 | 69.35 | | dishwasher | 75.89 | 83.97 | | screen | 55.62 | 76.08 | | blanket | 36.71 | 45.56 | | sculpture | 79.54 | 85.78 | | hood | 60.68 | 71.48 | | sconce | 61.4 | 72.03 | | vase | 47.65 | 61.27 | | traffic light | 37.73 | 59.79 | | tray | 20.51 | 26.84 | | ashcan | 51.15 | 65.42 | | fan | 69.78 | 80.64 | | pier | 41.8 | 45.57 | | crt screen | 2.13 | 3.62 | | plate | 58.8 | 77.64 | | monitor | 61.83 | 73.43 | | bulletin board | 50.9 | 62.63 | | shower | 10.37 | 11.78 | | radiator | 63.56 | 81.19 | | glass | 21.5 | 23.54 | | clock | 51.39 | 64.13 | | flag | 71.09 | 80.58 | +---------------------+-------+-------+ 2023-11-03 01:08:38,233 - mmseg - INFO - Summary: 2023-11-03 01:08:38,233 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.36 | 57.57 | 69.79 | +-------+-------+-------+ 2023-11-03 01:08:38,234 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 01:08:38,234 - mmseg - INFO - Iter(val) [250] aAcc: 0.8636, mIoU: 0.5757, mAcc: 0.6979, IoU.wall: 0.8258, IoU.building: 0.8539, IoU.sky: 0.9500, IoU.floor: 0.8509, IoU.tree: 0.7649, IoU.ceiling: 0.8745, IoU.road: 0.8661, IoU.bed : 0.9295, IoU.windowpane: 0.6549, IoU.grass: 0.7119, IoU.cabinet: 0.6559, IoU.sidewalk: 0.7292, IoU.person: 0.8510, IoU.earth: 0.4059, IoU.door: 0.6228, IoU.table: 0.7020, IoU.mountain: 0.6718, IoU.plant: 0.5551, IoU.curtain: 0.7723, IoU.chair: 0.6777, IoU.car: 0.8746, IoU.water: 0.6013, IoU.painting: 0.8003, IoU.sofa: 0.8156, IoU.shelf: 0.4717, IoU.house: 0.6187, IoU.sea: 0.7278, IoU.mirror: 0.7551, IoU.rug: 0.6961, IoU.field: 0.2746, IoU.armchair: 0.6229, IoU.seat: 0.6936, IoU.fence: 0.5208, IoU.desk: 0.5938, IoU.rock: 0.6000, IoU.wardrobe: 0.5227, IoU.lamp: 0.7403, IoU.bathtub: 0.8868, IoU.railing: 0.4339, IoU.cushion: 0.6873, IoU.base: 0.4129, IoU.box: 0.3887, IoU.column: 0.5502, IoU.signboard: 0.3982, IoU.chest of drawers: 0.4473, IoU.counter: 0.5461, IoU.sand: 0.5177, IoU.sink: 0.8090, IoU.skyscraper: 0.4508, IoU.fireplace: 0.7658, IoU.refrigerator: 0.8344, IoU.grandstand: 0.5215, IoU.path: 0.3111, IoU.stairs: 0.3471, IoU.runway: 0.6710, IoU.case: 0.6120, IoU.pool table: 0.9440, IoU.pillow: 0.6786, IoU.screen door: 0.8316, IoU.stairway: 0.4007, IoU.river: 0.1459, IoU.bridge: 0.5735, IoU.bookcase: 0.4381, IoU.blind: 0.4385, IoU.coffee table: 0.6822, IoU.toilet: 0.9036, IoU.flower: 0.4239, IoU.book: 0.5119, IoU.hill: 0.0708, IoU.bench: 0.5322, IoU.countertop: 0.6182, IoU.stove: 0.8568, IoU.palm: 0.5356, IoU.kitchen island: 0.5337, IoU.computer: 0.7780, IoU.swivel chair: 0.4468, IoU.boat: 0.6879, IoU.bar: 0.6641, IoU.arcade machine: 0.7816, IoU.hovel: 0.1979, IoU.bus: 0.9406, IoU.towel: 0.7424, IoU.light: 0.6236, IoU.truck: 0.4907, IoU.tower: 0.1687, IoU.chandelier: 0.7225, IoU.awning: 0.4248, IoU.streetlight: 0.3685, IoU.booth: 0.5093, IoU.television receiver: 0.7932, IoU.airplane: 0.8756, IoU.dirt track: 0.0636, IoU.apparel: 0.5793, IoU.pole: 0.2742, IoU.land: 0.0383, IoU.bannister: 0.1948, IoU.escalator: 0.6467, IoU.ottoman: 0.5673, IoU.bottle: 0.4447, IoU.buffet: 0.4848, IoU.poster: 0.3022, IoU.stage: 0.2354, IoU.van: 0.4547, IoU.ship: 0.7290, IoU.fountain: 0.3520, IoU.conveyer belt: 0.8324, IoU.canopy: 0.6021, IoU.washer: 0.8376, IoU.plaything: 0.3296, IoU.swimming pool: 0.5888, IoU.stool: 0.5108, IoU.barrel: 0.5511, IoU.basket: 0.4213, IoU.waterfall: 0.5382, IoU.tent: 0.9343, IoU.bag: 0.1938, IoU.minibike: 0.7584, IoU.cradle: 0.8851, IoU.oven: 0.6042, IoU.ball: 0.5051, IoU.food: 0.5741, IoU.step: 0.1492, IoU.tank: 0.6940, IoU.trade name: 0.1543, IoU.microwave: 0.8813, IoU.pot: 0.6069, IoU.animal: 0.5995, IoU.bicycle: 0.6315, IoU.lake: 0.5210, IoU.dishwasher: 0.7589, IoU.screen: 0.5562, IoU.blanket: 0.3671, IoU.sculpture: 0.7954, IoU.hood: 0.6068, IoU.sconce: 0.6140, IoU.vase: 0.4765, IoU.traffic light: 0.3773, IoU.tray: 0.2051, IoU.ashcan: 0.5115, IoU.fan: 0.6978, IoU.pier: 0.4180, IoU.crt screen: 0.0213, IoU.plate: 0.5880, IoU.monitor: 0.6183, IoU.bulletin board: 0.5090, IoU.shower: 0.1037, IoU.radiator: 0.6356, IoU.glass: 0.2150, IoU.clock: 0.5139, IoU.flag: 0.7109, Acc.wall: 0.9011, Acc.building: 0.9357, Acc.sky: 0.9759, Acc.floor: 0.9167, Acc.tree: 0.8978, Acc.ceiling: 0.9394, Acc.road: 0.9129, Acc.bed : 0.9731, Acc.windowpane: 0.7948, Acc.grass: 0.8332, Acc.cabinet: 0.7483, Acc.sidewalk: 0.8734, Acc.person: 0.9418, Acc.earth: 0.5311, Acc.door: 0.7791, Acc.table: 0.8414, Acc.mountain: 0.7860, Acc.plant: 0.6967, Acc.curtain: 0.8878, Acc.chair: 0.8043, Acc.car: 0.9328, Acc.water: 0.7198, Acc.painting: 0.9097, Acc.sofa: 0.8831, Acc.shelf: 0.6553, Acc.house: 0.7691, Acc.sea: 0.8609, Acc.mirror: 0.8418, Acc.rug: 0.8305, Acc.field: 0.4528, Acc.armchair: 0.7998, Acc.seat: 0.8894, Acc.fence: 0.6725, Acc.desk: 0.8017, Acc.rock: 0.7767, Acc.wardrobe: 0.7482, Acc.lamp: 0.8470, Acc.bathtub: 0.9113, Acc.railing: 0.6310, Acc.cushion: 0.8038, Acc.base: 0.6269, Acc.box: 0.5179, Acc.column: 0.6583, Acc.signboard: 0.5869, Acc.chest of drawers: 0.7054, Acc.counter: 0.6431, Acc.sand: 0.7921, Acc.sink: 0.8541, Acc.skyscraper: 0.5825, Acc.fireplace: 0.9508, Acc.refrigerator: 0.9537, Acc.grandstand: 0.7967, Acc.path: 0.4522, Acc.stairs: 0.4355, Acc.runway: 0.8946, Acc.case: 0.7457, Acc.pool table: 0.9784, Acc.pillow: 0.7949, Acc.screen door: 0.8877, Acc.stairway: 0.5527, Acc.river: 0.3239, Acc.bridge: 0.6780, Acc.bookcase: 0.5860, Acc.blind: 0.5208, Acc.coffee table: 0.8715, Acc.toilet: 0.9456, Acc.flower: 0.5242, Acc.book: 0.7695, Acc.hill: 0.0987, Acc.bench: 0.6013, Acc.countertop: 0.8551, Acc.stove: 0.9253, Acc.palm: 0.7472, Acc.kitchen island: 0.7896, Acc.computer: 0.9275, Acc.swivel chair: 0.6534, Acc.boat: 0.9029, Acc.bar: 0.8001, Acc.arcade machine: 0.8171, Acc.hovel: 0.2117, Acc.bus: 0.9780, Acc.towel: 0.8358, Acc.light: 0.7262, Acc.truck: 0.6502, Acc.tower: 0.2636, Acc.chandelier: 0.8707, Acc.awning: 0.5245, Acc.streetlight: 0.4979, Acc.booth: 0.5955, Acc.television receiver: 0.8976, Acc.airplane: 0.9487, Acc.dirt track: 0.3432, Acc.apparel: 0.7292, Acc.pole: 0.3554, Acc.land: 0.0586, Acc.bannister: 0.2585, Acc.escalator: 0.8451, Acc.ottoman: 0.7654, Acc.bottle: 0.6876, Acc.buffet: 0.5380, Acc.poster: 0.3456, Acc.stage: 0.4425, Acc.van: 0.6511, Acc.ship: 0.8625, Acc.fountain: 0.3590, Acc.conveyer belt: 0.9211, Acc.canopy: 0.7379, Acc.washer: 0.8902, Acc.plaything: 0.4534, Acc.swimming pool: 0.8597, Acc.stool: 0.6741, Acc.barrel: 0.7817, Acc.basket: 0.6256, Acc.waterfall: 0.6880, Acc.tent: 0.9834, Acc.bag: 0.2205, Acc.minibike: 0.8643, Acc.cradle: 0.9812, Acc.oven: 0.7245, Acc.ball: 0.5199, Acc.food: 0.6715, Acc.step: 0.1825, Acc.tank: 0.7760, Acc.trade name: 0.1656, Acc.microwave: 0.9617, Acc.pot: 0.6875, Acc.animal: 0.6147, Acc.bicycle: 0.7854, Acc.lake: 0.6935, Acc.dishwasher: 0.8397, Acc.screen: 0.7608, Acc.blanket: 0.4556, Acc.sculpture: 0.8578, Acc.hood: 0.7148, Acc.sconce: 0.7203, Acc.vase: 0.6127, Acc.traffic light: 0.5979, Acc.tray: 0.2684, Acc.ashcan: 0.6542, Acc.fan: 0.8064, Acc.pier: 0.4557, Acc.crt screen: 0.0362, Acc.plate: 0.7764, Acc.monitor: 0.7343, Acc.bulletin board: 0.6263, Acc.shower: 0.1178, Acc.radiator: 0.8119, Acc.glass: 0.2354, Acc.clock: 0.6413, Acc.flag: 0.8058 2023-11-03 01:10:01,465 - mmseg - INFO - Iter [46050/80000] lr: 1.375e-06, eta: 17:05:37, time: 3.415, data_time: 1.758, memory: 69173, decode.loss_ce: 0.1679, decode.acc_seg: 92.8343, aux.loss_ce: 0.0897, aux.acc_seg: 90.7495, loss: 0.2576 2023-11-03 01:11:24,490 - mmseg - INFO - Iter [46100/80000] lr: 1.373e-06, eta: 17:04:01, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1554, decode.acc_seg: 93.0483, aux.loss_ce: 0.0831, aux.acc_seg: 91.2741, loss: 0.2385 2023-11-03 01:12:47,489 - mmseg - INFO - Iter [46150/80000] lr: 1.371e-06, eta: 17:02:25, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1592, decode.acc_seg: 93.0931, aux.loss_ce: 0.0855, aux.acc_seg: 91.3724, loss: 0.2447 2023-11-03 01:14:10,496 - mmseg - INFO - Iter [46200/80000] lr: 1.369e-06, eta: 17:00:49, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1527, decode.acc_seg: 93.3608, aux.loss_ce: 0.0825, aux.acc_seg: 91.3971, loss: 0.2352 2023-11-03 01:15:33,558 - mmseg - INFO - Iter [46250/80000] lr: 1.367e-06, eta: 16:59:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1550, decode.acc_seg: 93.1669, aux.loss_ce: 0.0846, aux.acc_seg: 91.2063, loss: 0.2396 2023-11-03 01:16:56,623 - mmseg - INFO - Iter [46300/80000] lr: 1.365e-06, eta: 16:57:36, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1554, decode.acc_seg: 93.0498, aux.loss_ce: 0.0852, aux.acc_seg: 91.0470, loss: 0.2406 2023-11-03 01:18:19,651 - mmseg - INFO - Iter [46350/80000] lr: 1.363e-06, eta: 16:56:00, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1591, decode.acc_seg: 93.0690, aux.loss_ce: 0.0910, aux.acc_seg: 90.7075, loss: 0.2500 2023-11-03 01:19:42,719 - mmseg - INFO - Iter [46400/80000] lr: 1.361e-06, eta: 16:54:24, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1523, decode.acc_seg: 93.3035, aux.loss_ce: 0.0831, aux.acc_seg: 91.4604, loss: 0.2355 2023-11-03 01:21:05,761 - mmseg - INFO - Iter [46450/80000] lr: 1.359e-06, eta: 16:52:48, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1603, decode.acc_seg: 93.0841, aux.loss_ce: 0.0889, aux.acc_seg: 91.0122, loss: 0.2492 2023-11-03 01:22:28,811 - mmseg - INFO - Iter [46500/80000] lr: 1.357e-06, eta: 16:51:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1537, decode.acc_seg: 93.3264, aux.loss_ce: 0.0859, aux.acc_seg: 91.1910, loss: 0.2396 2023-11-03 01:23:51,844 - mmseg - INFO - Iter [46550/80000] lr: 1.355e-06, eta: 16:49:36, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1630, decode.acc_seg: 92.9843, aux.loss_ce: 0.0900, aux.acc_seg: 90.6787, loss: 0.2530 2023-11-03 01:25:14,919 - mmseg - INFO - Iter [46600/80000] lr: 1.353e-06, eta: 16:48:00, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1629, decode.acc_seg: 93.0300, aux.loss_ce: 0.0874, aux.acc_seg: 91.1608, loss: 0.2503 2023-11-03 01:26:37,982 - mmseg - INFO - Iter [46650/80000] lr: 1.351e-06, eta: 16:46:24, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1590, decode.acc_seg: 93.0293, aux.loss_ce: 0.0872, aux.acc_seg: 91.0932, loss: 0.2462 2023-11-03 01:28:01,135 - mmseg - INFO - Iter [46700/80000] lr: 1.349e-06, eta: 16:44:49, time: 1.663, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1573, decode.acc_seg: 93.3017, aux.loss_ce: 0.0868, aux.acc_seg: 91.3208, loss: 0.2440 2023-11-03 01:29:28,253 - mmseg - INFO - Iter [46750/80000] lr: 1.347e-06, eta: 16:43:16, time: 1.742, data_time: 0.089, memory: 69173, decode.loss_ce: 0.1526, decode.acc_seg: 93.0927, aux.loss_ce: 0.0844, aux.acc_seg: 90.9996, loss: 0.2370 2023-11-03 01:30:51,277 - mmseg - INFO - Iter [46800/80000] lr: 1.345e-06, eta: 16:41:40, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1489, decode.acc_seg: 93.3977, aux.loss_ce: 0.0840, aux.acc_seg: 91.1905, loss: 0.2330 2023-11-03 01:32:14,325 - mmseg - INFO - Iter [46850/80000] lr: 1.343e-06, eta: 16:40:04, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1502, decode.acc_seg: 93.3967, aux.loss_ce: 0.0816, aux.acc_seg: 91.3984, loss: 0.2318 2023-11-03 01:33:37,355 - mmseg - INFO - Iter [46900/80000] lr: 1.341e-06, eta: 16:38:28, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1480, decode.acc_seg: 93.4679, aux.loss_ce: 0.0805, aux.acc_seg: 91.5456, loss: 0.2285 2023-11-03 01:35:00,386 - mmseg - INFO - Iter [46950/80000] lr: 1.338e-06, eta: 16:36:53, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1598, decode.acc_seg: 93.1393, aux.loss_ce: 0.0838, aux.acc_seg: 91.3988, loss: 0.2436 2023-11-03 01:36:23,434 - mmseg - INFO - Saving checkpoint at 47000 iterations 2023-11-03 01:37:25,295 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 01:37:25,295 - mmseg - INFO - Iter [47000/80000] lr: 1.336e-06, eta: 16:36:00, time: 2.898, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1475, decode.acc_seg: 93.5384, aux.loss_ce: 0.0804, aux.acc_seg: 91.8290, loss: 0.2278 2023-11-03 01:38:52,049 - mmseg - INFO - per class results: 2023-11-03 01:38:52,055 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.38 | 89.86 | | building | 84.64 | 93.22 | | sky | 94.98 | 97.39 | | floor | 85.4 | 92.0 | | tree | 76.93 | 90.45 | | ceiling | 87.7 | 94.33 | | road | 87.39 | 91.28 | | bed | 92.47 | 97.62 | | windowpane | 66.04 | 82.43 | | grass | 68.61 | 79.96 | | cabinet | 67.36 | 77.85 | | sidewalk | 72.3 | 87.99 | | person | 85.29 | 94.85 | | earth | 40.32 | 54.88 | | door | 60.91 | 73.74 | | table | 71.03 | 83.37 | | mountain | 65.29 | 76.67 | | plant | 57.33 | 66.88 | | curtain | 77.14 | 87.04 | | chair | 67.93 | 80.38 | | car | 87.46 | 93.54 | | water | 63.32 | 79.35 | | painting | 79.23 | 89.42 | | sofa | 83.1 | 92.38 | | shelf | 49.73 | 70.2 | | house | 54.64 | 67.55 | | sea | 74.73 | 84.88 | | mirror | 78.63 | 88.32 | | rug | 70.14 | 82.35 | | field | 29.33 | 52.97 | | armchair | 63.81 | 76.74 | | seat | 69.61 | 88.67 | | fence | 52.76 | 71.63 | | desk | 60.97 | 78.97 | | rock | 56.01 | 84.76 | | wardrobe | 54.65 | 74.93 | | lamp | 74.69 | 84.8 | | bathtub | 88.84 | 93.58 | | railing | 39.94 | 53.9 | | cushion | 68.5 | 79.44 | | base | 39.7 | 55.1 | | box | 37.25 | 47.86 | | column | 54.44 | 71.16 | | signboard | 41.47 | 55.94 | | chest of drawers | 45.63 | 60.62 | | counter | 52.0 | 61.15 | | sand | 50.57 | 78.95 | | sink | 82.17 | 86.07 | | skyscraper | 43.54 | 55.36 | | fireplace | 76.15 | 92.7 | | refrigerator | 85.45 | 95.2 | | grandstand | 52.31 | 79.58 | | path | 28.94 | 37.2 | | stairs | 34.3 | 43.71 | | runway | 69.11 | 88.86 | | case | 58.8 | 75.28 | | pool table | 94.56 | 97.83 | | pillow | 67.08 | 79.41 | | screen door | 72.56 | 75.03 | | stairway | 40.03 | 52.9 | | river | 13.79 | 25.81 | | bridge | 51.68 | 56.68 | | bookcase | 46.41 | 53.87 | | blind | 44.98 | 53.98 | | coffee table | 67.95 | 87.12 | | toilet | 90.62 | 93.93 | | flower | 43.38 | 60.37 | | book | 53.72 | 73.54 | | hill | 6.97 | 10.64 | | bench | 52.92 | 61.34 | | countertop | 63.22 | 80.58 | | stove | 86.18 | 92.36 | | palm | 52.73 | 85.45 | | kitchen island | 51.03 | 87.56 | | computer | 79.46 | 92.54 | | swivel chair | 45.95 | 63.25 | | boat | 70.22 | 90.95 | | bar | 66.34 | 81.14 | | arcade machine | 77.61 | 82.15 | | hovel | 34.73 | 37.96 | | bus | 93.92 | 97.39 | | towel | 71.07 | 75.09 | | light | 63.41 | 71.97 | | truck | 48.25 | 63.64 | | tower | 14.73 | 23.31 | | chandelier | 72.43 | 89.75 | | awning | 51.51 | 65.33 | | streetlight | 37.86 | 51.29 | | booth | 58.36 | 66.43 | | television receiver | 77.49 | 90.58 | | airplane | 85.42 | 97.94 | | dirt track | 4.19 | 21.76 | | apparel | 55.81 | 69.56 | | pole | 27.15 | 42.6 | | land | 2.76 | 3.37 | | bannister | 18.65 | 25.05 | | escalator | 58.54 | 82.15 | | ottoman | 52.57 | 74.89 | | bottle | 43.45 | 56.83 | | buffet | 66.53 | 75.28 | | poster | 32.57 | 37.37 | | stage | 23.0 | 44.14 | | van | 46.98 | 74.62 | | ship | 69.85 | 75.12 | | fountain | 36.85 | 37.64 | | conveyer belt | 73.77 | 93.24 | | canopy | 57.3 | 70.31 | | washer | 82.09 | 87.22 | | plaything | 32.99 | 44.2 | | swimming pool | 56.81 | 82.19 | | stool | 54.58 | 65.25 | | barrel | 50.04 | 88.06 | | basket | 42.68 | 56.3 | | waterfall | 50.48 | 64.92 | | tent | 91.44 | 98.16 | | bag | 25.01 | 28.65 | | minibike | 76.04 | 90.19 | | cradle | 89.0 | 98.19 | | oven | 65.2 | 73.96 | | ball | 61.16 | 68.26 | | food | 54.1 | 61.75 | | step | 12.78 | 14.9 | | tank | 81.27 | 96.27 | | trade name | 25.94 | 29.78 | | microwave | 90.63 | 96.78 | | pot | 61.28 | 70.36 | | animal | 61.41 | 62.97 | | bicycle | 63.49 | 79.53 | | lake | 59.42 | 68.35 | | dishwasher | 76.62 | 83.18 | | screen | 56.38 | 83.7 | | blanket | 28.45 | 32.5 | | sculpture | 77.05 | 87.47 | | hood | 63.35 | 75.29 | | sconce | 61.03 | 72.04 | | vase | 47.93 | 66.03 | | traffic light | 37.94 | 60.47 | | tray | 23.45 | 33.9 | | ashcan | 50.81 | 64.96 | | fan | 70.25 | 84.1 | | pier | 40.31 | 43.58 | | crt screen | 8.07 | 14.78 | | plate | 61.93 | 77.97 | | monitor | 54.82 | 65.65 | | bulletin board | 57.82 | 62.93 | | shower | 10.34 | 12.96 | | radiator | 62.75 | 80.79 | | glass | 21.54 | 23.22 | | clock | 54.21 | 67.98 | | flag | 73.03 | 79.95 | +---------------------+-------+-------+ 2023-11-03 01:38:52,055 - mmseg - INFO - Summary: 2023-11-03 01:38:52,055 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.36 | 57.92 | 70.12 | +-------+-------+-------+ 2023-11-03 01:38:52,056 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 01:38:52,057 - mmseg - INFO - Iter(val) [250] aAcc: 0.8636, mIoU: 0.5792, mAcc: 0.7012, IoU.wall: 0.8238, IoU.building: 0.8464, IoU.sky: 0.9498, IoU.floor: 0.8540, IoU.tree: 0.7693, IoU.ceiling: 0.8770, IoU.road: 0.8739, IoU.bed : 0.9247, IoU.windowpane: 0.6604, IoU.grass: 0.6861, IoU.cabinet: 0.6736, IoU.sidewalk: 0.7230, IoU.person: 0.8529, IoU.earth: 0.4032, IoU.door: 0.6091, IoU.table: 0.7103, IoU.mountain: 0.6529, IoU.plant: 0.5733, IoU.curtain: 0.7714, IoU.chair: 0.6793, IoU.car: 0.8746, IoU.water: 0.6332, IoU.painting: 0.7923, IoU.sofa: 0.8310, IoU.shelf: 0.4973, IoU.house: 0.5464, IoU.sea: 0.7473, IoU.mirror: 0.7863, IoU.rug: 0.7014, IoU.field: 0.2933, IoU.armchair: 0.6381, IoU.seat: 0.6961, IoU.fence: 0.5276, IoU.desk: 0.6097, IoU.rock: 0.5601, IoU.wardrobe: 0.5465, IoU.lamp: 0.7469, IoU.bathtub: 0.8884, IoU.railing: 0.3994, IoU.cushion: 0.6850, IoU.base: 0.3970, IoU.box: 0.3725, IoU.column: 0.5444, IoU.signboard: 0.4147, IoU.chest of drawers: 0.4563, IoU.counter: 0.5200, IoU.sand: 0.5057, IoU.sink: 0.8217, IoU.skyscraper: 0.4354, IoU.fireplace: 0.7615, IoU.refrigerator: 0.8545, IoU.grandstand: 0.5231, IoU.path: 0.2894, IoU.stairs: 0.3430, IoU.runway: 0.6911, IoU.case: 0.5880, IoU.pool table: 0.9456, IoU.pillow: 0.6708, IoU.screen door: 0.7256, IoU.stairway: 0.4003, IoU.river: 0.1379, IoU.bridge: 0.5168, IoU.bookcase: 0.4641, IoU.blind: 0.4498, IoU.coffee table: 0.6795, IoU.toilet: 0.9062, IoU.flower: 0.4338, IoU.book: 0.5372, IoU.hill: 0.0697, IoU.bench: 0.5292, IoU.countertop: 0.6322, IoU.stove: 0.8618, IoU.palm: 0.5273, IoU.kitchen island: 0.5103, IoU.computer: 0.7946, IoU.swivel chair: 0.4595, IoU.boat: 0.7022, IoU.bar: 0.6634, IoU.arcade machine: 0.7761, IoU.hovel: 0.3473, IoU.bus: 0.9392, IoU.towel: 0.7107, IoU.light: 0.6341, IoU.truck: 0.4825, IoU.tower: 0.1473, IoU.chandelier: 0.7243, IoU.awning: 0.5151, IoU.streetlight: 0.3786, IoU.booth: 0.5836, IoU.television receiver: 0.7749, IoU.airplane: 0.8542, IoU.dirt track: 0.0419, IoU.apparel: 0.5581, IoU.pole: 0.2715, IoU.land: 0.0276, IoU.bannister: 0.1865, IoU.escalator: 0.5854, IoU.ottoman: 0.5257, IoU.bottle: 0.4345, IoU.buffet: 0.6653, IoU.poster: 0.3257, IoU.stage: 0.2300, IoU.van: 0.4698, IoU.ship: 0.6985, IoU.fountain: 0.3685, IoU.conveyer belt: 0.7377, IoU.canopy: 0.5730, IoU.washer: 0.8209, IoU.plaything: 0.3299, IoU.swimming pool: 0.5681, IoU.stool: 0.5458, IoU.barrel: 0.5004, IoU.basket: 0.4268, IoU.waterfall: 0.5048, IoU.tent: 0.9144, IoU.bag: 0.2501, IoU.minibike: 0.7604, IoU.cradle: 0.8900, IoU.oven: 0.6520, IoU.ball: 0.6116, IoU.food: 0.5410, IoU.step: 0.1278, IoU.tank: 0.8127, IoU.trade name: 0.2594, IoU.microwave: 0.9063, IoU.pot: 0.6128, IoU.animal: 0.6141, IoU.bicycle: 0.6349, IoU.lake: 0.5942, IoU.dishwasher: 0.7662, IoU.screen: 0.5638, IoU.blanket: 0.2845, IoU.sculpture: 0.7705, IoU.hood: 0.6335, IoU.sconce: 0.6103, IoU.vase: 0.4793, IoU.traffic light: 0.3794, IoU.tray: 0.2345, IoU.ashcan: 0.5081, IoU.fan: 0.7025, IoU.pier: 0.4031, IoU.crt screen: 0.0807, IoU.plate: 0.6193, IoU.monitor: 0.5482, IoU.bulletin board: 0.5782, IoU.shower: 0.1034, IoU.radiator: 0.6275, IoU.glass: 0.2154, IoU.clock: 0.5421, IoU.flag: 0.7303, Acc.wall: 0.8986, Acc.building: 0.9322, Acc.sky: 0.9739, Acc.floor: 0.9200, Acc.tree: 0.9045, Acc.ceiling: 0.9433, Acc.road: 0.9128, Acc.bed : 0.9762, Acc.windowpane: 0.8243, Acc.grass: 0.7996, Acc.cabinet: 0.7785, Acc.sidewalk: 0.8799, Acc.person: 0.9485, Acc.earth: 0.5488, Acc.door: 0.7374, Acc.table: 0.8337, Acc.mountain: 0.7667, Acc.plant: 0.6688, Acc.curtain: 0.8704, Acc.chair: 0.8038, Acc.car: 0.9354, Acc.water: 0.7935, Acc.painting: 0.8942, Acc.sofa: 0.9238, Acc.shelf: 0.7020, Acc.house: 0.6755, Acc.sea: 0.8488, Acc.mirror: 0.8832, Acc.rug: 0.8235, Acc.field: 0.5297, Acc.armchair: 0.7674, Acc.seat: 0.8867, Acc.fence: 0.7163, Acc.desk: 0.7897, Acc.rock: 0.8476, Acc.wardrobe: 0.7493, Acc.lamp: 0.8480, Acc.bathtub: 0.9358, Acc.railing: 0.5390, Acc.cushion: 0.7944, Acc.base: 0.5510, Acc.box: 0.4786, Acc.column: 0.7116, Acc.signboard: 0.5594, Acc.chest of drawers: 0.6062, Acc.counter: 0.6115, Acc.sand: 0.7895, Acc.sink: 0.8607, Acc.skyscraper: 0.5536, Acc.fireplace: 0.9270, Acc.refrigerator: 0.9520, Acc.grandstand: 0.7958, Acc.path: 0.3720, Acc.stairs: 0.4371, Acc.runway: 0.8886, Acc.case: 0.7528, Acc.pool table: 0.9783, Acc.pillow: 0.7941, Acc.screen door: 0.7503, Acc.stairway: 0.5290, Acc.river: 0.2581, Acc.bridge: 0.5668, Acc.bookcase: 0.5387, Acc.blind: 0.5398, Acc.coffee table: 0.8712, Acc.toilet: 0.9393, Acc.flower: 0.6037, Acc.book: 0.7354, Acc.hill: 0.1064, Acc.bench: 0.6134, Acc.countertop: 0.8058, Acc.stove: 0.9236, Acc.palm: 0.8545, Acc.kitchen island: 0.8756, Acc.computer: 0.9254, Acc.swivel chair: 0.6325, Acc.boat: 0.9095, Acc.bar: 0.8114, Acc.arcade machine: 0.8215, Acc.hovel: 0.3796, Acc.bus: 0.9739, Acc.towel: 0.7509, Acc.light: 0.7197, Acc.truck: 0.6364, Acc.tower: 0.2331, Acc.chandelier: 0.8975, Acc.awning: 0.6533, Acc.streetlight: 0.5129, Acc.booth: 0.6643, Acc.television receiver: 0.9058, Acc.airplane: 0.9794, Acc.dirt track: 0.2176, Acc.apparel: 0.6956, Acc.pole: 0.4260, Acc.land: 0.0337, Acc.bannister: 0.2505, Acc.escalator: 0.8215, Acc.ottoman: 0.7489, Acc.bottle: 0.5683, Acc.buffet: 0.7528, Acc.poster: 0.3737, Acc.stage: 0.4414, Acc.van: 0.7462, Acc.ship: 0.7512, Acc.fountain: 0.3764, Acc.conveyer belt: 0.9324, Acc.canopy: 0.7031, Acc.washer: 0.8722, Acc.plaything: 0.4420, Acc.swimming pool: 0.8219, Acc.stool: 0.6525, Acc.barrel: 0.8806, Acc.basket: 0.5630, Acc.waterfall: 0.6492, Acc.tent: 0.9816, Acc.bag: 0.2865, Acc.minibike: 0.9019, Acc.cradle: 0.9819, Acc.oven: 0.7396, Acc.ball: 0.6826, Acc.food: 0.6175, Acc.step: 0.1490, Acc.tank: 0.9627, Acc.trade name: 0.2978, Acc.microwave: 0.9678, Acc.pot: 0.7036, Acc.animal: 0.6297, Acc.bicycle: 0.7953, Acc.lake: 0.6835, Acc.dishwasher: 0.8318, Acc.screen: 0.8370, Acc.blanket: 0.3250, Acc.sculpture: 0.8747, Acc.hood: 0.7529, Acc.sconce: 0.7204, Acc.vase: 0.6603, Acc.traffic light: 0.6047, Acc.tray: 0.3390, Acc.ashcan: 0.6496, Acc.fan: 0.8410, Acc.pier: 0.4358, Acc.crt screen: 0.1478, Acc.plate: 0.7797, Acc.monitor: 0.6565, Acc.bulletin board: 0.6293, Acc.shower: 0.1296, Acc.radiator: 0.8079, Acc.glass: 0.2322, Acc.clock: 0.6798, Acc.flag: 0.7995 2023-11-03 01:40:15,247 - mmseg - INFO - Iter [47050/80000] lr: 1.334e-06, eta: 16:35:25, time: 3.399, data_time: 1.743, memory: 69173, decode.loss_ce: 0.1523, decode.acc_seg: 93.3079, aux.loss_ce: 0.0819, aux.acc_seg: 91.3051, loss: 0.2342 2023-11-03 01:41:38,277 - mmseg - INFO - Iter [47100/80000] lr: 1.332e-06, eta: 16:33:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1486, decode.acc_seg: 93.3541, aux.loss_ce: 0.0847, aux.acc_seg: 91.1947, loss: 0.2333 2023-11-03 01:43:01,306 - mmseg - INFO - Iter [47150/80000] lr: 1.330e-06, eta: 16:32:14, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1513, decode.acc_seg: 93.3280, aux.loss_ce: 0.0853, aux.acc_seg: 91.1180, loss: 0.2366 2023-11-03 01:44:24,297 - mmseg - INFO - Iter [47200/80000] lr: 1.328e-06, eta: 16:30:38, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1462, decode.acc_seg: 93.4789, aux.loss_ce: 0.0826, aux.acc_seg: 91.5004, loss: 0.2288 2023-11-03 01:45:47,355 - mmseg - INFO - Iter [47250/80000] lr: 1.326e-06, eta: 16:29:02, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1455, decode.acc_seg: 93.6128, aux.loss_ce: 0.0782, aux.acc_seg: 92.0776, loss: 0.2237 2023-11-03 01:47:10,408 - mmseg - INFO - Iter [47300/80000] lr: 1.324e-06, eta: 16:27:26, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1664, decode.acc_seg: 92.7912, aux.loss_ce: 0.0904, aux.acc_seg: 90.7536, loss: 0.2568 2023-11-03 01:48:33,433 - mmseg - INFO - Iter [47350/80000] lr: 1.322e-06, eta: 16:25:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1600, decode.acc_seg: 93.0841, aux.loss_ce: 0.0867, aux.acc_seg: 91.1490, loss: 0.2467 2023-11-03 01:49:56,499 - mmseg - INFO - Iter [47400/80000] lr: 1.320e-06, eta: 16:24:14, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1482, decode.acc_seg: 93.5547, aux.loss_ce: 0.0838, aux.acc_seg: 91.4242, loss: 0.2320 2023-11-03 01:51:19,548 - mmseg - INFO - Iter [47450/80000] lr: 1.318e-06, eta: 16:22:39, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1575, decode.acc_seg: 93.0674, aux.loss_ce: 0.0861, aux.acc_seg: 91.0691, loss: 0.2436 2023-11-03 01:52:42,593 - mmseg - INFO - Iter [47500/80000] lr: 1.316e-06, eta: 16:21:03, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1523, decode.acc_seg: 93.3451, aux.loss_ce: 0.0816, aux.acc_seg: 91.4965, loss: 0.2340 2023-11-03 01:54:05,650 - mmseg - INFO - Iter [47550/80000] lr: 1.314e-06, eta: 16:19:27, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1639, decode.acc_seg: 93.0144, aux.loss_ce: 0.0891, aux.acc_seg: 90.8392, loss: 0.2531 2023-11-03 01:55:28,698 - mmseg - INFO - Iter [47600/80000] lr: 1.312e-06, eta: 16:17:52, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1626, decode.acc_seg: 92.7372, aux.loss_ce: 0.0903, aux.acc_seg: 90.7205, loss: 0.2529 2023-11-03 01:56:51,739 - mmseg - INFO - Iter [47650/80000] lr: 1.310e-06, eta: 16:16:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1662, decode.acc_seg: 92.8212, aux.loss_ce: 0.0878, aux.acc_seg: 90.9914, loss: 0.2540 2023-11-03 01:58:14,813 - mmseg - INFO - Iter [47700/80000] lr: 1.308e-06, eta: 16:14:40, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1539, decode.acc_seg: 93.2129, aux.loss_ce: 0.0851, aux.acc_seg: 91.2580, loss: 0.2390 2023-11-03 01:59:37,866 - mmseg - INFO - Iter [47750/80000] lr: 1.306e-06, eta: 16:13:05, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1572, decode.acc_seg: 93.1230, aux.loss_ce: 0.0892, aux.acc_seg: 90.9130, loss: 0.2465 2023-11-03 02:01:00,951 - mmseg - INFO - Iter [47800/80000] lr: 1.304e-06, eta: 16:11:29, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1568, decode.acc_seg: 93.0369, aux.loss_ce: 0.0818, aux.acc_seg: 91.4264, loss: 0.2386 2023-11-03 02:02:24,033 - mmseg - INFO - Iter [47850/80000] lr: 1.302e-06, eta: 16:09:54, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1568, decode.acc_seg: 93.1241, aux.loss_ce: 0.0835, aux.acc_seg: 91.5113, loss: 0.2403 2023-11-03 02:03:47,090 - mmseg - INFO - Iter [47900/80000] lr: 1.300e-06, eta: 16:08:18, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1451, decode.acc_seg: 93.7752, aux.loss_ce: 0.0823, aux.acc_seg: 91.7611, loss: 0.2274 2023-11-03 02:05:10,139 - mmseg - INFO - Iter [47950/80000] lr: 1.298e-06, eta: 16:06:43, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1454, decode.acc_seg: 93.6424, aux.loss_ce: 0.0812, aux.acc_seg: 91.6703, loss: 0.2266 2023-11-03 02:06:35,669 - mmseg - INFO - Saving checkpoint at 48000 iterations 2023-11-03 02:07:35,775 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 02:07:35,775 - mmseg - INFO - Iter [48000/80000] lr: 1.296e-06, eta: 16:05:49, time: 2.913, data_time: 0.056, memory: 69173, decode.loss_ce: 0.1524, decode.acc_seg: 93.2957, aux.loss_ce: 0.0861, aux.acc_seg: 91.0722, loss: 0.2384 2023-11-03 02:09:01,828 - mmseg - INFO - per class results: 2023-11-03 02:09:01,834 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.45 | 90.32 | | building | 85.06 | 93.31 | | sky | 94.92 | 97.21 | | floor | 85.49 | 92.75 | | tree | 76.73 | 90.74 | | ceiling | 87.42 | 94.45 | | road | 86.47 | 91.08 | | bed | 92.65 | 97.42 | | windowpane | 65.72 | 79.41 | | grass | 68.85 | 80.98 | | cabinet | 65.52 | 74.53 | | sidewalk | 71.87 | 86.95 | | person | 85.42 | 92.26 | | earth | 40.07 | 53.46 | | door | 61.6 | 78.18 | | table | 71.12 | 83.27 | | mountain | 62.81 | 72.05 | | plant | 56.55 | 66.42 | | curtain | 76.72 | 88.36 | | chair | 67.81 | 80.43 | | car | 87.22 | 94.43 | | water | 61.82 | 77.1 | | painting | 78.98 | 89.49 | | sofa | 84.26 | 91.47 | | shelf | 48.3 | 67.91 | | house | 55.43 | 69.78 | | sea | 75.32 | 84.48 | | mirror | 75.85 | 84.12 | | rug | 70.91 | 80.93 | | field | 25.4 | 46.88 | | armchair | 63.4 | 80.46 | | seat | 69.44 | 87.11 | | fence | 51.86 | 68.57 | | desk | 59.38 | 78.88 | | rock | 58.5 | 84.07 | | wardrobe | 53.17 | 73.93 | | lamp | 75.28 | 85.82 | | bathtub | 89.31 | 92.91 | | railing | 42.64 | 61.31 | | cushion | 70.1 | 80.89 | | base | 41.71 | 57.78 | | box | 35.1 | 42.81 | | column | 55.62 | 69.05 | | signboard | 40.77 | 55.16 | | chest of drawers | 48.22 | 66.85 | | counter | 54.03 | 63.14 | | sand | 53.42 | 79.56 | | sink | 81.81 | 86.82 | | skyscraper | 43.87 | 55.61 | | fireplace | 75.54 | 93.95 | | refrigerator | 82.82 | 96.33 | | grandstand | 47.35 | 80.34 | | path | 27.34 | 34.61 | | stairs | 38.03 | 50.23 | | runway | 68.82 | 91.03 | | case | 59.45 | 72.99 | | pool table | 94.42 | 97.74 | | pillow | 66.57 | 76.76 | | screen door | 82.49 | 87.52 | | stairway | 47.59 | 57.76 | | river | 15.23 | 33.03 | | bridge | 63.03 | 70.39 | | bookcase | 47.21 | 75.58 | | blind | 40.68 | 45.2 | | coffee table | 67.59 | 86.94 | | toilet | 90.48 | 93.27 | | flower | 39.8 | 56.3 | | book | 50.59 | 62.73 | | hill | 6.56 | 12.61 | | bench | 55.03 | 62.41 | | countertop | 63.78 | 84.86 | | stove | 86.03 | 93.42 | | palm | 53.44 | 81.17 | | kitchen island | 52.13 | 84.32 | | computer | 79.81 | 90.68 | | swivel chair | 44.34 | 59.18 | | boat | 70.07 | 91.87 | | bar | 64.42 | 77.49 | | arcade machine | 84.21 | 88.06 | | hovel | 16.24 | 17.58 | | bus | 93.91 | 97.2 | | towel | 72.89 | 82.43 | | light | 61.34 | 66.95 | | truck | 52.15 | 64.84 | | tower | 20.68 | 36.32 | | chandelier | 75.17 | 85.78 | | awning | 50.59 | 62.7 | | streetlight | 38.19 | 55.72 | | booth | 39.29 | 74.34 | | television receiver | 76.56 | 88.12 | | airplane | 88.54 | 96.5 | | dirt track | 6.01 | 33.72 | | apparel | 54.98 | 72.11 | | pole | 28.32 | 37.64 | | land | 3.86 | 5.09 | | bannister | 19.6 | 25.54 | | escalator | 62.74 | 86.7 | | ottoman | 53.11 | 74.29 | | bottle | 44.67 | 62.85 | | buffet | 62.06 | 70.32 | | poster | 33.49 | 38.06 | | stage | 26.38 | 50.2 | | van | 43.52 | 57.82 | | ship | 71.2 | 77.24 | | fountain | 25.12 | 25.48 | | conveyer belt | 79.88 | 92.49 | | canopy | 58.81 | 73.64 | | washer | 85.33 | 91.05 | | plaything | 33.05 | 48.24 | | swimming pool | 56.66 | 81.36 | | stool | 55.16 | 64.95 | | barrel | 48.37 | 74.34 | | basket | 43.5 | 55.43 | | waterfall | 49.73 | 59.63 | | tent | 91.5 | 98.17 | | bag | 22.92 | 26.09 | | minibike | 77.49 | 88.85 | | cradle | 85.09 | 99.03 | | oven | 64.37 | 71.8 | | ball | 60.71 | 71.88 | | food | 60.61 | 74.21 | | step | 11.2 | 11.94 | | tank | 83.66 | 96.11 | | trade name | 18.78 | 20.87 | | microwave | 90.29 | 96.02 | | pot | 61.47 | 68.45 | | animal | 64.23 | 66.63 | | bicycle | 62.81 | 85.44 | | lake | 57.98 | 67.94 | | dishwasher | 75.18 | 83.34 | | screen | 61.58 | 84.51 | | blanket | 31.82 | 36.29 | | sculpture | 75.97 | 88.79 | | hood | 63.92 | 73.66 | | sconce | 59.87 | 72.68 | | vase | 47.56 | 63.45 | | traffic light | 36.95 | 56.91 | | tray | 13.55 | 15.1 | | ashcan | 52.44 | 66.21 | | fan | 69.88 | 87.96 | | pier | 40.09 | 43.93 | | crt screen | 8.76 | 14.87 | | plate | 60.17 | 81.7 | | monitor | 56.01 | 65.78 | | bulletin board | 55.76 | 64.77 | | shower | 11.69 | 13.4 | | radiator | 62.88 | 77.81 | | glass | 21.38 | 23.16 | | clock | 55.18 | 66.49 | | flag | 71.09 | 78.93 | +---------------------+-------+-------+ 2023-11-03 02:09:01,834 - mmseg - INFO - Summary: 2023-11-03 02:09:01,834 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.27 | 57.85 | 70.13 | +-------+-------+-------+ 2023-11-03 02:09:01,835 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 02:09:01,835 - mmseg - INFO - Iter(val) [250] aAcc: 0.8627, mIoU: 0.5785, mAcc: 0.7013, IoU.wall: 0.8245, IoU.building: 0.8506, IoU.sky: 0.9492, IoU.floor: 0.8549, IoU.tree: 0.7673, IoU.ceiling: 0.8742, IoU.road: 0.8647, IoU.bed : 0.9265, IoU.windowpane: 0.6572, IoU.grass: 0.6885, IoU.cabinet: 0.6552, IoU.sidewalk: 0.7187, IoU.person: 0.8542, IoU.earth: 0.4007, IoU.door: 0.6160, IoU.table: 0.7112, IoU.mountain: 0.6281, IoU.plant: 0.5655, IoU.curtain: 0.7672, IoU.chair: 0.6781, IoU.car: 0.8722, IoU.water: 0.6182, IoU.painting: 0.7898, IoU.sofa: 0.8426, IoU.shelf: 0.4830, IoU.house: 0.5543, IoU.sea: 0.7532, IoU.mirror: 0.7585, IoU.rug: 0.7091, IoU.field: 0.2540, IoU.armchair: 0.6340, IoU.seat: 0.6944, IoU.fence: 0.5186, IoU.desk: 0.5938, IoU.rock: 0.5850, IoU.wardrobe: 0.5317, IoU.lamp: 0.7528, IoU.bathtub: 0.8931, IoU.railing: 0.4264, IoU.cushion: 0.7010, IoU.base: 0.4171, IoU.box: 0.3510, IoU.column: 0.5562, IoU.signboard: 0.4077, IoU.chest of drawers: 0.4822, IoU.counter: 0.5403, IoU.sand: 0.5342, IoU.sink: 0.8181, IoU.skyscraper: 0.4387, IoU.fireplace: 0.7554, IoU.refrigerator: 0.8282, IoU.grandstand: 0.4735, IoU.path: 0.2734, IoU.stairs: 0.3803, IoU.runway: 0.6882, IoU.case: 0.5945, IoU.pool table: 0.9442, IoU.pillow: 0.6657, IoU.screen door: 0.8249, IoU.stairway: 0.4759, IoU.river: 0.1523, IoU.bridge: 0.6303, IoU.bookcase: 0.4721, IoU.blind: 0.4068, IoU.coffee table: 0.6759, IoU.toilet: 0.9048, IoU.flower: 0.3980, IoU.book: 0.5059, IoU.hill: 0.0656, IoU.bench: 0.5503, IoU.countertop: 0.6378, IoU.stove: 0.8603, IoU.palm: 0.5344, IoU.kitchen island: 0.5213, IoU.computer: 0.7981, IoU.swivel chair: 0.4434, IoU.boat: 0.7007, IoU.bar: 0.6442, IoU.arcade machine: 0.8421, IoU.hovel: 0.1624, IoU.bus: 0.9391, IoU.towel: 0.7289, IoU.light: 0.6134, IoU.truck: 0.5215, IoU.tower: 0.2068, IoU.chandelier: 0.7517, IoU.awning: 0.5059, IoU.streetlight: 0.3819, IoU.booth: 0.3929, IoU.television receiver: 0.7656, IoU.airplane: 0.8854, IoU.dirt track: 0.0601, IoU.apparel: 0.5498, IoU.pole: 0.2832, IoU.land: 0.0386, IoU.bannister: 0.1960, IoU.escalator: 0.6274, IoU.ottoman: 0.5311, IoU.bottle: 0.4467, IoU.buffet: 0.6206, IoU.poster: 0.3349, IoU.stage: 0.2638, IoU.van: 0.4352, IoU.ship: 0.7120, IoU.fountain: 0.2512, IoU.conveyer belt: 0.7988, IoU.canopy: 0.5881, IoU.washer: 0.8533, IoU.plaything: 0.3305, IoU.swimming pool: 0.5666, IoU.stool: 0.5516, IoU.barrel: 0.4837, IoU.basket: 0.4350, IoU.waterfall: 0.4973, IoU.tent: 0.9150, IoU.bag: 0.2292, IoU.minibike: 0.7749, IoU.cradle: 0.8509, IoU.oven: 0.6437, IoU.ball: 0.6071, IoU.food: 0.6061, IoU.step: 0.1120, IoU.tank: 0.8366, IoU.trade name: 0.1878, IoU.microwave: 0.9029, IoU.pot: 0.6147, IoU.animal: 0.6423, IoU.bicycle: 0.6281, IoU.lake: 0.5798, IoU.dishwasher: 0.7518, IoU.screen: 0.6158, IoU.blanket: 0.3182, IoU.sculpture: 0.7597, IoU.hood: 0.6392, IoU.sconce: 0.5987, IoU.vase: 0.4756, IoU.traffic light: 0.3695, IoU.tray: 0.1355, IoU.ashcan: 0.5244, IoU.fan: 0.6988, IoU.pier: 0.4009, IoU.crt screen: 0.0876, IoU.plate: 0.6017, IoU.monitor: 0.5601, IoU.bulletin board: 0.5576, IoU.shower: 0.1169, IoU.radiator: 0.6288, IoU.glass: 0.2138, IoU.clock: 0.5518, IoU.flag: 0.7109, Acc.wall: 0.9032, Acc.building: 0.9331, Acc.sky: 0.9721, Acc.floor: 0.9275, Acc.tree: 0.9074, Acc.ceiling: 0.9445, Acc.road: 0.9108, Acc.bed : 0.9742, Acc.windowpane: 0.7941, Acc.grass: 0.8098, Acc.cabinet: 0.7453, Acc.sidewalk: 0.8695, Acc.person: 0.9226, Acc.earth: 0.5346, Acc.door: 0.7818, Acc.table: 0.8327, Acc.mountain: 0.7205, Acc.plant: 0.6642, Acc.curtain: 0.8836, Acc.chair: 0.8043, Acc.car: 0.9443, Acc.water: 0.7710, Acc.painting: 0.8949, Acc.sofa: 0.9147, Acc.shelf: 0.6791, Acc.house: 0.6978, Acc.sea: 0.8448, Acc.mirror: 0.8412, Acc.rug: 0.8093, Acc.field: 0.4688, Acc.armchair: 0.8046, Acc.seat: 0.8711, Acc.fence: 0.6857, Acc.desk: 0.7888, Acc.rock: 0.8407, Acc.wardrobe: 0.7393, Acc.lamp: 0.8582, Acc.bathtub: 0.9291, Acc.railing: 0.6131, Acc.cushion: 0.8089, Acc.base: 0.5778, Acc.box: 0.4281, Acc.column: 0.6905, Acc.signboard: 0.5516, Acc.chest of drawers: 0.6685, Acc.counter: 0.6314, Acc.sand: 0.7956, Acc.sink: 0.8682, Acc.skyscraper: 0.5561, Acc.fireplace: 0.9395, Acc.refrigerator: 0.9633, Acc.grandstand: 0.8034, Acc.path: 0.3461, Acc.stairs: 0.5023, Acc.runway: 0.9103, Acc.case: 0.7299, Acc.pool table: 0.9774, Acc.pillow: 0.7676, Acc.screen door: 0.8752, Acc.stairway: 0.5776, Acc.river: 0.3303, Acc.bridge: 0.7039, Acc.bookcase: 0.7558, Acc.blind: 0.4520, Acc.coffee table: 0.8694, Acc.toilet: 0.9327, Acc.flower: 0.5630, Acc.book: 0.6273, Acc.hill: 0.1261, Acc.bench: 0.6241, Acc.countertop: 0.8486, Acc.stove: 0.9342, Acc.palm: 0.8117, Acc.kitchen island: 0.8432, Acc.computer: 0.9068, Acc.swivel chair: 0.5918, Acc.boat: 0.9187, Acc.bar: 0.7749, Acc.arcade machine: 0.8806, Acc.hovel: 0.1758, Acc.bus: 0.9720, Acc.towel: 0.8243, Acc.light: 0.6695, Acc.truck: 0.6484, Acc.tower: 0.3632, Acc.chandelier: 0.8578, Acc.awning: 0.6270, Acc.streetlight: 0.5572, Acc.booth: 0.7434, Acc.television receiver: 0.8812, Acc.airplane: 0.9650, Acc.dirt track: 0.3372, Acc.apparel: 0.7211, Acc.pole: 0.3764, Acc.land: 0.0509, Acc.bannister: 0.2554, Acc.escalator: 0.8670, Acc.ottoman: 0.7429, Acc.bottle: 0.6285, Acc.buffet: 0.7032, Acc.poster: 0.3806, Acc.stage: 0.5020, Acc.van: 0.5782, Acc.ship: 0.7724, Acc.fountain: 0.2548, Acc.conveyer belt: 0.9249, Acc.canopy: 0.7364, Acc.washer: 0.9105, Acc.plaything: 0.4824, Acc.swimming pool: 0.8136, Acc.stool: 0.6495, Acc.barrel: 0.7434, Acc.basket: 0.5543, Acc.waterfall: 0.5963, Acc.tent: 0.9817, Acc.bag: 0.2609, Acc.minibike: 0.8885, Acc.cradle: 0.9903, Acc.oven: 0.7180, Acc.ball: 0.7188, Acc.food: 0.7421, Acc.step: 0.1194, Acc.tank: 0.9611, Acc.trade name: 0.2087, Acc.microwave: 0.9602, Acc.pot: 0.6845, Acc.animal: 0.6663, Acc.bicycle: 0.8544, Acc.lake: 0.6794, Acc.dishwasher: 0.8334, Acc.screen: 0.8451, Acc.blanket: 0.3629, Acc.sculpture: 0.8879, Acc.hood: 0.7366, Acc.sconce: 0.7268, Acc.vase: 0.6345, Acc.traffic light: 0.5691, Acc.tray: 0.1510, Acc.ashcan: 0.6621, Acc.fan: 0.8796, Acc.pier: 0.4393, Acc.crt screen: 0.1487, Acc.plate: 0.8170, Acc.monitor: 0.6578, Acc.bulletin board: 0.6477, Acc.shower: 0.1340, Acc.radiator: 0.7781, Acc.glass: 0.2316, Acc.clock: 0.6649, Acc.flag: 0.7893 2023-11-03 02:10:25,052 - mmseg - INFO - Iter [48050/80000] lr: 1.294e-06, eta: 16:05:11, time: 3.386, data_time: 1.729, memory: 69173, decode.loss_ce: 0.1521, decode.acc_seg: 93.0827, aux.loss_ce: 0.0809, aux.acc_seg: 91.4538, loss: 0.2330 2023-11-03 02:11:48,124 - mmseg - INFO - Iter [48100/80000] lr: 1.292e-06, eta: 16:03:35, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1551, decode.acc_seg: 93.0974, aux.loss_ce: 0.0846, aux.acc_seg: 91.1772, loss: 0.2397 2023-11-03 02:13:11,164 - mmseg - INFO - Iter [48150/80000] lr: 1.290e-06, eta: 16:02:00, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1470, decode.acc_seg: 93.5768, aux.loss_ce: 0.0814, aux.acc_seg: 91.6245, loss: 0.2284 2023-11-03 02:14:34,240 - mmseg - INFO - Iter [48200/80000] lr: 1.288e-06, eta: 16:00:24, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1517, decode.acc_seg: 93.3381, aux.loss_ce: 0.0832, aux.acc_seg: 91.4627, loss: 0.2349 2023-11-03 02:15:57,318 - mmseg - INFO - Iter [48250/80000] lr: 1.286e-06, eta: 15:58:48, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1527, decode.acc_seg: 93.3088, aux.loss_ce: 0.0832, aux.acc_seg: 91.4670, loss: 0.2359 2023-11-03 02:17:20,349 - mmseg - INFO - Iter [48300/80000] lr: 1.284e-06, eta: 15:57:13, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1562, decode.acc_seg: 93.2243, aux.loss_ce: 0.0823, aux.acc_seg: 91.6156, loss: 0.2385 2023-11-03 02:18:43,375 - mmseg - INFO - Iter [48350/80000] lr: 1.282e-06, eta: 15:55:37, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1530, decode.acc_seg: 93.3381, aux.loss_ce: 0.0845, aux.acc_seg: 91.2903, loss: 0.2375 2023-11-03 02:20:06,445 - mmseg - INFO - Iter [48400/80000] lr: 1.280e-06, eta: 15:54:02, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1499, decode.acc_seg: 93.3376, aux.loss_ce: 0.0840, aux.acc_seg: 91.2883, loss: 0.2339 2023-11-03 02:21:29,541 - mmseg - INFO - Iter [48450/80000] lr: 1.278e-06, eta: 15:52:26, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1551, decode.acc_seg: 93.1657, aux.loss_ce: 0.0826, aux.acc_seg: 91.4916, loss: 0.2378 2023-11-03 02:22:52,570 - mmseg - INFO - Iter [48500/80000] lr: 1.276e-06, eta: 15:50:51, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1414, decode.acc_seg: 93.8798, aux.loss_ce: 0.0784, aux.acc_seg: 92.0857, loss: 0.2198 2023-11-03 02:24:15,619 - mmseg - INFO - Iter [48550/80000] lr: 1.274e-06, eta: 15:49:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1474, decode.acc_seg: 93.5407, aux.loss_ce: 0.0792, aux.acc_seg: 91.7384, loss: 0.2266 2023-11-03 02:25:38,646 - mmseg - INFO - Iter [48600/80000] lr: 1.272e-06, eta: 15:47:40, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1500, decode.acc_seg: 93.4080, aux.loss_ce: 0.0821, aux.acc_seg: 91.3721, loss: 0.2321 2023-11-03 02:27:01,655 - mmseg - INFO - Iter [48650/80000] lr: 1.270e-06, eta: 15:46:05, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1455, decode.acc_seg: 93.6174, aux.loss_ce: 0.0779, aux.acc_seg: 92.0453, loss: 0.2234 2023-11-03 02:28:24,690 - mmseg - INFO - Iter [48700/80000] lr: 1.268e-06, eta: 15:44:29, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1474, decode.acc_seg: 93.5543, aux.loss_ce: 0.0811, aux.acc_seg: 91.6751, loss: 0.2286 2023-11-03 02:29:47,736 - mmseg - INFO - Iter [48750/80000] lr: 1.266e-06, eta: 15:42:54, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1595, decode.acc_seg: 93.1592, aux.loss_ce: 0.0840, aux.acc_seg: 91.5024, loss: 0.2435 2023-11-03 02:31:10,793 - mmseg - INFO - Iter [48800/80000] lr: 1.264e-06, eta: 15:41:19, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1485, decode.acc_seg: 93.1772, aux.loss_ce: 0.0794, aux.acc_seg: 91.3018, loss: 0.2279 2023-11-03 02:32:33,862 - mmseg - INFO - Iter [48850/80000] lr: 1.262e-06, eta: 15:39:43, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1574, decode.acc_seg: 93.2848, aux.loss_ce: 0.0872, aux.acc_seg: 91.0629, loss: 0.2446 2023-11-03 02:33:56,871 - mmseg - INFO - Iter [48900/80000] lr: 1.260e-06, eta: 15:38:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1557, decode.acc_seg: 93.1548, aux.loss_ce: 0.0850, aux.acc_seg: 91.1612, loss: 0.2406 2023-11-03 02:35:19,938 - mmseg - INFO - Iter [48950/80000] lr: 1.257e-06, eta: 15:36:33, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1429, decode.acc_seg: 93.6692, aux.loss_ce: 0.0778, aux.acc_seg: 91.8895, loss: 0.2208 2023-11-03 02:36:42,992 - mmseg - INFO - Saving checkpoint at 49000 iterations 2023-11-03 02:37:40,686 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 02:37:40,686 - mmseg - INFO - Iter [49000/80000] lr: 1.255e-06, eta: 15:35:34, time: 2.815, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1493, decode.acc_seg: 93.3803, aux.loss_ce: 0.0826, aux.acc_seg: 91.3732, loss: 0.2320 2023-11-03 02:39:05,909 - mmseg - INFO - per class results: 2023-11-03 02:39:05,914 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.68 | 90.44 | | building | 85.09 | 92.74 | | sky | 94.92 | 97.64 | | floor | 85.52 | 92.8 | | tree | 76.85 | 89.77 | | ceiling | 87.6 | 94.1 | | road | 86.3 | 91.73 | | bed | 92.7 | 97.31 | | windowpane | 65.83 | 81.14 | | grass | 68.54 | 78.51 | | cabinet | 66.61 | 76.49 | | sidewalk | 71.13 | 83.37 | | person | 85.47 | 94.18 | | earth | 41.77 | 56.33 | | door | 61.91 | 78.91 | | table | 69.57 | 81.37 | | mountain | 62.69 | 71.31 | | plant | 57.93 | 67.89 | | curtain | 76.95 | 85.82 | | chair | 67.0 | 80.14 | | car | 87.47 | 93.39 | | water | 62.48 | 77.95 | | painting | 78.75 | 90.65 | | sofa | 81.88 | 88.51 | | shelf | 48.27 | 65.36 | | house | 57.25 | 75.49 | | sea | 72.8 | 83.49 | | mirror | 76.86 | 86.31 | | rug | 70.28 | 78.71 | | field | 30.43 | 55.95 | | armchair | 63.3 | 80.84 | | seat | 67.22 | 88.04 | | fence | 52.89 | 71.06 | | desk | 61.09 | 78.97 | | rock | 56.82 | 87.7 | | wardrobe | 53.05 | 69.52 | | lamp | 75.59 | 85.79 | | bathtub | 89.63 | 92.37 | | railing | 42.82 | 62.16 | | cushion | 69.74 | 79.51 | | base | 40.5 | 59.37 | | box | 37.04 | 46.28 | | column | 56.16 | 70.93 | | signboard | 40.96 | 53.84 | | chest of drawers | 46.15 | 66.17 | | counter | 54.72 | 64.86 | | sand | 54.54 | 77.91 | | sink | 81.52 | 85.57 | | skyscraper | 46.78 | 61.17 | | fireplace | 74.74 | 94.01 | | refrigerator | 84.01 | 96.11 | | grandstand | 51.65 | 82.21 | | path | 31.0 | 43.34 | | stairs | 35.65 | 47.75 | | runway | 67.38 | 93.25 | | case | 60.95 | 71.15 | | pool table | 94.72 | 97.39 | | pillow | 65.85 | 75.12 | | screen door | 79.67 | 85.09 | | stairway | 45.95 | 57.29 | | river | 12.51 | 24.24 | | bridge | 57.22 | 64.36 | | bookcase | 47.55 | 68.6 | | blind | 40.07 | 43.57 | | coffee table | 68.61 | 86.6 | | toilet | 90.03 | 93.06 | | flower | 41.99 | 59.04 | | book | 51.62 | 72.38 | | hill | 8.11 | 13.37 | | bench | 53.27 | 59.68 | | countertop | 63.59 | 85.61 | | stove | 85.98 | 92.17 | | palm | 53.99 | 84.92 | | kitchen island | 45.15 | 76.71 | | computer | 79.39 | 89.58 | | swivel chair | 42.96 | 64.05 | | boat | 67.7 | 92.58 | | bar | 64.69 | 76.72 | | arcade machine | 82.99 | 87.38 | | hovel | 20.9 | 22.56 | | bus | 93.81 | 98.14 | | towel | 76.68 | 86.52 | | light | 63.07 | 71.04 | | truck | 49.62 | 57.02 | | tower | 14.63 | 25.22 | | chandelier | 73.91 | 86.8 | | awning | 46.91 | 55.6 | | streetlight | 38.24 | 51.21 | | booth | 49.11 | 68.35 | | television receiver | 77.1 | 89.24 | | airplane | 86.94 | 96.82 | | dirt track | 10.45 | 48.41 | | apparel | 55.24 | 73.91 | | pole | 30.56 | 45.18 | | land | 4.47 | 5.92 | | bannister | 18.48 | 29.86 | | escalator | 64.22 | 86.39 | | ottoman | 52.77 | 74.66 | | bottle | 44.54 | 66.51 | | buffet | 63.16 | 72.92 | | poster | 36.23 | 48.31 | | stage | 21.71 | 48.81 | | van | 45.69 | 75.51 | | ship | 78.25 | 94.41 | | fountain | 31.11 | 31.89 | | conveyer belt | 78.56 | 92.78 | | canopy | 53.5 | 66.06 | | washer | 86.67 | 92.48 | | plaything | 30.49 | 40.39 | | swimming pool | 62.24 | 73.64 | | stool | 54.5 | 70.3 | | barrel | 54.41 | 81.08 | | basket | 43.51 | 58.5 | | waterfall | 50.35 | 56.99 | | tent | 91.74 | 98.39 | | bag | 23.8 | 27.81 | | minibike | 76.44 | 90.1 | | cradle | 86.88 | 98.57 | | oven | 64.95 | 72.32 | | ball | 57.72 | 61.41 | | food | 60.2 | 72.0 | | step | 13.26 | 14.41 | | tank | 83.96 | 95.0 | | trade name | 30.2 | 37.08 | | microwave | 90.56 | 96.42 | | pot | 60.18 | 68.13 | | animal | 61.01 | 63.19 | | bicycle | 62.83 | 81.57 | | lake | 56.05 | 69.16 | | dishwasher | 73.48 | 80.01 | | screen | 67.6 | 91.59 | | blanket | 31.94 | 35.2 | | sculpture | 76.88 | 86.58 | | hood | 64.76 | 74.73 | | sconce | 61.47 | 72.33 | | vase | 47.16 | 64.47 | | traffic light | 36.13 | 69.35 | | tray | 18.35 | 27.72 | | ashcan | 51.96 | 67.04 | | fan | 70.26 | 84.37 | | pier | 40.17 | 44.94 | | crt screen | 2.33 | 3.61 | | plate | 60.37 | 79.27 | | monitor | 54.35 | 67.03 | | bulletin board | 58.29 | 69.22 | | shower | 13.25 | 18.34 | | radiator | 63.04 | 80.59 | | glass | 22.24 | 24.31 | | clock | 54.39 | 61.14 | | flag | 71.26 | 82.52 | +---------------------+-------+-------+ 2023-11-03 02:39:05,914 - mmseg - INFO - Summary: 2023-11-03 02:39:05,914 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 86.35 | 58.1 | 70.74 | +-------+------+-------+ 2023-11-03 02:39:05,915 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 02:39:05,915 - mmseg - INFO - Iter(val) [250] aAcc: 0.8635, mIoU: 0.5810, mAcc: 0.7074, IoU.wall: 0.8268, IoU.building: 0.8509, IoU.sky: 0.9492, IoU.floor: 0.8552, IoU.tree: 0.7685, IoU.ceiling: 0.8760, IoU.road: 0.8630, IoU.bed : 0.9270, IoU.windowpane: 0.6583, IoU.grass: 0.6854, IoU.cabinet: 0.6661, IoU.sidewalk: 0.7113, IoU.person: 0.8547, IoU.earth: 0.4177, IoU.door: 0.6191, IoU.table: 0.6957, IoU.mountain: 0.6269, IoU.plant: 0.5793, IoU.curtain: 0.7695, IoU.chair: 0.6700, IoU.car: 0.8747, IoU.water: 0.6248, IoU.painting: 0.7875, IoU.sofa: 0.8188, IoU.shelf: 0.4827, IoU.house: 0.5725, IoU.sea: 0.7280, IoU.mirror: 0.7686, IoU.rug: 0.7028, IoU.field: 0.3043, IoU.armchair: 0.6330, IoU.seat: 0.6722, IoU.fence: 0.5289, IoU.desk: 0.6109, IoU.rock: 0.5682, IoU.wardrobe: 0.5305, IoU.lamp: 0.7559, IoU.bathtub: 0.8963, IoU.railing: 0.4282, IoU.cushion: 0.6974, IoU.base: 0.4050, IoU.box: 0.3704, IoU.column: 0.5616, IoU.signboard: 0.4096, IoU.chest of drawers: 0.4615, IoU.counter: 0.5472, IoU.sand: 0.5454, IoU.sink: 0.8152, IoU.skyscraper: 0.4678, IoU.fireplace: 0.7474, IoU.refrigerator: 0.8401, IoU.grandstand: 0.5165, IoU.path: 0.3100, IoU.stairs: 0.3565, IoU.runway: 0.6738, IoU.case: 0.6095, IoU.pool table: 0.9472, IoU.pillow: 0.6585, IoU.screen door: 0.7967, IoU.stairway: 0.4595, IoU.river: 0.1251, IoU.bridge: 0.5722, IoU.bookcase: 0.4755, IoU.blind: 0.4007, IoU.coffee table: 0.6861, IoU.toilet: 0.9003, IoU.flower: 0.4199, IoU.book: 0.5162, IoU.hill: 0.0811, IoU.bench: 0.5327, IoU.countertop: 0.6359, IoU.stove: 0.8598, IoU.palm: 0.5399, IoU.kitchen island: 0.4515, IoU.computer: 0.7939, IoU.swivel chair: 0.4296, IoU.boat: 0.6770, IoU.bar: 0.6469, IoU.arcade machine: 0.8299, IoU.hovel: 0.2090, IoU.bus: 0.9381, IoU.towel: 0.7668, IoU.light: 0.6307, IoU.truck: 0.4962, IoU.tower: 0.1463, IoU.chandelier: 0.7391, IoU.awning: 0.4691, IoU.streetlight: 0.3824, IoU.booth: 0.4911, IoU.television receiver: 0.7710, IoU.airplane: 0.8694, IoU.dirt track: 0.1045, IoU.apparel: 0.5524, IoU.pole: 0.3056, IoU.land: 0.0447, IoU.bannister: 0.1848, IoU.escalator: 0.6422, IoU.ottoman: 0.5277, IoU.bottle: 0.4454, IoU.buffet: 0.6316, IoU.poster: 0.3623, IoU.stage: 0.2171, IoU.van: 0.4569, IoU.ship: 0.7825, IoU.fountain: 0.3111, IoU.conveyer belt: 0.7856, IoU.canopy: 0.5350, IoU.washer: 0.8667, IoU.plaything: 0.3049, IoU.swimming pool: 0.6224, IoU.stool: 0.5450, IoU.barrel: 0.5441, IoU.basket: 0.4351, IoU.waterfall: 0.5035, IoU.tent: 0.9174, IoU.bag: 0.2380, IoU.minibike: 0.7644, IoU.cradle: 0.8688, IoU.oven: 0.6495, IoU.ball: 0.5772, IoU.food: 0.6020, IoU.step: 0.1326, IoU.tank: 0.8396, IoU.trade name: 0.3020, IoU.microwave: 0.9056, IoU.pot: 0.6018, IoU.animal: 0.6101, IoU.bicycle: 0.6283, IoU.lake: 0.5605, IoU.dishwasher: 0.7348, IoU.screen: 0.6760, IoU.blanket: 0.3194, IoU.sculpture: 0.7688, IoU.hood: 0.6476, IoU.sconce: 0.6147, IoU.vase: 0.4716, IoU.traffic light: 0.3613, IoU.tray: 0.1835, IoU.ashcan: 0.5196, IoU.fan: 0.7026, IoU.pier: 0.4017, IoU.crt screen: 0.0233, IoU.plate: 0.6037, IoU.monitor: 0.5435, IoU.bulletin board: 0.5829, IoU.shower: 0.1325, IoU.radiator: 0.6304, IoU.glass: 0.2224, IoU.clock: 0.5439, IoU.flag: 0.7126, Acc.wall: 0.9044, Acc.building: 0.9274, Acc.sky: 0.9764, Acc.floor: 0.9280, Acc.tree: 0.8977, Acc.ceiling: 0.9410, Acc.road: 0.9173, Acc.bed : 0.9731, Acc.windowpane: 0.8114, Acc.grass: 0.7851, Acc.cabinet: 0.7649, Acc.sidewalk: 0.8337, Acc.person: 0.9418, Acc.earth: 0.5633, Acc.door: 0.7891, Acc.table: 0.8137, Acc.mountain: 0.7131, Acc.plant: 0.6789, Acc.curtain: 0.8582, Acc.chair: 0.8014, Acc.car: 0.9339, Acc.water: 0.7795, Acc.painting: 0.9065, Acc.sofa: 0.8851, Acc.shelf: 0.6536, Acc.house: 0.7549, Acc.sea: 0.8349, Acc.mirror: 0.8631, Acc.rug: 0.7871, Acc.field: 0.5595, Acc.armchair: 0.8084, Acc.seat: 0.8804, Acc.fence: 0.7106, Acc.desk: 0.7897, Acc.rock: 0.8770, Acc.wardrobe: 0.6952, Acc.lamp: 0.8579, Acc.bathtub: 0.9237, Acc.railing: 0.6216, Acc.cushion: 0.7951, Acc.base: 0.5937, Acc.box: 0.4628, Acc.column: 0.7093, Acc.signboard: 0.5384, Acc.chest of drawers: 0.6617, Acc.counter: 0.6486, Acc.sand: 0.7791, Acc.sink: 0.8557, Acc.skyscraper: 0.6117, Acc.fireplace: 0.9401, Acc.refrigerator: 0.9611, Acc.grandstand: 0.8221, Acc.path: 0.4334, Acc.stairs: 0.4775, Acc.runway: 0.9325, Acc.case: 0.7115, Acc.pool table: 0.9739, Acc.pillow: 0.7512, Acc.screen door: 0.8509, Acc.stairway: 0.5729, Acc.river: 0.2424, Acc.bridge: 0.6436, Acc.bookcase: 0.6860, Acc.blind: 0.4357, Acc.coffee table: 0.8660, Acc.toilet: 0.9306, Acc.flower: 0.5904, Acc.book: 0.7238, Acc.hill: 0.1337, Acc.bench: 0.5968, Acc.countertop: 0.8561, Acc.stove: 0.9217, Acc.palm: 0.8492, Acc.kitchen island: 0.7671, Acc.computer: 0.8958, Acc.swivel chair: 0.6405, Acc.boat: 0.9258, Acc.bar: 0.7672, Acc.arcade machine: 0.8738, Acc.hovel: 0.2256, Acc.bus: 0.9814, Acc.towel: 0.8652, Acc.light: 0.7104, Acc.truck: 0.5702, Acc.tower: 0.2522, Acc.chandelier: 0.8680, Acc.awning: 0.5560, Acc.streetlight: 0.5121, Acc.booth: 0.6835, Acc.television receiver: 0.8924, Acc.airplane: 0.9682, Acc.dirt track: 0.4841, Acc.apparel: 0.7391, Acc.pole: 0.4518, Acc.land: 0.0592, Acc.bannister: 0.2986, Acc.escalator: 0.8639, Acc.ottoman: 0.7466, Acc.bottle: 0.6651, Acc.buffet: 0.7292, Acc.poster: 0.4831, Acc.stage: 0.4881, Acc.van: 0.7551, Acc.ship: 0.9441, Acc.fountain: 0.3189, Acc.conveyer belt: 0.9278, Acc.canopy: 0.6606, Acc.washer: 0.9248, Acc.plaything: 0.4039, Acc.swimming pool: 0.7364, Acc.stool: 0.7030, Acc.barrel: 0.8108, Acc.basket: 0.5850, Acc.waterfall: 0.5699, Acc.tent: 0.9839, Acc.bag: 0.2781, Acc.minibike: 0.9010, Acc.cradle: 0.9857, Acc.oven: 0.7232, Acc.ball: 0.6141, Acc.food: 0.7200, Acc.step: 0.1441, Acc.tank: 0.9500, Acc.trade name: 0.3708, Acc.microwave: 0.9642, Acc.pot: 0.6813, Acc.animal: 0.6319, Acc.bicycle: 0.8157, Acc.lake: 0.6916, Acc.dishwasher: 0.8001, Acc.screen: 0.9159, Acc.blanket: 0.3520, Acc.sculpture: 0.8658, Acc.hood: 0.7473, Acc.sconce: 0.7233, Acc.vase: 0.6447, Acc.traffic light: 0.6935, Acc.tray: 0.2772, Acc.ashcan: 0.6704, Acc.fan: 0.8437, Acc.pier: 0.4494, Acc.crt screen: 0.0361, Acc.plate: 0.7927, Acc.monitor: 0.6703, Acc.bulletin board: 0.6922, Acc.shower: 0.1834, Acc.radiator: 0.8059, Acc.glass: 0.2431, Acc.clock: 0.6114, Acc.flag: 0.8252 2023-11-03 02:40:29,084 - mmseg - INFO - Iter [49050/80000] lr: 1.253e-06, eta: 15:34:53, time: 3.368, data_time: 1.713, memory: 69173, decode.loss_ce: 0.1540, decode.acc_seg: 93.2750, aux.loss_ce: 0.0838, aux.acc_seg: 91.3017, loss: 0.2377 2023-11-03 02:41:52,146 - mmseg - INFO - Iter [49100/80000] lr: 1.251e-06, eta: 15:33:18, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1635, decode.acc_seg: 92.8795, aux.loss_ce: 0.0907, aux.acc_seg: 90.9331, loss: 0.2543 2023-11-03 02:43:15,210 - mmseg - INFO - Iter [49150/80000] lr: 1.249e-06, eta: 15:31:42, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1518, decode.acc_seg: 93.3418, aux.loss_ce: 0.0840, aux.acc_seg: 91.2772, loss: 0.2358 2023-11-03 02:44:38,285 - mmseg - INFO - Iter [49200/80000] lr: 1.247e-06, eta: 15:30:07, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1527, decode.acc_seg: 93.3983, aux.loss_ce: 0.0831, aux.acc_seg: 91.4787, loss: 0.2358 2023-11-03 02:46:01,357 - mmseg - INFO - Iter [49250/80000] lr: 1.245e-06, eta: 15:28:32, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1575, decode.acc_seg: 93.2590, aux.loss_ce: 0.0830, aux.acc_seg: 91.6315, loss: 0.2405 2023-11-03 02:47:26,772 - mmseg - INFO - Iter [49300/80000] lr: 1.243e-06, eta: 15:26:58, time: 1.708, data_time: 0.055, memory: 69173, decode.loss_ce: 0.1445, decode.acc_seg: 93.4325, aux.loss_ce: 0.0790, aux.acc_seg: 91.7056, loss: 0.2235 2023-11-03 02:48:49,833 - mmseg - INFO - Iter [49350/80000] lr: 1.241e-06, eta: 15:25:23, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1602, decode.acc_seg: 93.1747, aux.loss_ce: 0.0879, aux.acc_seg: 91.0818, loss: 0.2481 2023-11-03 02:50:12,903 - mmseg - INFO - Iter [49400/80000] lr: 1.239e-06, eta: 15:23:47, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1580, decode.acc_seg: 93.2968, aux.loss_ce: 0.0844, aux.acc_seg: 91.5035, loss: 0.2424 2023-11-03 02:51:35,939 - mmseg - INFO - Iter [49450/80000] lr: 1.237e-06, eta: 15:22:12, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1487, decode.acc_seg: 93.4872, aux.loss_ce: 0.0840, aux.acc_seg: 91.3894, loss: 0.2326 2023-11-03 02:52:58,952 - mmseg - INFO - Iter [49500/80000] lr: 1.235e-06, eta: 15:20:37, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1563, decode.acc_seg: 93.2489, aux.loss_ce: 0.0871, aux.acc_seg: 91.1365, loss: 0.2433 2023-11-03 02:54:21,976 - mmseg - INFO - Iter [49550/80000] lr: 1.233e-06, eta: 15:19:02, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1538, decode.acc_seg: 93.0822, aux.loss_ce: 0.0861, aux.acc_seg: 91.0925, loss: 0.2399 2023-11-03 02:55:45,023 - mmseg - INFO - Iter [49600/80000] lr: 1.231e-06, eta: 15:17:27, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1541, decode.acc_seg: 93.2878, aux.loss_ce: 0.0867, aux.acc_seg: 91.2587, loss: 0.2408 2023-11-03 02:57:08,031 - mmseg - INFO - Iter [49650/80000] lr: 1.229e-06, eta: 15:15:51, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1429, decode.acc_seg: 93.6226, aux.loss_ce: 0.0795, aux.acc_seg: 91.6177, loss: 0.2224 2023-11-03 02:58:31,076 - mmseg - INFO - Iter [49700/80000] lr: 1.227e-06, eta: 15:14:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1431, decode.acc_seg: 93.7514, aux.loss_ce: 0.0776, aux.acc_seg: 92.0614, loss: 0.2207 2023-11-03 02:59:54,132 - mmseg - INFO - Iter [49750/80000] lr: 1.225e-06, eta: 15:12:41, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1481, decode.acc_seg: 93.3496, aux.loss_ce: 0.0818, aux.acc_seg: 91.4497, loss: 0.2299 2023-11-03 03:01:17,179 - mmseg - INFO - Iter [49800/80000] lr: 1.223e-06, eta: 15:11:06, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1492, decode.acc_seg: 93.5171, aux.loss_ce: 0.0814, aux.acc_seg: 91.7139, loss: 0.2306 2023-11-03 03:02:40,234 - mmseg - INFO - Iter [49850/80000] lr: 1.221e-06, eta: 15:09:31, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1426, decode.acc_seg: 93.6299, aux.loss_ce: 0.0785, aux.acc_seg: 91.8140, loss: 0.2211 2023-11-03 03:04:03,266 - mmseg - INFO - Iter [49900/80000] lr: 1.219e-06, eta: 15:07:56, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1502, decode.acc_seg: 93.2125, aux.loss_ce: 0.0818, aux.acc_seg: 91.3704, loss: 0.2320 2023-11-03 03:05:26,294 - mmseg - INFO - Iter [49950/80000] lr: 1.217e-06, eta: 15:06:21, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1411, decode.acc_seg: 93.7034, aux.loss_ce: 0.0772, aux.acc_seg: 91.8261, loss: 0.2183 2023-11-03 03:06:49,367 - mmseg - INFO - Saving checkpoint at 50000 iterations 2023-11-03 03:07:48,799 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 03:07:48,799 - mmseg - INFO - Iter [50000/80000] lr: 1.215e-06, eta: 15:05:22, time: 2.850, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1419, decode.acc_seg: 93.5668, aux.loss_ce: 0.0797, aux.acc_seg: 91.6584, loss: 0.2216 2023-11-03 03:09:14,270 - mmseg - INFO - per class results: 2023-11-03 03:09:14,275 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.25 | 89.46 | | building | 84.33 | 92.9 | | sky | 94.98 | 97.72 | | floor | 85.33 | 92.7 | | tree | 76.99 | 90.71 | | ceiling | 87.66 | 93.61 | | road | 87.39 | 91.63 | | bed | 92.84 | 97.46 | | windowpane | 66.17 | 80.9 | | grass | 69.59 | 85.13 | | cabinet | 66.69 | 76.12 | | sidewalk | 72.26 | 84.74 | | person | 85.27 | 94.26 | | earth | 42.32 | 53.54 | | door | 61.13 | 80.81 | | table | 69.55 | 80.7 | | mountain | 66.05 | 75.85 | | plant | 56.53 | 65.95 | | curtain | 77.29 | 87.73 | | chair | 67.87 | 78.58 | | car | 87.25 | 93.84 | | water | 64.3 | 79.81 | | painting | 78.66 | 90.17 | | sofa | 82.97 | 90.7 | | shelf | 46.04 | 62.92 | | house | 58.44 | 76.99 | | sea | 74.88 | 84.55 | | mirror | 76.54 | 87.29 | | rug | 69.21 | 78.86 | | field | 30.93 | 52.62 | | armchair | 64.01 | 81.04 | | seat | 67.29 | 87.27 | | fence | 52.59 | 69.06 | | desk | 61.7 | 77.43 | | rock | 62.03 | 82.64 | | wardrobe | 52.14 | 71.71 | | lamp | 75.66 | 86.42 | | bathtub | 89.12 | 92.2 | | railing | 42.63 | 58.89 | | cushion | 68.91 | 80.74 | | base | 41.88 | 61.3 | | box | 40.26 | 53.38 | | column | 55.71 | 63.99 | | signboard | 41.95 | 56.92 | | chest of drawers | 48.26 | 69.17 | | counter | 53.33 | 65.81 | | sand | 57.74 | 83.64 | | sink | 82.21 | 87.42 | | skyscraper | 44.18 | 57.6 | | fireplace | 76.23 | 95.36 | | refrigerator | 84.55 | 96.16 | | grandstand | 50.39 | 81.88 | | path | 33.49 | 49.07 | | stairs | 37.48 | 50.05 | | runway | 66.15 | 89.84 | | case | 61.44 | 73.19 | | pool table | 94.57 | 97.77 | | pillow | 66.82 | 78.29 | | screen door | 77.2 | 83.62 | | stairway | 46.85 | 56.49 | | river | 14.12 | 27.01 | | bridge | 51.14 | 58.03 | | bookcase | 42.95 | 65.11 | | blind | 41.0 | 44.24 | | coffee table | 63.14 | 86.26 | | toilet | 90.13 | 92.51 | | flower | 41.19 | 56.03 | | book | 52.59 | 76.93 | | hill | 7.25 | 12.62 | | bench | 51.97 | 59.92 | | countertop | 66.54 | 81.21 | | stove | 86.08 | 93.32 | | palm | 54.24 | 83.15 | | kitchen island | 49.29 | 85.11 | | computer | 79.62 | 89.52 | | swivel chair | 45.02 | 67.2 | | boat | 71.47 | 89.95 | | bar | 62.81 | 73.18 | | arcade machine | 83.99 | 88.42 | | hovel | 19.46 | 21.29 | | bus | 94.54 | 97.79 | | towel | 78.0 | 84.35 | | light | 63.36 | 72.9 | | truck | 49.94 | 63.4 | | tower | 26.54 | 51.06 | | chandelier | 75.09 | 86.97 | | awning | 49.94 | 62.25 | | streetlight | 38.06 | 50.21 | | booth | 44.51 | 73.6 | | television receiver | 77.73 | 90.13 | | airplane | 86.38 | 97.68 | | dirt track | 10.72 | 54.19 | | apparel | 56.25 | 84.56 | | pole | 26.74 | 37.36 | | land | 3.52 | 4.85 | | bannister | 18.15 | 27.71 | | escalator | 61.53 | 82.45 | | ottoman | 53.89 | 78.0 | | bottle | 43.57 | 69.24 | | buffet | 65.12 | 75.99 | | poster | 35.93 | 41.46 | | stage | 22.98 | 35.29 | | van | 43.64 | 62.34 | | ship | 78.13 | 91.54 | | fountain | 40.07 | 41.39 | | conveyer belt | 84.17 | 92.35 | | canopy | 55.44 | 68.42 | | washer | 87.71 | 93.54 | | plaything | 32.87 | 45.9 | | swimming pool | 56.54 | 78.23 | | stool | 55.6 | 65.46 | | barrel | 55.08 | 83.09 | | basket | 43.34 | 57.04 | | waterfall | 47.62 | 59.52 | | tent | 91.11 | 98.84 | | bag | 24.66 | 28.35 | | minibike | 77.02 | 88.23 | | cradle | 88.52 | 98.31 | | oven | 71.26 | 81.98 | | ball | 58.57 | 63.99 | | food | 61.2 | 73.63 | | step | 11.05 | 12.36 | | tank | 85.7 | 95.19 | | trade name | 27.78 | 33.65 | | microwave | 90.63 | 96.38 | | pot | 61.65 | 71.19 | | animal | 61.52 | 63.79 | | bicycle | 61.88 | 75.62 | | lake | 57.93 | 69.45 | | dishwasher | 74.7 | 82.66 | | screen | 68.61 | 93.09 | | blanket | 33.04 | 38.98 | | sculpture | 76.83 | 87.74 | | hood | 63.25 | 75.5 | | sconce | 58.82 | 67.1 | | vase | 46.39 | 62.5 | | traffic light | 37.71 | 62.22 | | tray | 22.34 | 27.87 | | ashcan | 51.61 | 64.11 | | fan | 71.15 | 84.97 | | pier | 41.91 | 46.26 | | crt screen | 4.6 | 7.91 | | plate | 61.23 | 80.7 | | monitor | 45.7 | 56.21 | | bulletin board | 55.55 | 70.5 | | shower | 14.09 | 19.52 | | radiator | 63.8 | 80.28 | | glass | 22.25 | 24.21 | | clock | 53.66 | 65.21 | | flag | 71.81 | 79.85 | +---------------------+-------+-------+ 2023-11-03 03:09:14,275 - mmseg - INFO - Summary: 2023-11-03 03:09:14,275 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.42 | 58.43 | 71.11 | +-------+-------+-------+ 2023-11-03 03:09:14,276 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 03:09:14,276 - mmseg - INFO - Iter(val) [250] aAcc: 0.8642, mIoU: 0.5843, mAcc: 0.7111, IoU.wall: 0.8225, IoU.building: 0.8433, IoU.sky: 0.9498, IoU.floor: 0.8533, IoU.tree: 0.7699, IoU.ceiling: 0.8766, IoU.road: 0.8739, IoU.bed : 0.9284, IoU.windowpane: 0.6617, IoU.grass: 0.6959, IoU.cabinet: 0.6669, IoU.sidewalk: 0.7226, IoU.person: 0.8527, IoU.earth: 0.4232, IoU.door: 0.6113, IoU.table: 0.6955, IoU.mountain: 0.6605, IoU.plant: 0.5653, IoU.curtain: 0.7729, IoU.chair: 0.6787, IoU.car: 0.8725, IoU.water: 0.6430, IoU.painting: 0.7866, IoU.sofa: 0.8297, IoU.shelf: 0.4604, IoU.house: 0.5844, IoU.sea: 0.7488, IoU.mirror: 0.7654, IoU.rug: 0.6921, IoU.field: 0.3093, IoU.armchair: 0.6401, IoU.seat: 0.6729, IoU.fence: 0.5259, IoU.desk: 0.6170, IoU.rock: 0.6203, IoU.wardrobe: 0.5214, IoU.lamp: 0.7566, IoU.bathtub: 0.8912, IoU.railing: 0.4263, IoU.cushion: 0.6891, IoU.base: 0.4188, IoU.box: 0.4026, IoU.column: 0.5571, IoU.signboard: 0.4195, IoU.chest of drawers: 0.4826, IoU.counter: 0.5333, IoU.sand: 0.5774, IoU.sink: 0.8221, IoU.skyscraper: 0.4418, IoU.fireplace: 0.7623, IoU.refrigerator: 0.8455, IoU.grandstand: 0.5039, IoU.path: 0.3349, IoU.stairs: 0.3748, IoU.runway: 0.6615, IoU.case: 0.6144, IoU.pool table: 0.9457, IoU.pillow: 0.6682, IoU.screen door: 0.7720, IoU.stairway: 0.4685, IoU.river: 0.1412, IoU.bridge: 0.5114, IoU.bookcase: 0.4295, IoU.blind: 0.4100, IoU.coffee table: 0.6314, IoU.toilet: 0.9013, IoU.flower: 0.4119, IoU.book: 0.5259, IoU.hill: 0.0725, IoU.bench: 0.5197, IoU.countertop: 0.6654, IoU.stove: 0.8608, IoU.palm: 0.5424, IoU.kitchen island: 0.4929, IoU.computer: 0.7962, IoU.swivel chair: 0.4502, IoU.boat: 0.7147, IoU.bar: 0.6281, IoU.arcade machine: 0.8399, IoU.hovel: 0.1946, IoU.bus: 0.9454, IoU.towel: 0.7800, IoU.light: 0.6336, IoU.truck: 0.4994, IoU.tower: 0.2654, IoU.chandelier: 0.7509, IoU.awning: 0.4994, IoU.streetlight: 0.3806, IoU.booth: 0.4451, IoU.television receiver: 0.7773, IoU.airplane: 0.8638, IoU.dirt track: 0.1072, IoU.apparel: 0.5625, IoU.pole: 0.2674, IoU.land: 0.0352, IoU.bannister: 0.1815, IoU.escalator: 0.6153, IoU.ottoman: 0.5389, IoU.bottle: 0.4357, IoU.buffet: 0.6512, IoU.poster: 0.3593, IoU.stage: 0.2298, IoU.van: 0.4364, IoU.ship: 0.7813, IoU.fountain: 0.4007, IoU.conveyer belt: 0.8417, IoU.canopy: 0.5544, IoU.washer: 0.8771, IoU.plaything: 0.3287, IoU.swimming pool: 0.5654, IoU.stool: 0.5560, IoU.barrel: 0.5508, IoU.basket: 0.4334, IoU.waterfall: 0.4762, IoU.tent: 0.9111, IoU.bag: 0.2466, IoU.minibike: 0.7702, IoU.cradle: 0.8852, IoU.oven: 0.7126, IoU.ball: 0.5857, IoU.food: 0.6120, IoU.step: 0.1105, IoU.tank: 0.8570, IoU.trade name: 0.2778, IoU.microwave: 0.9063, IoU.pot: 0.6165, IoU.animal: 0.6152, IoU.bicycle: 0.6188, IoU.lake: 0.5793, IoU.dishwasher: 0.7470, IoU.screen: 0.6861, IoU.blanket: 0.3304, IoU.sculpture: 0.7683, IoU.hood: 0.6325, IoU.sconce: 0.5882, IoU.vase: 0.4639, IoU.traffic light: 0.3771, IoU.tray: 0.2234, IoU.ashcan: 0.5161, IoU.fan: 0.7115, IoU.pier: 0.4191, IoU.crt screen: 0.0460, IoU.plate: 0.6123, IoU.monitor: 0.4570, IoU.bulletin board: 0.5555, IoU.shower: 0.1409, IoU.radiator: 0.6380, IoU.glass: 0.2225, IoU.clock: 0.5366, IoU.flag: 0.7181, Acc.wall: 0.8946, Acc.building: 0.9290, Acc.sky: 0.9772, Acc.floor: 0.9270, Acc.tree: 0.9071, Acc.ceiling: 0.9361, Acc.road: 0.9163, Acc.bed : 0.9746, Acc.windowpane: 0.8090, Acc.grass: 0.8513, Acc.cabinet: 0.7612, Acc.sidewalk: 0.8474, Acc.person: 0.9426, Acc.earth: 0.5354, Acc.door: 0.8081, Acc.table: 0.8070, Acc.mountain: 0.7585, Acc.plant: 0.6595, Acc.curtain: 0.8773, Acc.chair: 0.7858, Acc.car: 0.9384, Acc.water: 0.7981, Acc.painting: 0.9017, Acc.sofa: 0.9070, Acc.shelf: 0.6292, Acc.house: 0.7699, Acc.sea: 0.8455, Acc.mirror: 0.8729, Acc.rug: 0.7886, Acc.field: 0.5262, Acc.armchair: 0.8104, Acc.seat: 0.8727, Acc.fence: 0.6906, Acc.desk: 0.7743, Acc.rock: 0.8264, Acc.wardrobe: 0.7171, Acc.lamp: 0.8642, Acc.bathtub: 0.9220, Acc.railing: 0.5889, Acc.cushion: 0.8074, Acc.base: 0.6130, Acc.box: 0.5338, Acc.column: 0.6399, Acc.signboard: 0.5692, Acc.chest of drawers: 0.6917, Acc.counter: 0.6581, Acc.sand: 0.8364, Acc.sink: 0.8742, Acc.skyscraper: 0.5760, Acc.fireplace: 0.9536, Acc.refrigerator: 0.9616, Acc.grandstand: 0.8188, Acc.path: 0.4907, Acc.stairs: 0.5005, Acc.runway: 0.8984, Acc.case: 0.7319, Acc.pool table: 0.9777, Acc.pillow: 0.7829, Acc.screen door: 0.8362, Acc.stairway: 0.5649, Acc.river: 0.2701, Acc.bridge: 0.5803, Acc.bookcase: 0.6511, Acc.blind: 0.4424, Acc.coffee table: 0.8626, Acc.toilet: 0.9251, Acc.flower: 0.5603, Acc.book: 0.7693, Acc.hill: 0.1262, Acc.bench: 0.5992, Acc.countertop: 0.8121, Acc.stove: 0.9332, Acc.palm: 0.8315, Acc.kitchen island: 0.8511, Acc.computer: 0.8952, Acc.swivel chair: 0.6720, Acc.boat: 0.8995, Acc.bar: 0.7318, Acc.arcade machine: 0.8842, Acc.hovel: 0.2129, Acc.bus: 0.9779, Acc.towel: 0.8435, Acc.light: 0.7290, Acc.truck: 0.6340, Acc.tower: 0.5106, Acc.chandelier: 0.8697, Acc.awning: 0.6225, Acc.streetlight: 0.5021, Acc.booth: 0.7360, Acc.television receiver: 0.9013, Acc.airplane: 0.9768, Acc.dirt track: 0.5419, Acc.apparel: 0.8456, Acc.pole: 0.3736, Acc.land: 0.0485, Acc.bannister: 0.2771, Acc.escalator: 0.8245, Acc.ottoman: 0.7800, Acc.bottle: 0.6924, Acc.buffet: 0.7599, Acc.poster: 0.4146, Acc.stage: 0.3529, Acc.van: 0.6234, Acc.ship: 0.9154, Acc.fountain: 0.4139, Acc.conveyer belt: 0.9235, Acc.canopy: 0.6842, Acc.washer: 0.9354, Acc.plaything: 0.4590, Acc.swimming pool: 0.7823, Acc.stool: 0.6546, Acc.barrel: 0.8309, Acc.basket: 0.5704, Acc.waterfall: 0.5952, Acc.tent: 0.9884, Acc.bag: 0.2835, Acc.minibike: 0.8823, Acc.cradle: 0.9831, Acc.oven: 0.8198, Acc.ball: 0.6399, Acc.food: 0.7363, Acc.step: 0.1236, Acc.tank: 0.9519, Acc.trade name: 0.3365, Acc.microwave: 0.9638, Acc.pot: 0.7119, Acc.animal: 0.6379, Acc.bicycle: 0.7562, Acc.lake: 0.6945, Acc.dishwasher: 0.8266, Acc.screen: 0.9309, Acc.blanket: 0.3898, Acc.sculpture: 0.8774, Acc.hood: 0.7550, Acc.sconce: 0.6710, Acc.vase: 0.6250, Acc.traffic light: 0.6222, Acc.tray: 0.2787, Acc.ashcan: 0.6411, Acc.fan: 0.8497, Acc.pier: 0.4626, Acc.crt screen: 0.0791, Acc.plate: 0.8070, Acc.monitor: 0.5621, Acc.bulletin board: 0.7050, Acc.shower: 0.1952, Acc.radiator: 0.8028, Acc.glass: 0.2421, Acc.clock: 0.6521, Acc.flag: 0.7985 2023-11-03 03:10:37,477 - mmseg - INFO - Iter [50050/80000] lr: 1.213e-06, eta: 15:04:38, time: 3.374, data_time: 1.718, memory: 69173, decode.loss_ce: 0.1476, decode.acc_seg: 93.2520, aux.loss_ce: 0.0823, aux.acc_seg: 91.0283, loss: 0.2299 2023-11-03 03:12:00,546 - mmseg - INFO - Iter [50100/80000] lr: 1.211e-06, eta: 15:03:03, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1602, decode.acc_seg: 92.9692, aux.loss_ce: 0.0897, aux.acc_seg: 90.7065, loss: 0.2500 2023-11-03 03:13:23,612 - mmseg - INFO - Iter [50150/80000] lr: 1.209e-06, eta: 15:01:28, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1441, decode.acc_seg: 93.5569, aux.loss_ce: 0.0784, aux.acc_seg: 91.8371, loss: 0.2225 2023-11-03 03:14:46,702 - mmseg - INFO - Iter [50200/80000] lr: 1.207e-06, eta: 14:59:53, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1538, decode.acc_seg: 93.1921, aux.loss_ce: 0.0809, aux.acc_seg: 91.5902, loss: 0.2347 2023-11-03 03:16:09,753 - mmseg - INFO - Iter [50250/80000] lr: 1.205e-06, eta: 14:58:18, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1428, decode.acc_seg: 93.7758, aux.loss_ce: 0.0792, aux.acc_seg: 91.9271, loss: 0.2220 2023-11-03 03:17:32,808 - mmseg - INFO - Iter [50300/80000] lr: 1.203e-06, eta: 14:56:43, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1437, decode.acc_seg: 93.6337, aux.loss_ce: 0.0827, aux.acc_seg: 91.4558, loss: 0.2264 2023-11-03 03:18:55,887 - mmseg - INFO - Iter [50350/80000] lr: 1.201e-06, eta: 14:55:08, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1411, decode.acc_seg: 93.7564, aux.loss_ce: 0.0800, aux.acc_seg: 91.8777, loss: 0.2211 2023-11-03 03:20:18,986 - mmseg - INFO - Iter [50400/80000] lr: 1.199e-06, eta: 14:53:33, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1496, decode.acc_seg: 93.3991, aux.loss_ce: 0.0820, aux.acc_seg: 91.6159, loss: 0.2316 2023-11-03 03:21:42,064 - mmseg - INFO - Iter [50450/80000] lr: 1.197e-06, eta: 14:51:58, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1515, decode.acc_seg: 93.4326, aux.loss_ce: 0.0829, aux.acc_seg: 91.3999, loss: 0.2343 2023-11-03 03:23:05,146 - mmseg - INFO - Iter [50500/80000] lr: 1.195e-06, eta: 14:50:23, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1472, decode.acc_seg: 93.5137, aux.loss_ce: 0.0798, aux.acc_seg: 91.5834, loss: 0.2270 2023-11-03 03:24:30,561 - mmseg - INFO - Iter [50550/80000] lr: 1.193e-06, eta: 14:48:49, time: 1.708, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1460, decode.acc_seg: 93.5457, aux.loss_ce: 0.0795, aux.acc_seg: 91.7433, loss: 0.2255 2023-11-03 03:25:53,641 - mmseg - INFO - Iter [50600/80000] lr: 1.191e-06, eta: 14:47:15, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1387, decode.acc_seg: 93.8552, aux.loss_ce: 0.0772, aux.acc_seg: 91.9290, loss: 0.2159 2023-11-03 03:27:16,719 - mmseg - INFO - Iter [50650/80000] lr: 1.189e-06, eta: 14:45:40, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1477, decode.acc_seg: 93.4564, aux.loss_ce: 0.0804, aux.acc_seg: 91.5479, loss: 0.2282 2023-11-03 03:28:39,809 - mmseg - INFO - Iter [50700/80000] lr: 1.187e-06, eta: 14:44:05, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1546, decode.acc_seg: 93.3460, aux.loss_ce: 0.0848, aux.acc_seg: 91.3145, loss: 0.2394 2023-11-03 03:30:02,922 - mmseg - INFO - Iter [50750/80000] lr: 1.185e-06, eta: 14:42:30, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1522, decode.acc_seg: 93.5271, aux.loss_ce: 0.0863, aux.acc_seg: 91.1804, loss: 0.2385 2023-11-03 03:31:26,038 - mmseg - INFO - Iter [50800/80000] lr: 1.183e-06, eta: 14:40:55, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1371, decode.acc_seg: 93.9164, aux.loss_ce: 0.0791, aux.acc_seg: 91.8957, loss: 0.2161 2023-11-03 03:32:49,103 - mmseg - INFO - Iter [50850/80000] lr: 1.181e-06, eta: 14:39:21, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1450, decode.acc_seg: 93.5502, aux.loss_ce: 0.0805, aux.acc_seg: 91.5917, loss: 0.2255 2023-11-03 03:34:12,113 - mmseg - INFO - Iter [50900/80000] lr: 1.179e-06, eta: 14:37:46, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1442, decode.acc_seg: 93.7911, aux.loss_ce: 0.0780, aux.acc_seg: 91.8361, loss: 0.2221 2023-11-03 03:35:35,178 - mmseg - INFO - Iter [50950/80000] lr: 1.176e-06, eta: 14:36:11, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1424, decode.acc_seg: 93.7095, aux.loss_ce: 0.0790, aux.acc_seg: 91.8769, loss: 0.2214 2023-11-03 03:36:58,294 - mmseg - INFO - Saving checkpoint at 51000 iterations 2023-11-03 03:37:54,765 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 03:37:54,765 - mmseg - INFO - Iter [51000/80000] lr: 1.174e-06, eta: 14:35:08, time: 2.792, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1320, decode.acc_seg: 94.0711, aux.loss_ce: 0.0757, aux.acc_seg: 92.0916, loss: 0.2077 2023-11-03 03:39:20,395 - mmseg - INFO - per class results: 2023-11-03 03:39:20,400 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.46 | 90.36 | | building | 84.71 | 93.35 | | sky | 94.89 | 97.19 | | floor | 85.34 | 92.31 | | tree | 77.28 | 90.75 | | ceiling | 87.49 | 93.03 | | road | 86.56 | 91.37 | | bed | 92.87 | 97.37 | | windowpane | 66.74 | 81.9 | | grass | 69.74 | 86.42 | | cabinet | 67.89 | 78.12 | | sidewalk | 70.61 | 83.8 | | person | 85.33 | 94.56 | | earth | 41.87 | 54.08 | | door | 61.2 | 79.61 | | table | 71.28 | 81.88 | | mountain | 59.45 | 64.69 | | plant | 58.51 | 68.83 | | curtain | 77.68 | 88.48 | | chair | 67.79 | 81.21 | | car | 87.21 | 94.17 | | water | 63.39 | 78.23 | | painting | 78.53 | 91.74 | | sofa | 81.87 | 90.89 | | shelf | 45.66 | 60.98 | | house | 54.9 | 68.37 | | sea | 72.88 | 84.36 | | mirror | 75.44 | 84.18 | | rug | 70.22 | 79.94 | | field | 32.46 | 48.54 | | armchair | 62.49 | 77.99 | | seat | 68.17 | 87.24 | | fence | 52.89 | 69.83 | | desk | 58.24 | 77.78 | | rock | 57.24 | 86.64 | | wardrobe | 56.63 | 71.37 | | lamp | 76.22 | 86.81 | | bathtub | 89.71 | 93.4 | | railing | 44.66 | 61.94 | | cushion | 67.91 | 83.16 | | base | 37.98 | 55.26 | | box | 38.6 | 47.8 | | column | 55.55 | 69.35 | | signboard | 40.13 | 56.81 | | chest of drawers | 47.64 | 61.86 | | counter | 45.17 | 51.98 | | sand | 58.47 | 90.06 | | sink | 81.83 | 88.21 | | skyscraper | 45.67 | 57.96 | | fireplace | 75.09 | 95.67 | | refrigerator | 83.41 | 88.77 | | grandstand | 53.95 | 82.68 | | path | 26.84 | 40.68 | | stairs | 38.12 | 48.58 | | runway | 74.06 | 97.01 | | case | 61.35 | 78.35 | | pool table | 94.7 | 97.68 | | pillow | 64.06 | 72.65 | | screen door | 72.5 | 75.98 | | stairway | 41.05 | 51.19 | | river | 14.05 | 27.48 | | bridge | 50.78 | 64.31 | | bookcase | 36.82 | 61.22 | | blind | 39.88 | 43.76 | | coffee table | 66.66 | 86.55 | | toilet | 90.63 | 93.52 | | flower | 39.72 | 53.28 | | book | 54.02 | 78.75 | | hill | 6.83 | 12.94 | | bench | 53.65 | 61.85 | | countertop | 65.2 | 83.5 | | stove | 86.17 | 92.15 | | palm | 53.83 | 82.74 | | kitchen island | 48.18 | 72.48 | | computer | 79.08 | 91.91 | | swivel chair | 44.64 | 64.7 | | boat | 69.07 | 92.02 | | bar | 62.25 | 82.66 | | arcade machine | 82.54 | 86.3 | | hovel | 14.05 | 15.13 | | bus | 93.01 | 98.2 | | towel | 75.67 | 82.79 | | light | 63.26 | 75.33 | | truck | 49.88 | 60.88 | | tower | 19.98 | 33.25 | | chandelier | 74.71 | 87.31 | | awning | 48.23 | 60.25 | | streetlight | 39.75 | 55.73 | | booth | 43.89 | 67.79 | | television receiver | 78.44 | 89.3 | | airplane | 86.46 | 98.03 | | dirt track | 10.82 | 55.31 | | apparel | 57.69 | 78.38 | | pole | 31.15 | 42.82 | | land | 6.13 | 9.76 | | bannister | 18.55 | 24.86 | | escalator | 63.12 | 85.64 | | ottoman | 53.82 | 73.64 | | bottle | 42.06 | 61.81 | | buffet | 64.32 | 71.31 | | poster | 34.32 | 41.7 | | stage | 25.2 | 46.01 | | van | 44.8 | 60.56 | | ship | 79.14 | 90.42 | | fountain | 38.81 | 39.98 | | conveyer belt | 82.52 | 93.08 | | canopy | 59.36 | 75.23 | | washer | 84.23 | 89.26 | | plaything | 30.92 | 48.11 | | swimming pool | 58.81 | 80.23 | | stool | 55.41 | 64.36 | | barrel | 60.16 | 76.5 | | basket | 43.17 | 58.14 | | waterfall | 54.45 | 64.07 | | tent | 92.47 | 98.57 | | bag | 24.56 | 28.57 | | minibike | 76.75 | 89.35 | | cradle | 87.54 | 98.57 | | oven | 69.64 | 81.31 | | ball | 59.7 | 67.01 | | food | 58.1 | 65.44 | | step | 12.75 | 13.77 | | tank | 88.2 | 93.91 | | trade name | 22.04 | 25.97 | | microwave | 90.78 | 96.44 | | pot | 61.2 | 69.47 | | animal | 61.84 | 64.09 | | bicycle | 62.38 | 78.35 | | lake | 59.75 | 72.93 | | dishwasher | 74.06 | 80.3 | | screen | 61.32 | 84.96 | | blanket | 34.82 | 40.49 | | sculpture | 78.05 | 86.11 | | hood | 64.8 | 77.87 | | sconce | 61.74 | 73.13 | | vase | 47.4 | 64.44 | | traffic light | 37.59 | 62.62 | | tray | 20.13 | 27.32 | | ashcan | 49.87 | 68.46 | | fan | 70.84 | 84.97 | | pier | 40.89 | 44.78 | | crt screen | 2.32 | 3.58 | | plate | 61.26 | 77.65 | | monitor | 62.26 | 71.16 | | bulletin board | 61.72 | 70.25 | | shower | 12.17 | 15.84 | | radiator | 64.43 | 80.38 | | glass | 20.92 | 22.4 | | clock | 50.06 | 68.99 | | flag | 72.41 | 79.27 | +---------------------+-------+-------+ 2023-11-03 03:39:20,400 - mmseg - INFO - Summary: 2023-11-03 03:39:20,400 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 86.39 | 58.2 | 70.61 | +-------+------+-------+ 2023-11-03 03:39:20,401 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 03:39:20,401 - mmseg - INFO - Iter(val) [250] aAcc: 0.8639, mIoU: 0.5820, mAcc: 0.7061, IoU.wall: 0.8246, IoU.building: 0.8471, IoU.sky: 0.9489, IoU.floor: 0.8534, IoU.tree: 0.7728, IoU.ceiling: 0.8749, IoU.road: 0.8656, IoU.bed : 0.9287, IoU.windowpane: 0.6674, IoU.grass: 0.6974, IoU.cabinet: 0.6789, IoU.sidewalk: 0.7061, IoU.person: 0.8533, IoU.earth: 0.4187, IoU.door: 0.6120, IoU.table: 0.7128, IoU.mountain: 0.5945, IoU.plant: 0.5851, IoU.curtain: 0.7768, IoU.chair: 0.6779, IoU.car: 0.8721, IoU.water: 0.6339, IoU.painting: 0.7853, IoU.sofa: 0.8187, IoU.shelf: 0.4566, IoU.house: 0.5490, IoU.sea: 0.7288, IoU.mirror: 0.7544, IoU.rug: 0.7022, IoU.field: 0.3246, IoU.armchair: 0.6249, IoU.seat: 0.6817, IoU.fence: 0.5289, IoU.desk: 0.5824, IoU.rock: 0.5724, IoU.wardrobe: 0.5663, IoU.lamp: 0.7622, IoU.bathtub: 0.8971, IoU.railing: 0.4466, IoU.cushion: 0.6791, IoU.base: 0.3798, IoU.box: 0.3860, IoU.column: 0.5555, IoU.signboard: 0.4013, IoU.chest of drawers: 0.4764, IoU.counter: 0.4517, IoU.sand: 0.5847, IoU.sink: 0.8183, IoU.skyscraper: 0.4567, IoU.fireplace: 0.7509, IoU.refrigerator: 0.8341, IoU.grandstand: 0.5395, IoU.path: 0.2684, IoU.stairs: 0.3812, IoU.runway: 0.7406, IoU.case: 0.6135, IoU.pool table: 0.9470, IoU.pillow: 0.6406, IoU.screen door: 0.7250, IoU.stairway: 0.4105, IoU.river: 0.1405, IoU.bridge: 0.5078, IoU.bookcase: 0.3682, IoU.blind: 0.3988, IoU.coffee table: 0.6666, IoU.toilet: 0.9063, IoU.flower: 0.3972, IoU.book: 0.5402, IoU.hill: 0.0683, IoU.bench: 0.5365, IoU.countertop: 0.6520, IoU.stove: 0.8617, IoU.palm: 0.5383, IoU.kitchen island: 0.4818, IoU.computer: 0.7908, IoU.swivel chair: 0.4464, IoU.boat: 0.6907, IoU.bar: 0.6225, IoU.arcade machine: 0.8254, IoU.hovel: 0.1405, IoU.bus: 0.9301, IoU.towel: 0.7567, IoU.light: 0.6326, IoU.truck: 0.4988, IoU.tower: 0.1998, IoU.chandelier: 0.7471, IoU.awning: 0.4823, IoU.streetlight: 0.3975, IoU.booth: 0.4389, IoU.television receiver: 0.7844, IoU.airplane: 0.8646, IoU.dirt track: 0.1082, IoU.apparel: 0.5769, IoU.pole: 0.3115, IoU.land: 0.0613, IoU.bannister: 0.1855, IoU.escalator: 0.6312, IoU.ottoman: 0.5382, IoU.bottle: 0.4206, IoU.buffet: 0.6432, IoU.poster: 0.3432, IoU.stage: 0.2520, IoU.van: 0.4480, IoU.ship: 0.7914, IoU.fountain: 0.3881, IoU.conveyer belt: 0.8252, IoU.canopy: 0.5936, IoU.washer: 0.8423, IoU.plaything: 0.3092, IoU.swimming pool: 0.5881, IoU.stool: 0.5541, IoU.barrel: 0.6016, IoU.basket: 0.4317, IoU.waterfall: 0.5445, IoU.tent: 0.9247, IoU.bag: 0.2456, IoU.minibike: 0.7675, IoU.cradle: 0.8754, IoU.oven: 0.6964, IoU.ball: 0.5970, IoU.food: 0.5810, IoU.step: 0.1275, IoU.tank: 0.8820, IoU.trade name: 0.2204, IoU.microwave: 0.9078, IoU.pot: 0.6120, IoU.animal: 0.6184, IoU.bicycle: 0.6238, IoU.lake: 0.5975, IoU.dishwasher: 0.7406, IoU.screen: 0.6132, IoU.blanket: 0.3482, IoU.sculpture: 0.7805, IoU.hood: 0.6480, IoU.sconce: 0.6174, IoU.vase: 0.4740, IoU.traffic light: 0.3759, IoU.tray: 0.2013, IoU.ashcan: 0.4987, IoU.fan: 0.7084, IoU.pier: 0.4089, IoU.crt screen: 0.0232, IoU.plate: 0.6126, IoU.monitor: 0.6226, IoU.bulletin board: 0.6172, IoU.shower: 0.1217, IoU.radiator: 0.6443, IoU.glass: 0.2092, IoU.clock: 0.5006, IoU.flag: 0.7241, Acc.wall: 0.9036, Acc.building: 0.9335, Acc.sky: 0.9719, Acc.floor: 0.9231, Acc.tree: 0.9075, Acc.ceiling: 0.9303, Acc.road: 0.9137, Acc.bed : 0.9737, Acc.windowpane: 0.8190, Acc.grass: 0.8642, Acc.cabinet: 0.7812, Acc.sidewalk: 0.8380, Acc.person: 0.9456, Acc.earth: 0.5408, Acc.door: 0.7961, Acc.table: 0.8188, Acc.mountain: 0.6469, Acc.plant: 0.6883, Acc.curtain: 0.8848, Acc.chair: 0.8121, Acc.car: 0.9417, Acc.water: 0.7823, Acc.painting: 0.9174, Acc.sofa: 0.9089, Acc.shelf: 0.6098, Acc.house: 0.6837, Acc.sea: 0.8436, Acc.mirror: 0.8418, Acc.rug: 0.7994, Acc.field: 0.4854, Acc.armchair: 0.7799, Acc.seat: 0.8724, Acc.fence: 0.6983, Acc.desk: 0.7778, Acc.rock: 0.8664, Acc.wardrobe: 0.7137, Acc.lamp: 0.8681, Acc.bathtub: 0.9340, Acc.railing: 0.6194, Acc.cushion: 0.8316, Acc.base: 0.5526, Acc.box: 0.4780, Acc.column: 0.6935, Acc.signboard: 0.5681, Acc.chest of drawers: 0.6186, Acc.counter: 0.5198, Acc.sand: 0.9006, Acc.sink: 0.8821, Acc.skyscraper: 0.5796, Acc.fireplace: 0.9567, Acc.refrigerator: 0.8877, Acc.grandstand: 0.8268, Acc.path: 0.4068, Acc.stairs: 0.4858, Acc.runway: 0.9701, Acc.case: 0.7835, Acc.pool table: 0.9768, Acc.pillow: 0.7265, Acc.screen door: 0.7598, Acc.stairway: 0.5119, Acc.river: 0.2748, Acc.bridge: 0.6431, Acc.bookcase: 0.6122, Acc.blind: 0.4376, Acc.coffee table: 0.8655, Acc.toilet: 0.9352, Acc.flower: 0.5328, Acc.book: 0.7875, Acc.hill: 0.1294, Acc.bench: 0.6185, Acc.countertop: 0.8350, Acc.stove: 0.9215, Acc.palm: 0.8274, Acc.kitchen island: 0.7248, Acc.computer: 0.9191, Acc.swivel chair: 0.6470, Acc.boat: 0.9202, Acc.bar: 0.8266, Acc.arcade machine: 0.8630, Acc.hovel: 0.1513, Acc.bus: 0.9820, Acc.towel: 0.8279, Acc.light: 0.7533, Acc.truck: 0.6088, Acc.tower: 0.3325, Acc.chandelier: 0.8731, Acc.awning: 0.6025, Acc.streetlight: 0.5573, Acc.booth: 0.6779, Acc.television receiver: 0.8930, Acc.airplane: 0.9803, Acc.dirt track: 0.5531, Acc.apparel: 0.7838, Acc.pole: 0.4282, Acc.land: 0.0976, Acc.bannister: 0.2486, Acc.escalator: 0.8564, Acc.ottoman: 0.7364, Acc.bottle: 0.6181, Acc.buffet: 0.7131, Acc.poster: 0.4170, Acc.stage: 0.4601, Acc.van: 0.6056, Acc.ship: 0.9042, Acc.fountain: 0.3998, Acc.conveyer belt: 0.9308, Acc.canopy: 0.7523, Acc.washer: 0.8926, Acc.plaything: 0.4811, Acc.swimming pool: 0.8023, Acc.stool: 0.6436, Acc.barrel: 0.7650, Acc.basket: 0.5814, Acc.waterfall: 0.6407, Acc.tent: 0.9857, Acc.bag: 0.2857, Acc.minibike: 0.8935, Acc.cradle: 0.9857, Acc.oven: 0.8131, Acc.ball: 0.6701, Acc.food: 0.6544, Acc.step: 0.1377, Acc.tank: 0.9391, Acc.trade name: 0.2597, Acc.microwave: 0.9644, Acc.pot: 0.6947, Acc.animal: 0.6409, Acc.bicycle: 0.7835, Acc.lake: 0.7293, Acc.dishwasher: 0.8030, Acc.screen: 0.8496, Acc.blanket: 0.4049, Acc.sculpture: 0.8611, Acc.hood: 0.7787, Acc.sconce: 0.7313, Acc.vase: 0.6444, Acc.traffic light: 0.6262, Acc.tray: 0.2732, Acc.ashcan: 0.6846, Acc.fan: 0.8497, Acc.pier: 0.4478, Acc.crt screen: 0.0358, Acc.plate: 0.7765, Acc.monitor: 0.7116, Acc.bulletin board: 0.7025, Acc.shower: 0.1584, Acc.radiator: 0.8038, Acc.glass: 0.2240, Acc.clock: 0.6899, Acc.flag: 0.7927 2023-11-03 03:40:44,214 - mmseg - INFO - Iter [51050/80000] lr: 1.172e-06, eta: 14:34:23, time: 3.389, data_time: 1.721, memory: 69173, decode.loss_ce: 0.1512, decode.acc_seg: 93.2968, aux.loss_ce: 0.0848, aux.acc_seg: 91.3383, loss: 0.2359 2023-11-03 03:42:07,291 - mmseg - INFO - Iter [51100/80000] lr: 1.170e-06, eta: 14:32:48, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1400, decode.acc_seg: 93.6730, aux.loss_ce: 0.0776, aux.acc_seg: 91.8170, loss: 0.2176 2023-11-03 03:43:30,363 - mmseg - INFO - Iter [51150/80000] lr: 1.168e-06, eta: 14:31:13, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1556, decode.acc_seg: 93.1365, aux.loss_ce: 0.0851, aux.acc_seg: 91.0640, loss: 0.2407 2023-11-03 03:44:53,433 - mmseg - INFO - Iter [51200/80000] lr: 1.166e-06, eta: 14:29:38, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1499, decode.acc_seg: 93.4317, aux.loss_ce: 0.0831, aux.acc_seg: 91.4039, loss: 0.2330 2023-11-03 03:46:16,461 - mmseg - INFO - Iter [51250/80000] lr: 1.164e-06, eta: 14:28:03, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1338, decode.acc_seg: 93.9891, aux.loss_ce: 0.0762, aux.acc_seg: 92.1099, loss: 0.2100 2023-11-03 03:47:39,506 - mmseg - INFO - Iter [51300/80000] lr: 1.162e-06, eta: 14:26:28, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1477, decode.acc_seg: 93.7014, aux.loss_ce: 0.0824, aux.acc_seg: 91.7830, loss: 0.2301 2023-11-03 03:49:02,527 - mmseg - INFO - Iter [51350/80000] lr: 1.160e-06, eta: 14:24:54, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1504, decode.acc_seg: 93.5014, aux.loss_ce: 0.0809, aux.acc_seg: 91.6672, loss: 0.2313 2023-11-03 03:50:25,648 - mmseg - INFO - Iter [51400/80000] lr: 1.158e-06, eta: 14:23:19, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1426, decode.acc_seg: 93.4709, aux.loss_ce: 0.0781, aux.acc_seg: 91.7318, loss: 0.2208 2023-11-03 03:51:48,699 - mmseg - INFO - Iter [51450/80000] lr: 1.156e-06, eta: 14:21:44, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1412, decode.acc_seg: 93.6641, aux.loss_ce: 0.0777, aux.acc_seg: 91.8884, loss: 0.2189 2023-11-03 03:53:11,748 - mmseg - INFO - Iter [51500/80000] lr: 1.154e-06, eta: 14:20:10, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1492, decode.acc_seg: 93.3506, aux.loss_ce: 0.0823, aux.acc_seg: 91.5582, loss: 0.2315 2023-11-03 03:54:34,791 - mmseg - INFO - Iter [51550/80000] lr: 1.152e-06, eta: 14:18:35, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1467, decode.acc_seg: 93.5515, aux.loss_ce: 0.0802, aux.acc_seg: 91.6594, loss: 0.2269 2023-11-03 03:55:57,820 - mmseg - INFO - Iter [51600/80000] lr: 1.150e-06, eta: 14:17:00, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1443, decode.acc_seg: 93.6491, aux.loss_ce: 0.0802, aux.acc_seg: 91.7896, loss: 0.2246 2023-11-03 03:57:20,855 - mmseg - INFO - Iter [51650/80000] lr: 1.148e-06, eta: 14:15:26, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1498, decode.acc_seg: 93.3596, aux.loss_ce: 0.0816, aux.acc_seg: 91.4809, loss: 0.2314 2023-11-03 03:58:43,920 - mmseg - INFO - Iter [51700/80000] lr: 1.146e-06, eta: 14:13:51, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1468, decode.acc_seg: 93.5840, aux.loss_ce: 0.0812, aux.acc_seg: 91.6734, loss: 0.2279 2023-11-03 04:00:06,978 - mmseg - INFO - Iter [51750/80000] lr: 1.144e-06, eta: 14:12:16, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1515, decode.acc_seg: 93.4305, aux.loss_ce: 0.0828, aux.acc_seg: 91.5099, loss: 0.2344 2023-11-03 04:01:32,413 - mmseg - INFO - Iter [51800/80000] lr: 1.142e-06, eta: 14:10:43, time: 1.709, data_time: 0.054, memory: 69173, decode.loss_ce: 0.1452, decode.acc_seg: 93.5946, aux.loss_ce: 0.0788, aux.acc_seg: 91.8128, loss: 0.2239 2023-11-03 04:02:55,478 - mmseg - INFO - Iter [51850/80000] lr: 1.140e-06, eta: 14:09:09, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1438, decode.acc_seg: 93.5370, aux.loss_ce: 0.0812, aux.acc_seg: 91.6098, loss: 0.2250 2023-11-03 04:04:18,568 - mmseg - INFO - Iter [51900/80000] lr: 1.138e-06, eta: 14:07:34, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1501, decode.acc_seg: 93.2840, aux.loss_ce: 0.0819, aux.acc_seg: 91.4067, loss: 0.2320 2023-11-03 04:05:41,639 - mmseg - INFO - Iter [51950/80000] lr: 1.136e-06, eta: 14:06:00, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1422, decode.acc_seg: 93.7066, aux.loss_ce: 0.0814, aux.acc_seg: 91.6711, loss: 0.2236 2023-11-03 04:07:04,726 - mmseg - INFO - Saving checkpoint at 52000 iterations 2023-11-03 04:08:00,366 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 04:08:00,366 - mmseg - INFO - Iter [52000/80000] lr: 1.134e-06, eta: 14:04:55, time: 2.774, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1403, decode.acc_seg: 93.8657, aux.loss_ce: 0.0810, aux.acc_seg: 91.8488, loss: 0.2213 2023-11-03 04:09:29,945 - mmseg - INFO - per class results: 2023-11-03 04:09:29,952 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.41 | 89.82 | | building | 84.59 | 93.82 | | sky | 94.86 | 97.86 | | floor | 85.63 | 92.55 | | tree | 76.79 | 89.01 | | ceiling | 87.83 | 94.68 | | road | 85.71 | 91.32 | | bed | 92.55 | 97.4 | | windowpane | 66.64 | 82.73 | | grass | 69.35 | 81.85 | | cabinet | 66.56 | 79.07 | | sidewalk | 70.48 | 84.75 | | person | 85.43 | 94.34 | | earth | 40.08 | 52.94 | | door | 60.81 | 78.18 | | table | 71.86 | 82.51 | | mountain | 65.47 | 72.42 | | plant | 56.4 | 67.4 | | curtain | 77.9 | 89.26 | | chair | 67.83 | 79.35 | | car | 87.3 | 94.36 | | water | 64.32 | 80.18 | | painting | 79.29 | 90.91 | | sofa | 83.02 | 90.76 | | shelf | 48.9 | 65.59 | | house | 50.34 | 61.84 | | sea | 74.97 | 84.54 | | mirror | 75.96 | 85.02 | | rug | 69.15 | 78.69 | | field | 28.86 | 53.76 | | armchair | 63.38 | 82.09 | | seat | 68.95 | 86.99 | | fence | 51.28 | 68.38 | | desk | 59.95 | 75.16 | | rock | 61.32 | 85.4 | | wardrobe | 57.1 | 73.41 | | lamp | 76.13 | 86.71 | | bathtub | 90.52 | 93.58 | | railing | 44.88 | 58.64 | | cushion | 68.87 | 83.51 | | base | 39.1 | 54.4 | | box | 37.41 | 46.07 | | column | 54.69 | 65.92 | | signboard | 41.96 | 56.98 | | chest of drawers | 48.23 | 64.63 | | counter | 43.86 | 52.23 | | sand | 57.58 | 88.46 | | sink | 81.96 | 87.0 | | skyscraper | 46.75 | 59.41 | | fireplace | 75.89 | 93.51 | | refrigerator | 82.88 | 87.65 | | grandstand | 55.02 | 81.09 | | path | 21.82 | 30.28 | | stairs | 36.1 | 46.25 | | runway | 68.55 | 89.91 | | case | 60.22 | 75.56 | | pool table | 94.53 | 98.03 | | pillow | 63.82 | 71.71 | | screen door | 75.56 | 78.12 | | stairway | 38.32 | 53.66 | | river | 14.81 | 28.29 | | bridge | 61.12 | 66.69 | | bookcase | 39.76 | 57.64 | | blind | 40.92 | 43.21 | | coffee table | 67.51 | 86.23 | | toilet | 90.91 | 94.51 | | flower | 41.47 | 56.31 | | book | 52.75 | 76.53 | | hill | 7.7 | 12.04 | | bench | 54.85 | 62.64 | | countertop | 64.36 | 85.3 | | stove | 86.64 | 92.75 | | palm | 52.86 | 78.45 | | kitchen island | 49.12 | 77.43 | | computer | 78.45 | 92.29 | | swivel chair | 44.81 | 65.03 | | boat | 73.84 | 93.16 | | bar | 60.15 | 82.83 | | arcade machine | 81.55 | 86.82 | | hovel | 14.54 | 15.69 | | bus | 94.42 | 97.85 | | towel | 76.88 | 83.32 | | light | 61.69 | 68.72 | | truck | 49.92 | 63.46 | | tower | 16.47 | 27.5 | | chandelier | 75.0 | 83.41 | | awning | 49.49 | 61.46 | | streetlight | 39.16 | 52.44 | | booth | 37.68 | 69.09 | | television receiver | 77.35 | 89.09 | | airplane | 88.01 | 97.13 | | dirt track | 6.95 | 36.35 | | apparel | 58.85 | 76.05 | | pole | 25.59 | 32.08 | | land | 3.18 | 3.71 | | bannister | 20.21 | 26.58 | | escalator | 60.61 | 87.29 | | ottoman | 55.18 | 76.49 | | bottle | 44.64 | 65.31 | | buffet | 57.06 | 64.89 | | poster | 37.06 | 45.72 | | stage | 26.6 | 43.58 | | van | 43.46 | 59.06 | | ship | 51.23 | 52.47 | | fountain | 39.4 | 40.71 | | conveyer belt | 77.8 | 95.04 | | canopy | 60.31 | 75.42 | | washer | 86.48 | 92.46 | | plaything | 29.59 | 49.0 | | swimming pool | 59.25 | 84.41 | | stool | 54.29 | 67.02 | | barrel | 51.02 | 94.82 | | basket | 43.67 | 58.68 | | waterfall | 51.46 | 65.7 | | tent | 93.38 | 98.46 | | bag | 22.78 | 25.26 | | minibike | 77.08 | 89.98 | | cradle | 87.9 | 97.95 | | oven | 69.43 | 79.85 | | ball | 61.33 | 71.05 | | food | 58.32 | 67.66 | | step | 15.68 | 19.12 | | tank | 75.96 | 81.39 | | trade name | 21.89 | 24.67 | | microwave | 90.77 | 95.96 | | pot | 61.45 | 70.39 | | animal | 64.14 | 66.4 | | bicycle | 62.66 | 80.82 | | lake | 70.23 | 73.27 | | dishwasher | 76.22 | 81.89 | | screen | 66.42 | 95.55 | | blanket | 30.09 | 33.83 | | sculpture | 78.63 | 87.04 | | hood | 60.0 | 73.63 | | sconce | 59.63 | 68.78 | | vase | 47.22 | 64.38 | | traffic light | 35.55 | 66.07 | | tray | 18.35 | 36.24 | | ashcan | 53.38 | 66.22 | | fan | 70.22 | 82.17 | | pier | 40.11 | 43.77 | | crt screen | 2.33 | 3.61 | | plate | 60.93 | 79.53 | | monitor | 50.53 | 57.92 | | bulletin board | 63.37 | 80.01 | | shower | 14.83 | 18.54 | | radiator | 65.12 | 83.85 | | glass | 22.47 | 24.67 | | clock | 54.14 | 65.15 | | flag | 71.23 | 77.05 | +---------------------+-------+-------+ 2023-11-03 04:09:29,952 - mmseg - INFO - Summary: 2023-11-03 04:09:29,952 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.31 | 57.87 | 70.16 | +-------+-------+-------+ 2023-11-03 04:09:29,953 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 04:09:29,953 - mmseg - INFO - Iter(val) [250] aAcc: 0.8631, mIoU: 0.5787, mAcc: 0.7016, IoU.wall: 0.8241, IoU.building: 0.8459, IoU.sky: 0.9486, IoU.floor: 0.8563, IoU.tree: 0.7679, IoU.ceiling: 0.8783, IoU.road: 0.8571, IoU.bed : 0.9255, IoU.windowpane: 0.6664, IoU.grass: 0.6935, IoU.cabinet: 0.6656, IoU.sidewalk: 0.7048, IoU.person: 0.8543, IoU.earth: 0.4008, IoU.door: 0.6081, IoU.table: 0.7186, IoU.mountain: 0.6547, IoU.plant: 0.5640, IoU.curtain: 0.7790, IoU.chair: 0.6783, IoU.car: 0.8730, IoU.water: 0.6432, IoU.painting: 0.7929, IoU.sofa: 0.8302, IoU.shelf: 0.4890, IoU.house: 0.5034, IoU.sea: 0.7497, IoU.mirror: 0.7596, IoU.rug: 0.6915, IoU.field: 0.2886, IoU.armchair: 0.6338, IoU.seat: 0.6895, IoU.fence: 0.5128, IoU.desk: 0.5995, IoU.rock: 0.6132, IoU.wardrobe: 0.5710, IoU.lamp: 0.7613, IoU.bathtub: 0.9052, IoU.railing: 0.4488, IoU.cushion: 0.6887, IoU.base: 0.3910, IoU.box: 0.3741, IoU.column: 0.5469, IoU.signboard: 0.4196, IoU.chest of drawers: 0.4823, IoU.counter: 0.4386, IoU.sand: 0.5758, IoU.sink: 0.8196, IoU.skyscraper: 0.4675, IoU.fireplace: 0.7589, IoU.refrigerator: 0.8288, IoU.grandstand: 0.5502, IoU.path: 0.2182, IoU.stairs: 0.3610, IoU.runway: 0.6855, IoU.case: 0.6022, IoU.pool table: 0.9453, IoU.pillow: 0.6382, IoU.screen door: 0.7556, IoU.stairway: 0.3832, IoU.river: 0.1481, IoU.bridge: 0.6112, IoU.bookcase: 0.3976, IoU.blind: 0.4092, IoU.coffee table: 0.6751, IoU.toilet: 0.9091, IoU.flower: 0.4147, IoU.book: 0.5275, IoU.hill: 0.0770, IoU.bench: 0.5485, IoU.countertop: 0.6436, IoU.stove: 0.8664, IoU.palm: 0.5286, IoU.kitchen island: 0.4912, IoU.computer: 0.7845, IoU.swivel chair: 0.4481, IoU.boat: 0.7384, IoU.bar: 0.6015, IoU.arcade machine: 0.8155, IoU.hovel: 0.1454, IoU.bus: 0.9442, IoU.towel: 0.7688, IoU.light: 0.6169, IoU.truck: 0.4992, IoU.tower: 0.1647, IoU.chandelier: 0.7500, IoU.awning: 0.4949, IoU.streetlight: 0.3916, IoU.booth: 0.3768, IoU.television receiver: 0.7735, IoU.airplane: 0.8801, IoU.dirt track: 0.0695, IoU.apparel: 0.5885, IoU.pole: 0.2559, IoU.land: 0.0318, IoU.bannister: 0.2021, IoU.escalator: 0.6061, IoU.ottoman: 0.5518, IoU.bottle: 0.4464, IoU.buffet: 0.5706, IoU.poster: 0.3706, IoU.stage: 0.2660, IoU.van: 0.4346, IoU.ship: 0.5123, IoU.fountain: 0.3940, IoU.conveyer belt: 0.7780, IoU.canopy: 0.6031, IoU.washer: 0.8648, IoU.plaything: 0.2959, IoU.swimming pool: 0.5925, IoU.stool: 0.5429, IoU.barrel: 0.5102, IoU.basket: 0.4367, IoU.waterfall: 0.5146, IoU.tent: 0.9338, IoU.bag: 0.2278, IoU.minibike: 0.7708, IoU.cradle: 0.8790, IoU.oven: 0.6943, IoU.ball: 0.6133, IoU.food: 0.5832, IoU.step: 0.1568, IoU.tank: 0.7596, IoU.trade name: 0.2189, IoU.microwave: 0.9077, IoU.pot: 0.6145, IoU.animal: 0.6414, IoU.bicycle: 0.6266, IoU.lake: 0.7023, IoU.dishwasher: 0.7622, IoU.screen: 0.6642, IoU.blanket: 0.3009, IoU.sculpture: 0.7863, IoU.hood: 0.6000, IoU.sconce: 0.5963, IoU.vase: 0.4722, IoU.traffic light: 0.3555, IoU.tray: 0.1835, IoU.ashcan: 0.5338, IoU.fan: 0.7022, IoU.pier: 0.4011, IoU.crt screen: 0.0233, IoU.plate: 0.6093, IoU.monitor: 0.5053, IoU.bulletin board: 0.6337, IoU.shower: 0.1483, IoU.radiator: 0.6512, IoU.glass: 0.2247, IoU.clock: 0.5414, IoU.flag: 0.7123, Acc.wall: 0.8982, Acc.building: 0.9382, Acc.sky: 0.9786, Acc.floor: 0.9255, Acc.tree: 0.8901, Acc.ceiling: 0.9468, Acc.road: 0.9132, Acc.bed : 0.9740, Acc.windowpane: 0.8273, Acc.grass: 0.8185, Acc.cabinet: 0.7907, Acc.sidewalk: 0.8475, Acc.person: 0.9434, Acc.earth: 0.5294, Acc.door: 0.7818, Acc.table: 0.8251, Acc.mountain: 0.7242, Acc.plant: 0.6740, Acc.curtain: 0.8926, Acc.chair: 0.7935, Acc.car: 0.9436, Acc.water: 0.8018, Acc.painting: 0.9091, Acc.sofa: 0.9076, Acc.shelf: 0.6559, Acc.house: 0.6184, Acc.sea: 0.8454, Acc.mirror: 0.8502, Acc.rug: 0.7869, Acc.field: 0.5376, Acc.armchair: 0.8209, Acc.seat: 0.8699, Acc.fence: 0.6838, Acc.desk: 0.7516, Acc.rock: 0.8540, Acc.wardrobe: 0.7341, Acc.lamp: 0.8671, Acc.bathtub: 0.9358, Acc.railing: 0.5864, Acc.cushion: 0.8351, Acc.base: 0.5440, Acc.box: 0.4607, Acc.column: 0.6592, Acc.signboard: 0.5698, Acc.chest of drawers: 0.6463, Acc.counter: 0.5223, Acc.sand: 0.8846, Acc.sink: 0.8700, Acc.skyscraper: 0.5941, Acc.fireplace: 0.9351, Acc.refrigerator: 0.8765, Acc.grandstand: 0.8109, Acc.path: 0.3028, Acc.stairs: 0.4625, Acc.runway: 0.8991, Acc.case: 0.7556, Acc.pool table: 0.9803, Acc.pillow: 0.7171, Acc.screen door: 0.7812, Acc.stairway: 0.5366, Acc.river: 0.2829, Acc.bridge: 0.6669, Acc.bookcase: 0.5764, Acc.blind: 0.4321, Acc.coffee table: 0.8623, Acc.toilet: 0.9451, Acc.flower: 0.5631, Acc.book: 0.7653, Acc.hill: 0.1204, Acc.bench: 0.6264, Acc.countertop: 0.8530, Acc.stove: 0.9275, Acc.palm: 0.7845, Acc.kitchen island: 0.7743, Acc.computer: 0.9229, Acc.swivel chair: 0.6503, Acc.boat: 0.9316, Acc.bar: 0.8283, Acc.arcade machine: 0.8682, Acc.hovel: 0.1569, Acc.bus: 0.9785, Acc.towel: 0.8332, Acc.light: 0.6872, Acc.truck: 0.6346, Acc.tower: 0.2750, Acc.chandelier: 0.8341, Acc.awning: 0.6146, Acc.streetlight: 0.5244, Acc.booth: 0.6909, Acc.television receiver: 0.8909, Acc.airplane: 0.9713, Acc.dirt track: 0.3635, Acc.apparel: 0.7605, Acc.pole: 0.3208, Acc.land: 0.0371, Acc.bannister: 0.2658, Acc.escalator: 0.8729, Acc.ottoman: 0.7649, Acc.bottle: 0.6531, Acc.buffet: 0.6489, Acc.poster: 0.4572, Acc.stage: 0.4358, Acc.van: 0.5906, Acc.ship: 0.5247, Acc.fountain: 0.4071, Acc.conveyer belt: 0.9504, Acc.canopy: 0.7542, Acc.washer: 0.9246, Acc.plaything: 0.4900, Acc.swimming pool: 0.8441, Acc.stool: 0.6702, Acc.barrel: 0.9482, Acc.basket: 0.5868, Acc.waterfall: 0.6570, Acc.tent: 0.9846, Acc.bag: 0.2526, Acc.minibike: 0.8998, Acc.cradle: 0.9795, Acc.oven: 0.7985, Acc.ball: 0.7105, Acc.food: 0.6766, Acc.step: 0.1912, Acc.tank: 0.8139, Acc.trade name: 0.2467, Acc.microwave: 0.9596, Acc.pot: 0.7039, Acc.animal: 0.6640, Acc.bicycle: 0.8082, Acc.lake: 0.7327, Acc.dishwasher: 0.8189, Acc.screen: 0.9555, Acc.blanket: 0.3383, Acc.sculpture: 0.8704, Acc.hood: 0.7363, Acc.sconce: 0.6878, Acc.vase: 0.6438, Acc.traffic light: 0.6607, Acc.tray: 0.3624, Acc.ashcan: 0.6622, Acc.fan: 0.8217, Acc.pier: 0.4377, Acc.crt screen: 0.0361, Acc.plate: 0.7953, Acc.monitor: 0.5792, Acc.bulletin board: 0.8001, Acc.shower: 0.1854, Acc.radiator: 0.8385, Acc.glass: 0.2467, Acc.clock: 0.6515, Acc.flag: 0.7705 2023-11-03 04:10:53,277 - mmseg - INFO - Iter [52050/80000] lr: 1.132e-06, eta: 14:04:09, time: 3.458, data_time: 1.800, memory: 69173, decode.loss_ce: 0.1406, decode.acc_seg: 93.7056, aux.loss_ce: 0.0831, aux.acc_seg: 91.1594, loss: 0.2237 2023-11-03 04:12:16,328 - mmseg - INFO - Iter [52100/80000] lr: 1.130e-06, eta: 14:02:34, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1416, decode.acc_seg: 93.5111, aux.loss_ce: 0.0767, aux.acc_seg: 91.7181, loss: 0.2183 2023-11-03 04:13:39,396 - mmseg - INFO - Iter [52150/80000] lr: 1.128e-06, eta: 14:00:59, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1447, decode.acc_seg: 93.7251, aux.loss_ce: 0.0806, aux.acc_seg: 91.7132, loss: 0.2253 2023-11-03 04:15:02,447 - mmseg - INFO - Iter [52200/80000] lr: 1.126e-06, eta: 13:59:25, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1447, decode.acc_seg: 93.7582, aux.loss_ce: 0.0806, aux.acc_seg: 91.7378, loss: 0.2253 2023-11-03 04:16:25,463 - mmseg - INFO - Iter [52250/80000] lr: 1.124e-06, eta: 13:57:50, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1445, decode.acc_seg: 93.6496, aux.loss_ce: 0.0800, aux.acc_seg: 91.7364, loss: 0.2245 2023-11-03 04:17:48,506 - mmseg - INFO - Iter [52300/80000] lr: 1.122e-06, eta: 13:56:16, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1457, decode.acc_seg: 93.8229, aux.loss_ce: 0.0816, aux.acc_seg: 91.8283, loss: 0.2273 2023-11-03 04:19:11,505 - mmseg - INFO - Iter [52350/80000] lr: 1.120e-06, eta: 13:54:41, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1427, decode.acc_seg: 93.5905, aux.loss_ce: 0.0779, aux.acc_seg: 91.8782, loss: 0.2205 2023-11-03 04:20:34,558 - mmseg - INFO - Iter [52400/80000] lr: 1.118e-06, eta: 13:53:07, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1389, decode.acc_seg: 93.8141, aux.loss_ce: 0.0748, aux.acc_seg: 92.1300, loss: 0.2136 2023-11-03 04:21:57,621 - mmseg - INFO - Iter [52450/80000] lr: 1.116e-06, eta: 13:51:32, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1365, decode.acc_seg: 94.0042, aux.loss_ce: 0.0781, aux.acc_seg: 92.0507, loss: 0.2146 2023-11-03 04:23:20,695 - mmseg - INFO - Iter [52500/80000] lr: 1.114e-06, eta: 13:49:58, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1426, decode.acc_seg: 93.7775, aux.loss_ce: 0.0803, aux.acc_seg: 91.7757, loss: 0.2230 2023-11-03 04:24:43,828 - mmseg - INFO - Iter [52550/80000] lr: 1.112e-06, eta: 13:48:23, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1433, decode.acc_seg: 93.8759, aux.loss_ce: 0.0808, aux.acc_seg: 91.8914, loss: 0.2241 2023-11-03 04:26:06,904 - mmseg - INFO - Iter [52600/80000] lr: 1.110e-06, eta: 13:46:49, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1418, decode.acc_seg: 93.6803, aux.loss_ce: 0.0781, aux.acc_seg: 91.8416, loss: 0.2199 2023-11-03 04:27:29,952 - mmseg - INFO - Iter [52650/80000] lr: 1.108e-06, eta: 13:45:14, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1402, decode.acc_seg: 93.8343, aux.loss_ce: 0.0820, aux.acc_seg: 91.4471, loss: 0.2222 2023-11-03 04:28:53,038 - mmseg - INFO - Iter [52700/80000] lr: 1.106e-06, eta: 13:43:40, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1445, decode.acc_seg: 93.3937, aux.loss_ce: 0.0773, aux.acc_seg: 91.7349, loss: 0.2218 2023-11-03 04:30:16,125 - mmseg - INFO - Iter [52750/80000] lr: 1.104e-06, eta: 13:42:06, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1374, decode.acc_seg: 93.9602, aux.loss_ce: 0.0776, aux.acc_seg: 92.0258, loss: 0.2151 2023-11-03 04:31:39,185 - mmseg - INFO - Iter [52800/80000] lr: 1.102e-06, eta: 13:40:31, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1470, decode.acc_seg: 93.6428, aux.loss_ce: 0.0796, aux.acc_seg: 91.6540, loss: 0.2266 2023-11-03 04:33:02,217 - mmseg - INFO - Iter [52850/80000] lr: 1.100e-06, eta: 13:38:57, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1413, decode.acc_seg: 93.5065, aux.loss_ce: 0.0794, aux.acc_seg: 91.5104, loss: 0.2207 2023-11-03 04:34:25,260 - mmseg - INFO - Iter [52900/80000] lr: 1.098e-06, eta: 13:37:23, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1466, decode.acc_seg: 93.6549, aux.loss_ce: 0.0816, aux.acc_seg: 91.6959, loss: 0.2282 2023-11-03 04:35:48,385 - mmseg - INFO - Iter [52950/80000] lr: 1.095e-06, eta: 13:35:48, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1400, decode.acc_seg: 93.8451, aux.loss_ce: 0.0756, aux.acc_seg: 92.0244, loss: 0.2156 2023-11-03 04:37:11,464 - mmseg - INFO - Saving checkpoint at 53000 iterations 2023-11-03 04:38:10,684 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 04:38:10,684 - mmseg - INFO - Iter [53000/80000] lr: 1.093e-06, eta: 13:34:44, time: 2.846, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1397, decode.acc_seg: 93.7191, aux.loss_ce: 0.0782, aux.acc_seg: 91.7178, loss: 0.2179 2023-11-03 04:39:37,070 - mmseg - INFO - per class results: 2023-11-03 04:39:37,075 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.43 | 89.33 | | building | 84.46 | 93.97 | | sky | 95.02 | 97.46 | | floor | 85.71 | 92.83 | | tree | 77.4 | 89.21 | | ceiling | 87.56 | 94.92 | | road | 86.66 | 90.51 | | bed | 92.72 | 97.48 | | windowpane | 66.95 | 82.38 | | grass | 70.68 | 82.85 | | cabinet | 66.56 | 76.69 | | sidewalk | 72.1 | 88.57 | | person | 85.63 | 93.96 | | earth | 41.98 | 57.79 | | door | 60.24 | 74.07 | | table | 70.64 | 82.02 | | mountain | 65.18 | 71.76 | | plant | 55.08 | 66.56 | | curtain | 78.09 | 90.02 | | chair | 68.69 | 82.23 | | car | 87.27 | 94.68 | | water | 63.93 | 79.16 | | painting | 79.5 | 91.08 | | sofa | 81.06 | 91.8 | | shelf | 48.57 | 63.31 | | house | 52.42 | 64.62 | | sea | 75.24 | 83.73 | | mirror | 75.83 | 86.11 | | rug | 69.48 | 75.61 | | field | 29.01 | 49.04 | | armchair | 63.69 | 79.95 | | seat | 69.76 | 88.97 | | fence | 52.0 | 71.64 | | desk | 60.36 | 79.46 | | rock | 62.75 | 85.8 | | wardrobe | 54.73 | 75.0 | | lamp | 75.48 | 87.92 | | bathtub | 90.23 | 93.68 | | railing | 44.25 | 63.11 | | cushion | 65.88 | 75.44 | | base | 39.54 | 57.08 | | box | 36.5 | 45.51 | | column | 55.77 | 68.56 | | signboard | 41.47 | 54.43 | | chest of drawers | 50.62 | 68.64 | | counter | 46.71 | 54.45 | | sand | 54.05 | 79.86 | | sink | 81.38 | 87.59 | | skyscraper | 45.63 | 58.39 | | fireplace | 74.52 | 94.33 | | refrigerator | 85.02 | 92.99 | | grandstand | 53.24 | 82.38 | | path | 29.24 | 40.77 | | stairs | 36.92 | 46.35 | | runway | 69.21 | 89.16 | | case | 59.81 | 74.08 | | pool table | 94.51 | 98.01 | | pillow | 66.19 | 77.92 | | screen door | 83.24 | 87.16 | | stairway | 43.76 | 52.12 | | river | 14.43 | 29.58 | | bridge | 61.83 | 67.47 | | bookcase | 42.62 | 60.79 | | blind | 42.57 | 49.67 | | coffee table | 65.22 | 86.91 | | toilet | 90.83 | 94.23 | | flower | 41.54 | 60.51 | | book | 54.94 | 74.71 | | hill | 8.85 | 19.07 | | bench | 53.81 | 60.2 | | countertop | 63.99 | 87.6 | | stove | 86.12 | 93.09 | | palm | 55.11 | 80.9 | | kitchen island | 48.45 | 78.95 | | computer | 78.81 | 92.31 | | swivel chair | 42.51 | 57.22 | | boat | 59.64 | 69.03 | | bar | 61.69 | 82.49 | | arcade machine | 81.13 | 84.81 | | hovel | 18.0 | 21.11 | | bus | 94.29 | 97.93 | | towel | 76.06 | 82.94 | | light | 63.16 | 73.08 | | truck | 49.53 | 60.54 | | tower | 13.8 | 22.54 | | chandelier | 74.86 | 87.29 | | awning | 47.1 | 61.9 | | streetlight | 38.42 | 50.0 | | booth | 46.61 | 70.99 | | television receiver | 76.71 | 91.45 | | airplane | 87.72 | 96.25 | | dirt track | 9.68 | 53.36 | | apparel | 61.02 | 80.07 | | pole | 29.86 | 37.9 | | land | 3.35 | 4.9 | | bannister | 21.47 | 27.37 | | escalator | 66.4 | 85.05 | | ottoman | 55.62 | 74.67 | | bottle | 44.85 | 71.34 | | buffet | 63.44 | 73.74 | | poster | 35.0 | 42.12 | | stage | 27.02 | 48.13 | | van | 47.82 | 68.6 | | ship | 54.24 | 71.2 | | fountain | 38.52 | 39.83 | | conveyer belt | 80.36 | 94.56 | | canopy | 57.03 | 74.19 | | washer | 86.87 | 92.65 | | plaything | 31.65 | 48.98 | | swimming pool | 59.85 | 83.12 | | stool | 52.15 | 59.84 | | barrel | 43.19 | 94.05 | | basket | 44.93 | 63.28 | | waterfall | 50.57 | 59.71 | | tent | 92.73 | 98.68 | | bag | 22.24 | 26.4 | | minibike | 76.06 | 89.46 | | cradle | 87.31 | 98.64 | | oven | 69.3 | 79.67 | | ball | 60.92 | 71.91 | | food | 60.48 | 71.61 | | step | 11.76 | 14.55 | | tank | 79.99 | 90.48 | | trade name | 26.29 | 30.42 | | microwave | 90.39 | 96.46 | | pot | 62.21 | 71.67 | | animal | 62.28 | 63.94 | | bicycle | 60.12 | 71.13 | | lake | 70.02 | 73.01 | | dishwasher | 73.93 | 82.7 | | screen | 63.72 | 94.31 | | blanket | 32.09 | 36.46 | | sculpture | 75.5 | 88.75 | | hood | 63.93 | 74.01 | | sconce | 60.89 | 76.11 | | vase | 47.56 | 65.24 | | traffic light | 37.6 | 62.79 | | tray | 22.36 | 37.04 | | ashcan | 51.87 | 66.56 | | fan | 70.49 | 85.58 | | pier | 38.64 | 47.1 | | crt screen | 2.14 | 3.65 | | plate | 61.34 | 80.55 | | monitor | 43.58 | 52.98 | | bulletin board | 61.06 | 76.13 | | shower | 14.49 | 15.87 | | radiator | 64.04 | 81.68 | | glass | 21.77 | 23.52 | | clock | 53.58 | 65.63 | | flag | 71.5 | 77.48 | +---------------------+-------+-------+ 2023-11-03 04:39:37,075 - mmseg - INFO - Summary: 2023-11-03 04:39:37,075 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.39 | 58.08 | 70.81 | +-------+-------+-------+ 2023-11-03 04:39:37,076 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 04:39:37,076 - mmseg - INFO - Iter(val) [250] aAcc: 0.8639, mIoU: 0.5808, mAcc: 0.7081, IoU.wall: 0.8243, IoU.building: 0.8446, IoU.sky: 0.9502, IoU.floor: 0.8571, IoU.tree: 0.7740, IoU.ceiling: 0.8756, IoU.road: 0.8666, IoU.bed : 0.9272, IoU.windowpane: 0.6695, IoU.grass: 0.7068, IoU.cabinet: 0.6656, IoU.sidewalk: 0.7210, IoU.person: 0.8563, IoU.earth: 0.4198, IoU.door: 0.6024, IoU.table: 0.7064, IoU.mountain: 0.6518, IoU.plant: 0.5508, IoU.curtain: 0.7809, IoU.chair: 0.6869, IoU.car: 0.8727, IoU.water: 0.6393, IoU.painting: 0.7950, IoU.sofa: 0.8106, IoU.shelf: 0.4857, IoU.house: 0.5242, IoU.sea: 0.7524, IoU.mirror: 0.7583, IoU.rug: 0.6948, IoU.field: 0.2901, IoU.armchair: 0.6369, IoU.seat: 0.6976, IoU.fence: 0.5200, IoU.desk: 0.6036, IoU.rock: 0.6275, IoU.wardrobe: 0.5473, IoU.lamp: 0.7548, IoU.bathtub: 0.9023, IoU.railing: 0.4425, IoU.cushion: 0.6588, IoU.base: 0.3954, IoU.box: 0.3650, IoU.column: 0.5577, IoU.signboard: 0.4147, IoU.chest of drawers: 0.5062, IoU.counter: 0.4671, IoU.sand: 0.5405, IoU.sink: 0.8138, IoU.skyscraper: 0.4563, IoU.fireplace: 0.7452, IoU.refrigerator: 0.8502, IoU.grandstand: 0.5324, IoU.path: 0.2924, IoU.stairs: 0.3692, IoU.runway: 0.6921, IoU.case: 0.5981, IoU.pool table: 0.9451, IoU.pillow: 0.6619, IoU.screen door: 0.8324, IoU.stairway: 0.4376, IoU.river: 0.1443, IoU.bridge: 0.6183, IoU.bookcase: 0.4262, IoU.blind: 0.4257, IoU.coffee table: 0.6522, IoU.toilet: 0.9083, IoU.flower: 0.4154, IoU.book: 0.5494, IoU.hill: 0.0885, IoU.bench: 0.5381, IoU.countertop: 0.6399, IoU.stove: 0.8612, IoU.palm: 0.5511, IoU.kitchen island: 0.4845, IoU.computer: 0.7881, IoU.swivel chair: 0.4251, IoU.boat: 0.5964, IoU.bar: 0.6169, IoU.arcade machine: 0.8113, IoU.hovel: 0.1800, IoU.bus: 0.9429, IoU.towel: 0.7606, IoU.light: 0.6316, IoU.truck: 0.4953, IoU.tower: 0.1380, IoU.chandelier: 0.7486, IoU.awning: 0.4710, IoU.streetlight: 0.3842, IoU.booth: 0.4661, IoU.television receiver: 0.7671, IoU.airplane: 0.8772, IoU.dirt track: 0.0968, IoU.apparel: 0.6102, IoU.pole: 0.2986, IoU.land: 0.0335, IoU.bannister: 0.2147, IoU.escalator: 0.6640, IoU.ottoman: 0.5562, IoU.bottle: 0.4485, IoU.buffet: 0.6344, IoU.poster: 0.3500, IoU.stage: 0.2702, IoU.van: 0.4782, IoU.ship: 0.5424, IoU.fountain: 0.3852, IoU.conveyer belt: 0.8036, IoU.canopy: 0.5703, IoU.washer: 0.8687, IoU.plaything: 0.3165, IoU.swimming pool: 0.5985, IoU.stool: 0.5215, IoU.barrel: 0.4319, IoU.basket: 0.4493, IoU.waterfall: 0.5057, IoU.tent: 0.9273, IoU.bag: 0.2224, IoU.minibike: 0.7606, IoU.cradle: 0.8731, IoU.oven: 0.6930, IoU.ball: 0.6092, IoU.food: 0.6048, IoU.step: 0.1176, IoU.tank: 0.7999, IoU.trade name: 0.2629, IoU.microwave: 0.9039, IoU.pot: 0.6221, IoU.animal: 0.6228, IoU.bicycle: 0.6012, IoU.lake: 0.7002, IoU.dishwasher: 0.7393, IoU.screen: 0.6372, IoU.blanket: 0.3209, IoU.sculpture: 0.7550, IoU.hood: 0.6393, IoU.sconce: 0.6089, IoU.vase: 0.4756, IoU.traffic light: 0.3760, IoU.tray: 0.2236, IoU.ashcan: 0.5187, IoU.fan: 0.7049, IoU.pier: 0.3864, IoU.crt screen: 0.0214, IoU.plate: 0.6134, IoU.monitor: 0.4358, IoU.bulletin board: 0.6106, IoU.shower: 0.1449, IoU.radiator: 0.6404, IoU.glass: 0.2177, IoU.clock: 0.5358, IoU.flag: 0.7150, Acc.wall: 0.8933, Acc.building: 0.9397, Acc.sky: 0.9746, Acc.floor: 0.9283, Acc.tree: 0.8921, Acc.ceiling: 0.9492, Acc.road: 0.9051, Acc.bed : 0.9748, Acc.windowpane: 0.8238, Acc.grass: 0.8285, Acc.cabinet: 0.7669, Acc.sidewalk: 0.8857, Acc.person: 0.9396, Acc.earth: 0.5779, Acc.door: 0.7407, Acc.table: 0.8202, Acc.mountain: 0.7176, Acc.plant: 0.6656, Acc.curtain: 0.9002, Acc.chair: 0.8223, Acc.car: 0.9468, Acc.water: 0.7916, Acc.painting: 0.9108, Acc.sofa: 0.9180, Acc.shelf: 0.6331, Acc.house: 0.6462, Acc.sea: 0.8373, Acc.mirror: 0.8611, Acc.rug: 0.7561, Acc.field: 0.4904, Acc.armchair: 0.7995, Acc.seat: 0.8897, Acc.fence: 0.7164, Acc.desk: 0.7946, Acc.rock: 0.8580, Acc.wardrobe: 0.7500, Acc.lamp: 0.8792, Acc.bathtub: 0.9368, Acc.railing: 0.6311, Acc.cushion: 0.7544, Acc.base: 0.5708, Acc.box: 0.4551, Acc.column: 0.6856, Acc.signboard: 0.5443, Acc.chest of drawers: 0.6864, Acc.counter: 0.5445, Acc.sand: 0.7986, Acc.sink: 0.8759, Acc.skyscraper: 0.5839, Acc.fireplace: 0.9433, Acc.refrigerator: 0.9299, Acc.grandstand: 0.8238, Acc.path: 0.4077, Acc.stairs: 0.4635, Acc.runway: 0.8916, Acc.case: 0.7408, Acc.pool table: 0.9801, Acc.pillow: 0.7792, Acc.screen door: 0.8716, Acc.stairway: 0.5212, Acc.river: 0.2958, Acc.bridge: 0.6747, Acc.bookcase: 0.6079, Acc.blind: 0.4967, Acc.coffee table: 0.8691, Acc.toilet: 0.9423, Acc.flower: 0.6051, Acc.book: 0.7471, Acc.hill: 0.1907, Acc.bench: 0.6020, Acc.countertop: 0.8760, Acc.stove: 0.9309, Acc.palm: 0.8090, Acc.kitchen island: 0.7895, Acc.computer: 0.9231, Acc.swivel chair: 0.5722, Acc.boat: 0.6903, Acc.bar: 0.8249, Acc.arcade machine: 0.8481, Acc.hovel: 0.2111, Acc.bus: 0.9793, Acc.towel: 0.8294, Acc.light: 0.7308, Acc.truck: 0.6054, Acc.tower: 0.2254, Acc.chandelier: 0.8729, Acc.awning: 0.6190, Acc.streetlight: 0.5000, Acc.booth: 0.7099, Acc.television receiver: 0.9145, Acc.airplane: 0.9625, Acc.dirt track: 0.5336, Acc.apparel: 0.8007, Acc.pole: 0.3790, Acc.land: 0.0490, Acc.bannister: 0.2737, Acc.escalator: 0.8505, Acc.ottoman: 0.7467, Acc.bottle: 0.7134, Acc.buffet: 0.7374, Acc.poster: 0.4212, Acc.stage: 0.4813, Acc.van: 0.6860, Acc.ship: 0.7120, Acc.fountain: 0.3983, Acc.conveyer belt: 0.9456, Acc.canopy: 0.7419, Acc.washer: 0.9265, Acc.plaything: 0.4898, Acc.swimming pool: 0.8312, Acc.stool: 0.5984, Acc.barrel: 0.9405, Acc.basket: 0.6328, Acc.waterfall: 0.5971, Acc.tent: 0.9868, Acc.bag: 0.2640, Acc.minibike: 0.8946, Acc.cradle: 0.9864, Acc.oven: 0.7967, Acc.ball: 0.7191, Acc.food: 0.7161, Acc.step: 0.1455, Acc.tank: 0.9048, Acc.trade name: 0.3042, Acc.microwave: 0.9646, Acc.pot: 0.7167, Acc.animal: 0.6394, Acc.bicycle: 0.7113, Acc.lake: 0.7301, Acc.dishwasher: 0.8270, Acc.screen: 0.9431, Acc.blanket: 0.3646, Acc.sculpture: 0.8875, Acc.hood: 0.7401, Acc.sconce: 0.7611, Acc.vase: 0.6524, Acc.traffic light: 0.6279, Acc.tray: 0.3704, Acc.ashcan: 0.6656, Acc.fan: 0.8558, Acc.pier: 0.4710, Acc.crt screen: 0.0365, Acc.plate: 0.8055, Acc.monitor: 0.5298, Acc.bulletin board: 0.7613, Acc.shower: 0.1587, Acc.radiator: 0.8168, Acc.glass: 0.2352, Acc.clock: 0.6563, Acc.flag: 0.7748 2023-11-03 04:41:02,649 - mmseg - INFO - Iter [53050/80000] lr: 1.091e-06, eta: 13:33:55, time: 3.439, data_time: 1.784, memory: 69173, decode.loss_ce: 0.1434, decode.acc_seg: 93.6711, aux.loss_ce: 0.0784, aux.acc_seg: 91.8339, loss: 0.2219 2023-11-03 04:42:25,690 - mmseg - INFO - Iter [53100/80000] lr: 1.089e-06, eta: 13:32:21, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1362, decode.acc_seg: 93.8484, aux.loss_ce: 0.0757, aux.acc_seg: 91.9283, loss: 0.2119 2023-11-03 04:43:48,725 - mmseg - INFO - Iter [53150/80000] lr: 1.087e-06, eta: 13:30:46, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1343, decode.acc_seg: 94.0367, aux.loss_ce: 0.0740, aux.acc_seg: 92.4200, loss: 0.2083 2023-11-03 04:45:11,754 - mmseg - INFO - Iter [53200/80000] lr: 1.085e-06, eta: 13:29:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1404, decode.acc_seg: 93.7273, aux.loss_ce: 0.0794, aux.acc_seg: 91.8100, loss: 0.2198 2023-11-03 04:46:34,826 - mmseg - INFO - Iter [53250/80000] lr: 1.083e-06, eta: 13:27:38, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1401, decode.acc_seg: 93.8214, aux.loss_ce: 0.0778, aux.acc_seg: 91.9649, loss: 0.2179 2023-11-03 04:47:57,907 - mmseg - INFO - Iter [53300/80000] lr: 1.081e-06, eta: 13:26:03, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1459, decode.acc_seg: 93.4826, aux.loss_ce: 0.0789, aux.acc_seg: 91.8305, loss: 0.2249 2023-11-03 04:49:20,962 - mmseg - INFO - Iter [53350/80000] lr: 1.079e-06, eta: 13:24:29, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1372, decode.acc_seg: 93.9758, aux.loss_ce: 0.0749, aux.acc_seg: 92.2558, loss: 0.2121 2023-11-03 04:50:44,007 - mmseg - INFO - Iter [53400/80000] lr: 1.077e-06, eta: 13:22:55, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1416, decode.acc_seg: 93.8109, aux.loss_ce: 0.0811, aux.acc_seg: 91.6897, loss: 0.2227 2023-11-03 04:52:07,119 - mmseg - INFO - Iter [53450/80000] lr: 1.075e-06, eta: 13:21:20, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1465, decode.acc_seg: 93.4561, aux.loss_ce: 0.0816, aux.acc_seg: 91.5053, loss: 0.2281 2023-11-03 04:53:30,173 - mmseg - INFO - Iter [53500/80000] lr: 1.073e-06, eta: 13:19:46, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1435, decode.acc_seg: 93.7373, aux.loss_ce: 0.0845, aux.acc_seg: 91.4311, loss: 0.2280 2023-11-03 04:54:53,234 - mmseg - INFO - Iter [53550/80000] lr: 1.071e-06, eta: 13:18:12, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1415, decode.acc_seg: 93.6975, aux.loss_ce: 0.0774, aux.acc_seg: 91.9587, loss: 0.2189 2023-11-03 04:56:16,296 - mmseg - INFO - Iter [53600/80000] lr: 1.069e-06, eta: 13:16:38, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1383, decode.acc_seg: 93.9643, aux.loss_ce: 0.0801, aux.acc_seg: 92.0212, loss: 0.2184 2023-11-03 04:57:39,414 - mmseg - INFO - Iter [53650/80000] lr: 1.067e-06, eta: 13:15:04, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1452, decode.acc_seg: 93.5536, aux.loss_ce: 0.0817, aux.acc_seg: 91.6027, loss: 0.2269 2023-11-03 04:59:02,483 - mmseg - INFO - Iter [53700/80000] lr: 1.065e-06, eta: 13:13:29, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1486, decode.acc_seg: 93.4381, aux.loss_ce: 0.0823, aux.acc_seg: 91.5361, loss: 0.2310 2023-11-03 05:00:25,605 - mmseg - INFO - Iter [53750/80000] lr: 1.063e-06, eta: 13:11:55, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1475, decode.acc_seg: 93.6560, aux.loss_ce: 0.0776, aux.acc_seg: 91.9125, loss: 0.2251 2023-11-03 05:01:48,704 - mmseg - INFO - Iter [53800/80000] lr: 1.061e-06, eta: 13:10:21, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1426, decode.acc_seg: 93.7524, aux.loss_ce: 0.0793, aux.acc_seg: 91.7389, loss: 0.2219 2023-11-03 05:03:11,793 - mmseg - INFO - Iter [53850/80000] lr: 1.059e-06, eta: 13:08:47, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1401, decode.acc_seg: 93.8702, aux.loss_ce: 0.0811, aux.acc_seg: 91.7736, loss: 0.2211 2023-11-03 05:04:34,844 - mmseg - INFO - Iter [53900/80000] lr: 1.057e-06, eta: 13:07:13, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1396, decode.acc_seg: 93.8732, aux.loss_ce: 0.0773, aux.acc_seg: 91.9098, loss: 0.2168 2023-11-03 05:05:57,956 - mmseg - INFO - Iter [53950/80000] lr: 1.055e-06, eta: 13:05:39, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1441, decode.acc_seg: 93.5538, aux.loss_ce: 0.0858, aux.acc_seg: 91.0561, loss: 0.2300 2023-11-03 05:07:20,983 - mmseg - INFO - Saving checkpoint at 54000 iterations 2023-11-03 05:08:19,904 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 05:08:19,904 - mmseg - INFO - Iter [54000/80000] lr: 1.053e-06, eta: 13:04:33, time: 2.839, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1474, decode.acc_seg: 93.5926, aux.loss_ce: 0.0823, aux.acc_seg: 91.5223, loss: 0.2297 2023-11-03 05:09:45,662 - mmseg - INFO - per class results: 2023-11-03 05:09:45,667 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.33 | 89.79 | | building | 84.08 | 94.46 | | sky | 95.09 | 97.56 | | floor | 85.58 | 93.53 | | tree | 77.25 | 89.13 | | ceiling | 87.97 | 93.72 | | road | 87.27 | 90.11 | | bed | 92.65 | 96.95 | | windowpane | 66.48 | 80.89 | | grass | 69.96 | 83.13 | | cabinet | 66.6 | 77.16 | | sidewalk | 71.03 | 87.89 | | person | 85.43 | 94.4 | | earth | 41.93 | 55.95 | | door | 59.61 | 75.14 | | table | 71.05 | 84.17 | | mountain | 64.81 | 76.83 | | plant | 57.19 | 69.75 | | curtain | 77.26 | 88.73 | | chair | 67.89 | 80.57 | | car | 87.74 | 94.44 | | water | 62.15 | 76.85 | | painting | 78.71 | 90.2 | | sofa | 82.27 | 90.25 | | shelf | 45.93 | 61.02 | | house | 45.66 | 52.99 | | sea | 74.81 | 84.21 | | mirror | 75.43 | 83.72 | | rug | 68.79 | 73.36 | | field | 25.08 | 43.49 | | armchair | 63.35 | 79.65 | | seat | 69.0 | 89.22 | | fence | 52.05 | 67.08 | | desk | 60.13 | 77.99 | | rock | 60.92 | 82.0 | | wardrobe | 54.91 | 76.62 | | lamp | 75.21 | 87.0 | | bathtub | 89.45 | 92.79 | | railing | 44.25 | 60.27 | | cushion | 67.13 | 80.19 | | base | 40.7 | 56.47 | | box | 36.25 | 43.6 | | column | 56.36 | 67.5 | | signboard | 40.29 | 51.98 | | chest of drawers | 46.83 | 60.98 | | counter | 43.22 | 50.15 | | sand | 52.98 | 78.26 | | sink | 83.38 | 89.28 | | skyscraper | 46.24 | 57.27 | | fireplace | 74.44 | 94.6 | | refrigerator | 85.48 | 91.39 | | grandstand | 56.88 | 83.82 | | path | 28.91 | 42.58 | | stairs | 36.9 | 45.31 | | runway | 72.89 | 97.0 | | case | 59.8 | 77.53 | | pool table | 94.74 | 97.49 | | pillow | 64.46 | 74.39 | | screen door | 76.05 | 78.26 | | stairway | 38.21 | 47.9 | | river | 12.65 | 26.77 | | bridge | 56.7 | 63.27 | | bookcase | 42.63 | 68.22 | | blind | 44.87 | 50.93 | | coffee table | 69.01 | 85.97 | | toilet | 90.87 | 94.21 | | flower | 42.71 | 57.88 | | book | 51.28 | 70.38 | | hill | 7.04 | 12.9 | | bench | 54.07 | 62.28 | | countertop | 64.95 | 81.08 | | stove | 87.44 | 92.28 | | palm | 53.71 | 82.71 | | kitchen island | 50.3 | 73.01 | | computer | 77.98 | 92.9 | | swivel chair | 45.54 | 63.89 | | boat | 65.96 | 77.49 | | bar | 58.04 | 83.3 | | arcade machine | 79.88 | 83.68 | | hovel | 15.58 | 16.7 | | bus | 94.42 | 97.57 | | towel | 77.32 | 86.9 | | light | 62.4 | 72.67 | | truck | 49.27 | 63.06 | | tower | 9.44 | 14.22 | | chandelier | 74.29 | 86.98 | | awning | 47.41 | 58.84 | | streetlight | 38.43 | 50.77 | | booth | 49.78 | 69.98 | | television receiver | 78.64 | 90.4 | | airplane | 87.29 | 96.51 | | dirt track | 10.47 | 51.22 | | apparel | 59.72 | 81.88 | | pole | 30.98 | 40.81 | | land | 4.29 | 5.83 | | bannister | 17.42 | 26.15 | | escalator | 60.56 | 79.32 | | ottoman | 51.09 | 66.46 | | bottle | 42.77 | 71.81 | | buffet | 57.51 | 63.9 | | poster | 37.34 | 45.23 | | stage | 22.08 | 35.64 | | van | 45.31 | 64.17 | | ship | 60.9 | 73.21 | | fountain | 36.77 | 38.02 | | conveyer belt | 82.71 | 93.2 | | canopy | 51.19 | 65.99 | | washer | 85.57 | 90.8 | | plaything | 31.64 | 54.13 | | swimming pool | 59.55 | 84.09 | | stool | 53.92 | 66.51 | | barrel | 59.91 | 92.3 | | basket | 45.64 | 59.79 | | waterfall | 44.69 | 62.67 | | tent | 91.34 | 98.57 | | bag | 26.46 | 32.92 | | minibike | 76.89 | 90.52 | | cradle | 88.17 | 97.89 | | oven | 69.6 | 79.7 | | ball | 59.7 | 69.53 | | food | 62.41 | 76.19 | | step | 11.41 | 12.88 | | tank | 83.3 | 96.98 | | trade name | 22.81 | 25.89 | | microwave | 90.32 | 96.56 | | pot | 60.65 | 69.44 | | animal | 61.48 | 63.15 | | bicycle | 63.25 | 80.78 | | lake | 62.33 | 73.88 | | dishwasher | 75.53 | 83.25 | | screen | 66.18 | 89.72 | | blanket | 33.26 | 37.85 | | sculpture | 75.51 | 88.77 | | hood | 62.33 | 76.72 | | sconce | 61.62 | 74.6 | | vase | 46.86 | 66.74 | | traffic light | 38.31 | 65.09 | | tray | 23.23 | 31.44 | | ashcan | 51.86 | 64.99 | | fan | 69.88 | 85.2 | | pier | 39.46 | 45.28 | | crt screen | 2.25 | 3.65 | | plate | 61.61 | 79.06 | | monitor | 47.77 | 56.3 | | bulletin board | 63.62 | 74.33 | | shower | 10.43 | 10.82 | | radiator | 64.08 | 78.14 | | glass | 21.4 | 22.93 | | clock | 54.79 | 65.95 | | flag | 72.25 | 80.53 | +---------------------+-------+-------+ 2023-11-03 05:09:45,668 - mmseg - INFO - Summary: 2023-11-03 05:09:45,668 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.29 | 57.82 | 70.11 | +-------+-------+-------+ 2023-11-03 05:09:45,669 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 05:09:45,669 - mmseg - INFO - Iter(val) [250] aAcc: 0.8629, mIoU: 0.5782, mAcc: 0.7011, IoU.wall: 0.8233, IoU.building: 0.8408, IoU.sky: 0.9509, IoU.floor: 0.8558, IoU.tree: 0.7725, IoU.ceiling: 0.8797, IoU.road: 0.8727, IoU.bed : 0.9265, IoU.windowpane: 0.6648, IoU.grass: 0.6996, IoU.cabinet: 0.6660, IoU.sidewalk: 0.7103, IoU.person: 0.8543, IoU.earth: 0.4193, IoU.door: 0.5961, IoU.table: 0.7105, IoU.mountain: 0.6481, IoU.plant: 0.5719, IoU.curtain: 0.7726, IoU.chair: 0.6789, IoU.car: 0.8774, IoU.water: 0.6215, IoU.painting: 0.7871, IoU.sofa: 0.8227, IoU.shelf: 0.4593, IoU.house: 0.4566, IoU.sea: 0.7481, IoU.mirror: 0.7543, IoU.rug: 0.6879, IoU.field: 0.2508, IoU.armchair: 0.6335, IoU.seat: 0.6900, IoU.fence: 0.5205, IoU.desk: 0.6013, IoU.rock: 0.6092, IoU.wardrobe: 0.5491, IoU.lamp: 0.7521, IoU.bathtub: 0.8945, IoU.railing: 0.4425, IoU.cushion: 0.6713, IoU.base: 0.4070, IoU.box: 0.3625, IoU.column: 0.5636, IoU.signboard: 0.4029, IoU.chest of drawers: 0.4683, IoU.counter: 0.4322, IoU.sand: 0.5298, IoU.sink: 0.8338, IoU.skyscraper: 0.4624, IoU.fireplace: 0.7444, IoU.refrigerator: 0.8548, IoU.grandstand: 0.5688, IoU.path: 0.2891, IoU.stairs: 0.3690, IoU.runway: 0.7289, IoU.case: 0.5980, IoU.pool table: 0.9474, IoU.pillow: 0.6446, IoU.screen door: 0.7605, IoU.stairway: 0.3821, IoU.river: 0.1265, IoU.bridge: 0.5670, IoU.bookcase: 0.4263, IoU.blind: 0.4487, IoU.coffee table: 0.6901, IoU.toilet: 0.9087, IoU.flower: 0.4271, IoU.book: 0.5128, IoU.hill: 0.0704, IoU.bench: 0.5407, IoU.countertop: 0.6495, IoU.stove: 0.8744, IoU.palm: 0.5371, IoU.kitchen island: 0.5030, IoU.computer: 0.7798, IoU.swivel chair: 0.4554, IoU.boat: 0.6596, IoU.bar: 0.5804, IoU.arcade machine: 0.7988, IoU.hovel: 0.1558, IoU.bus: 0.9442, IoU.towel: 0.7732, IoU.light: 0.6240, IoU.truck: 0.4927, IoU.tower: 0.0944, IoU.chandelier: 0.7429, IoU.awning: 0.4741, IoU.streetlight: 0.3843, IoU.booth: 0.4978, IoU.television receiver: 0.7864, IoU.airplane: 0.8729, IoU.dirt track: 0.1047, IoU.apparel: 0.5972, IoU.pole: 0.3098, IoU.land: 0.0429, IoU.bannister: 0.1742, IoU.escalator: 0.6056, IoU.ottoman: 0.5109, IoU.bottle: 0.4277, IoU.buffet: 0.5751, IoU.poster: 0.3734, IoU.stage: 0.2208, IoU.van: 0.4531, IoU.ship: 0.6090, IoU.fountain: 0.3677, IoU.conveyer belt: 0.8271, IoU.canopy: 0.5119, IoU.washer: 0.8557, IoU.plaything: 0.3164, IoU.swimming pool: 0.5955, IoU.stool: 0.5392, IoU.barrel: 0.5991, IoU.basket: 0.4564, IoU.waterfall: 0.4469, IoU.tent: 0.9134, IoU.bag: 0.2646, IoU.minibike: 0.7689, IoU.cradle: 0.8817, IoU.oven: 0.6960, IoU.ball: 0.5970, IoU.food: 0.6241, IoU.step: 0.1141, IoU.tank: 0.8330, IoU.trade name: 0.2281, IoU.microwave: 0.9032, IoU.pot: 0.6065, IoU.animal: 0.6148, IoU.bicycle: 0.6325, IoU.lake: 0.6233, IoU.dishwasher: 0.7553, IoU.screen: 0.6618, IoU.blanket: 0.3326, IoU.sculpture: 0.7551, IoU.hood: 0.6233, IoU.sconce: 0.6162, IoU.vase: 0.4686, IoU.traffic light: 0.3831, IoU.tray: 0.2323, IoU.ashcan: 0.5186, IoU.fan: 0.6988, IoU.pier: 0.3946, IoU.crt screen: 0.0225, IoU.plate: 0.6161, IoU.monitor: 0.4777, IoU.bulletin board: 0.6362, IoU.shower: 0.1043, IoU.radiator: 0.6408, IoU.glass: 0.2140, IoU.clock: 0.5479, IoU.flag: 0.7225, Acc.wall: 0.8979, Acc.building: 0.9446, Acc.sky: 0.9756, Acc.floor: 0.9353, Acc.tree: 0.8913, Acc.ceiling: 0.9372, Acc.road: 0.9011, Acc.bed : 0.9695, Acc.windowpane: 0.8089, Acc.grass: 0.8313, Acc.cabinet: 0.7716, Acc.sidewalk: 0.8789, Acc.person: 0.9440, Acc.earth: 0.5595, Acc.door: 0.7514, Acc.table: 0.8417, Acc.mountain: 0.7683, Acc.plant: 0.6975, Acc.curtain: 0.8873, Acc.chair: 0.8057, Acc.car: 0.9444, Acc.water: 0.7685, Acc.painting: 0.9020, Acc.sofa: 0.9025, Acc.shelf: 0.6102, Acc.house: 0.5299, Acc.sea: 0.8421, Acc.mirror: 0.8372, Acc.rug: 0.7336, Acc.field: 0.4349, Acc.armchair: 0.7965, Acc.seat: 0.8922, Acc.fence: 0.6708, Acc.desk: 0.7799, Acc.rock: 0.8200, Acc.wardrobe: 0.7662, Acc.lamp: 0.8700, Acc.bathtub: 0.9279, Acc.railing: 0.6027, Acc.cushion: 0.8019, Acc.base: 0.5647, Acc.box: 0.4360, Acc.column: 0.6750, Acc.signboard: 0.5198, Acc.chest of drawers: 0.6098, Acc.counter: 0.5015, Acc.sand: 0.7826, Acc.sink: 0.8928, Acc.skyscraper: 0.5727, Acc.fireplace: 0.9460, Acc.refrigerator: 0.9139, Acc.grandstand: 0.8382, Acc.path: 0.4258, Acc.stairs: 0.4531, Acc.runway: 0.9700, Acc.case: 0.7753, Acc.pool table: 0.9749, Acc.pillow: 0.7439, Acc.screen door: 0.7826, Acc.stairway: 0.4790, Acc.river: 0.2677, Acc.bridge: 0.6327, Acc.bookcase: 0.6822, Acc.blind: 0.5093, Acc.coffee table: 0.8597, Acc.toilet: 0.9421, Acc.flower: 0.5788, Acc.book: 0.7038, Acc.hill: 0.1290, Acc.bench: 0.6228, Acc.countertop: 0.8108, Acc.stove: 0.9228, Acc.palm: 0.8271, Acc.kitchen island: 0.7301, Acc.computer: 0.9290, Acc.swivel chair: 0.6389, Acc.boat: 0.7749, Acc.bar: 0.8330, Acc.arcade machine: 0.8368, Acc.hovel: 0.1670, Acc.bus: 0.9757, Acc.towel: 0.8690, Acc.light: 0.7267, Acc.truck: 0.6306, Acc.tower: 0.1422, Acc.chandelier: 0.8698, Acc.awning: 0.5884, Acc.streetlight: 0.5077, Acc.booth: 0.6998, Acc.television receiver: 0.9040, Acc.airplane: 0.9651, Acc.dirt track: 0.5122, Acc.apparel: 0.8188, Acc.pole: 0.4081, Acc.land: 0.0583, Acc.bannister: 0.2615, Acc.escalator: 0.7932, Acc.ottoman: 0.6646, Acc.bottle: 0.7181, Acc.buffet: 0.6390, Acc.poster: 0.4523, Acc.stage: 0.3564, Acc.van: 0.6417, Acc.ship: 0.7321, Acc.fountain: 0.3802, Acc.conveyer belt: 0.9320, Acc.canopy: 0.6599, Acc.washer: 0.9080, Acc.plaything: 0.5413, Acc.swimming pool: 0.8409, Acc.stool: 0.6651, Acc.barrel: 0.9230, Acc.basket: 0.5979, Acc.waterfall: 0.6267, Acc.tent: 0.9857, Acc.bag: 0.3292, Acc.minibike: 0.9052, Acc.cradle: 0.9789, Acc.oven: 0.7970, Acc.ball: 0.6953, Acc.food: 0.7619, Acc.step: 0.1288, Acc.tank: 0.9698, Acc.trade name: 0.2589, Acc.microwave: 0.9656, Acc.pot: 0.6944, Acc.animal: 0.6315, Acc.bicycle: 0.8078, Acc.lake: 0.7388, Acc.dishwasher: 0.8325, Acc.screen: 0.8972, Acc.blanket: 0.3785, Acc.sculpture: 0.8877, Acc.hood: 0.7672, Acc.sconce: 0.7460, Acc.vase: 0.6674, Acc.traffic light: 0.6509, Acc.tray: 0.3144, Acc.ashcan: 0.6499, Acc.fan: 0.8520, Acc.pier: 0.4528, Acc.crt screen: 0.0365, Acc.plate: 0.7906, Acc.monitor: 0.5630, Acc.bulletin board: 0.7433, Acc.shower: 0.1082, Acc.radiator: 0.7814, Acc.glass: 0.2293, Acc.clock: 0.6595, Acc.flag: 0.8053 2023-11-03 05:11:08,926 - mmseg - INFO - Iter [54050/80000] lr: 1.051e-06, eta: 13:03:40, time: 3.380, data_time: 1.723, memory: 69173, decode.loss_ce: 0.1409, decode.acc_seg: 93.7935, aux.loss_ce: 0.0785, aux.acc_seg: 92.0735, loss: 0.2194 2023-11-03 05:12:31,889 - mmseg - INFO - Iter [54100/80000] lr: 1.049e-06, eta: 13:02:06, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1508, decode.acc_seg: 93.4329, aux.loss_ce: 0.0831, aux.acc_seg: 91.2862, loss: 0.2340 2023-11-03 05:13:54,877 - mmseg - INFO - Iter [54150/80000] lr: 1.047e-06, eta: 13:00:32, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1392, decode.acc_seg: 93.9189, aux.loss_ce: 0.0774, aux.acc_seg: 92.0617, loss: 0.2166 2023-11-03 05:15:17,879 - mmseg - INFO - Iter [54200/80000] lr: 1.045e-06, eta: 12:58:58, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1365, decode.acc_seg: 94.0439, aux.loss_ce: 0.0776, aux.acc_seg: 92.1698, loss: 0.2140 2023-11-03 05:16:40,872 - mmseg - INFO - Iter [54250/80000] lr: 1.043e-06, eta: 12:57:23, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1434, decode.acc_seg: 93.6049, aux.loss_ce: 0.0784, aux.acc_seg: 91.6131, loss: 0.2218 2023-11-03 05:18:03,834 - mmseg - INFO - Iter [54300/80000] lr: 1.041e-06, eta: 12:55:49, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1383, decode.acc_seg: 93.9721, aux.loss_ce: 0.0781, aux.acc_seg: 91.9564, loss: 0.2164 2023-11-03 05:19:29,214 - mmseg - INFO - Iter [54350/80000] lr: 1.039e-06, eta: 12:54:16, time: 1.708, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1499, decode.acc_seg: 93.4903, aux.loss_ce: 0.0832, aux.acc_seg: 91.2963, loss: 0.2332 2023-11-03 05:20:52,167 - mmseg - INFO - Iter [54400/80000] lr: 1.037e-06, eta: 12:52:42, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1354, decode.acc_seg: 94.0263, aux.loss_ce: 0.0772, aux.acc_seg: 92.1246, loss: 0.2126 2023-11-03 05:22:15,089 - mmseg - INFO - Iter [54450/80000] lr: 1.035e-06, eta: 12:51:08, time: 1.658, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1417, decode.acc_seg: 93.8434, aux.loss_ce: 0.0815, aux.acc_seg: 91.6756, loss: 0.2232 2023-11-03 05:23:38,082 - mmseg - INFO - Iter [54500/80000] lr: 1.033e-06, eta: 12:49:34, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1291, decode.acc_seg: 94.2626, aux.loss_ce: 0.0737, aux.acc_seg: 92.3310, loss: 0.2028 2023-11-03 05:25:01,076 - mmseg - INFO - Iter [54550/80000] lr: 1.031e-06, eta: 12:48:00, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1362, decode.acc_seg: 93.7704, aux.loss_ce: 0.0768, aux.acc_seg: 91.9131, loss: 0.2130 2023-11-03 05:26:24,051 - mmseg - INFO - Iter [54600/80000] lr: 1.029e-06, eta: 12:46:26, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1371, decode.acc_seg: 94.0229, aux.loss_ce: 0.0747, aux.acc_seg: 92.3577, loss: 0.2118 2023-11-03 05:27:47,073 - mmseg - INFO - Iter [54650/80000] lr: 1.027e-06, eta: 12:44:52, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1338, decode.acc_seg: 94.0517, aux.loss_ce: 0.0739, aux.acc_seg: 92.3457, loss: 0.2077 2023-11-03 05:29:10,076 - mmseg - INFO - Iter [54700/80000] lr: 1.025e-06, eta: 12:43:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1440, decode.acc_seg: 93.4704, aux.loss_ce: 0.0831, aux.acc_seg: 91.4387, loss: 0.2271 2023-11-03 05:30:33,094 - mmseg - INFO - Iter [54750/80000] lr: 1.023e-06, eta: 12:41:44, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1356, decode.acc_seg: 93.9754, aux.loss_ce: 0.0738, aux.acc_seg: 92.4338, loss: 0.2095 2023-11-03 05:31:56,087 - mmseg - INFO - Iter [54800/80000] lr: 1.021e-06, eta: 12:40:10, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1382, decode.acc_seg: 93.9723, aux.loss_ce: 0.0777, aux.acc_seg: 91.9153, loss: 0.2159 2023-11-03 05:33:19,025 - mmseg - INFO - Iter [54850/80000] lr: 1.019e-06, eta: 12:38:36, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1412, decode.acc_seg: 93.8607, aux.loss_ce: 0.0813, aux.acc_seg: 91.6234, loss: 0.2225 2023-11-03 05:34:41,983 - mmseg - INFO - Iter [54900/80000] lr: 1.017e-06, eta: 12:37:02, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1328, decode.acc_seg: 94.1674, aux.loss_ce: 0.0797, aux.acc_seg: 91.8731, loss: 0.2125 2023-11-03 05:36:04,972 - mmseg - INFO - Iter [54950/80000] lr: 1.014e-06, eta: 12:35:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1370, decode.acc_seg: 93.8655, aux.loss_ce: 0.0754, aux.acc_seg: 92.1190, loss: 0.2124 2023-11-03 05:37:27,937 - mmseg - INFO - Saving checkpoint at 55000 iterations 2023-11-03 05:38:29,578 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 05:38:29,578 - mmseg - INFO - Iter [55000/80000] lr: 1.012e-06, eta: 12:34:22, time: 2.892, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1401, decode.acc_seg: 93.8160, aux.loss_ce: 0.0796, aux.acc_seg: 91.7690, loss: 0.2197 2023-11-03 05:39:55,323 - mmseg - INFO - per class results: 2023-11-03 05:39:55,328 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.19 | 89.76 | | building | 84.7 | 93.27 | | sky | 95.04 | 97.88 | | floor | 85.68 | 91.81 | | tree | 77.21 | 89.34 | | ceiling | 88.05 | 93.66 | | road | 86.39 | 91.56 | | bed | 92.79 | 97.41 | | windowpane | 66.01 | 83.73 | | grass | 69.77 | 83.14 | | cabinet | 65.89 | 76.32 | | sidewalk | 69.78 | 83.22 | | person | 85.4 | 94.33 | | earth | 41.52 | 54.74 | | door | 59.17 | 74.19 | | table | 70.78 | 81.96 | | mountain | 64.98 | 79.14 | | plant | 57.11 | 69.72 | | curtain | 77.53 | 87.11 | | chair | 68.13 | 81.0 | | car | 87.62 | 93.87 | | water | 64.07 | 79.2 | | painting | 77.97 | 91.48 | | sofa | 82.13 | 89.44 | | shelf | 48.97 | 65.14 | | house | 54.43 | 73.95 | | sea | 74.67 | 85.08 | | mirror | 76.04 | 85.98 | | rug | 70.28 | 83.25 | | field | 30.54 | 53.94 | | armchair | 62.73 | 81.92 | | seat | 69.61 | 88.6 | | fence | 53.54 | 67.12 | | desk | 60.27 | 79.26 | | rock | 63.76 | 78.45 | | wardrobe | 52.95 | 71.4 | | lamp | 75.86 | 85.96 | | bathtub | 91.0 | 94.76 | | railing | 43.63 | 59.35 | | cushion | 67.1 | 80.45 | | base | 36.74 | 49.21 | | box | 37.69 | 47.21 | | column | 56.05 | 68.49 | | signboard | 41.41 | 53.7 | | chest of drawers | 44.76 | 71.33 | | counter | 50.61 | 58.92 | | sand | 51.56 | 73.34 | | sink | 81.52 | 88.91 | | skyscraper | 45.11 | 54.51 | | fireplace | 74.17 | 96.52 | | refrigerator | 82.78 | 88.47 | | grandstand | 52.21 | 79.67 | | path | 30.38 | 44.62 | | stairs | 33.97 | 41.2 | | runway | 68.18 | 90.63 | | case | 61.65 | 83.47 | | pool table | 94.52 | 97.96 | | pillow | 65.58 | 75.95 | | screen door | 76.79 | 79.32 | | stairway | 39.99 | 56.34 | | river | 13.75 | 26.31 | | bridge | 55.53 | 63.57 | | bookcase | 43.98 | 58.87 | | blind | 44.41 | 47.73 | | coffee table | 68.54 | 86.87 | | toilet | 91.09 | 93.82 | | flower | 42.43 | 57.87 | | book | 54.03 | 76.25 | | hill | 7.41 | 10.41 | | bench | 55.63 | 62.87 | | countertop | 60.57 | 82.95 | | stove | 87.57 | 93.88 | | palm | 55.05 | 79.37 | | kitchen island | 51.51 | 75.04 | | computer | 79.22 | 91.88 | | swivel chair | 42.8 | 60.8 | | boat | 76.58 | 90.8 | | bar | 55.22 | 69.1 | | arcade machine | 81.9 | 85.42 | | hovel | 19.69 | 21.19 | | bus | 94.46 | 97.94 | | towel | 76.03 | 87.32 | | light | 61.97 | 70.79 | | truck | 48.04 | 60.87 | | tower | 22.08 | 35.56 | | chandelier | 74.98 | 86.58 | | awning | 50.02 | 65.37 | | streetlight | 37.54 | 47.01 | | booth | 54.46 | 74.0 | | television receiver | 76.6 | 90.88 | | airplane | 87.5 | 94.69 | | dirt track | 10.52 | 51.77 | | apparel | 60.62 | 87.02 | | pole | 28.31 | 35.35 | | land | 3.5 | 4.39 | | bannister | 17.52 | 25.23 | | escalator | 65.92 | 85.91 | | ottoman | 58.45 | 72.77 | | bottle | 44.72 | 69.42 | | buffet | 64.84 | 74.21 | | poster | 37.91 | 45.61 | | stage | 21.27 | 49.57 | | van | 43.14 | 66.08 | | ship | 68.21 | 72.1 | | fountain | 35.2 | 35.63 | | conveyer belt | 78.26 | 95.42 | | canopy | 56.49 | 77.39 | | washer | 86.9 | 92.27 | | plaything | 29.99 | 52.14 | | swimming pool | 56.96 | 81.62 | | stool | 55.21 | 64.93 | | barrel | 56.87 | 90.1 | | basket | 44.9 | 57.11 | | waterfall | 53.06 | 69.08 | | tent | 92.6 | 98.62 | | bag | 24.82 | 29.35 | | minibike | 77.12 | 90.23 | | cradle | 88.73 | 98.5 | | oven | 69.15 | 81.92 | | ball | 57.25 | 60.96 | | food | 58.6 | 71.05 | | step | 19.69 | 24.96 | | tank | 86.51 | 97.18 | | trade name | 28.35 | 34.04 | | microwave | 90.9 | 96.49 | | pot | 60.39 | 68.26 | | animal | 66.69 | 69.04 | | bicycle | 63.37 | 81.17 | | lake | 63.56 | 69.05 | | dishwasher | 75.35 | 82.83 | | screen | 63.08 | 94.39 | | blanket | 33.3 | 39.83 | | sculpture | 77.83 | 88.85 | | hood | 61.1 | 76.92 | | sconce | 61.43 | 72.96 | | vase | 46.76 | 63.7 | | traffic light | 36.68 | 61.34 | | tray | 23.05 | 32.32 | | ashcan | 52.02 | 63.62 | | fan | 70.65 | 83.12 | | pier | 39.62 | 43.77 | | crt screen | 1.63 | 3.72 | | plate | 61.64 | 79.51 | | monitor | 20.26 | 23.76 | | bulletin board | 63.85 | 76.71 | | shower | 13.83 | 16.17 | | radiator | 63.87 | 82.24 | | glass | 22.88 | 24.93 | | clock | 53.71 | 63.22 | | flag | 71.66 | 81.27 | +---------------------+-------+-------+ 2023-11-03 05:39:55,328 - mmseg - INFO - Summary: 2023-11-03 05:39:55,328 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.35 | 58.22 | 70.73 | +-------+-------+-------+ 2023-11-03 05:39:55,329 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 05:39:55,329 - mmseg - INFO - Iter(val) [250] aAcc: 0.8635, mIoU: 0.5822, mAcc: 0.7073, IoU.wall: 0.8219, IoU.building: 0.8470, IoU.sky: 0.9504, IoU.floor: 0.8568, IoU.tree: 0.7721, IoU.ceiling: 0.8805, IoU.road: 0.8639, IoU.bed : 0.9279, IoU.windowpane: 0.6601, IoU.grass: 0.6977, IoU.cabinet: 0.6589, IoU.sidewalk: 0.6978, IoU.person: 0.8540, IoU.earth: 0.4152, IoU.door: 0.5917, IoU.table: 0.7078, IoU.mountain: 0.6498, IoU.plant: 0.5711, IoU.curtain: 0.7753, IoU.chair: 0.6813, IoU.car: 0.8762, IoU.water: 0.6407, IoU.painting: 0.7797, IoU.sofa: 0.8213, IoU.shelf: 0.4897, IoU.house: 0.5443, IoU.sea: 0.7467, IoU.mirror: 0.7604, IoU.rug: 0.7028, IoU.field: 0.3054, IoU.armchair: 0.6273, IoU.seat: 0.6961, IoU.fence: 0.5354, IoU.desk: 0.6027, IoU.rock: 0.6376, IoU.wardrobe: 0.5295, IoU.lamp: 0.7586, IoU.bathtub: 0.9100, IoU.railing: 0.4363, IoU.cushion: 0.6710, IoU.base: 0.3674, IoU.box: 0.3769, IoU.column: 0.5605, IoU.signboard: 0.4141, IoU.chest of drawers: 0.4476, IoU.counter: 0.5061, IoU.sand: 0.5156, IoU.sink: 0.8152, IoU.skyscraper: 0.4511, IoU.fireplace: 0.7417, IoU.refrigerator: 0.8278, IoU.grandstand: 0.5221, IoU.path: 0.3038, IoU.stairs: 0.3397, IoU.runway: 0.6818, IoU.case: 0.6165, IoU.pool table: 0.9452, IoU.pillow: 0.6558, IoU.screen door: 0.7679, IoU.stairway: 0.3999, IoU.river: 0.1375, IoU.bridge: 0.5553, IoU.bookcase: 0.4398, IoU.blind: 0.4441, IoU.coffee table: 0.6854, IoU.toilet: 0.9109, IoU.flower: 0.4243, IoU.book: 0.5403, IoU.hill: 0.0741, IoU.bench: 0.5563, IoU.countertop: 0.6057, IoU.stove: 0.8757, IoU.palm: 0.5505, IoU.kitchen island: 0.5151, IoU.computer: 0.7922, IoU.swivel chair: 0.4280, IoU.boat: 0.7658, IoU.bar: 0.5522, IoU.arcade machine: 0.8190, IoU.hovel: 0.1969, IoU.bus: 0.9446, IoU.towel: 0.7603, IoU.light: 0.6197, IoU.truck: 0.4804, IoU.tower: 0.2208, IoU.chandelier: 0.7498, IoU.awning: 0.5002, IoU.streetlight: 0.3754, IoU.booth: 0.5446, IoU.television receiver: 0.7660, IoU.airplane: 0.8750, IoU.dirt track: 0.1052, IoU.apparel: 0.6062, IoU.pole: 0.2831, IoU.land: 0.0350, IoU.bannister: 0.1752, IoU.escalator: 0.6592, IoU.ottoman: 0.5845, IoU.bottle: 0.4472, IoU.buffet: 0.6484, IoU.poster: 0.3791, IoU.stage: 0.2127, IoU.van: 0.4314, IoU.ship: 0.6821, IoU.fountain: 0.3520, IoU.conveyer belt: 0.7826, IoU.canopy: 0.5649, IoU.washer: 0.8690, IoU.plaything: 0.2999, IoU.swimming pool: 0.5696, IoU.stool: 0.5521, IoU.barrel: 0.5687, IoU.basket: 0.4490, IoU.waterfall: 0.5306, IoU.tent: 0.9260, IoU.bag: 0.2482, IoU.minibike: 0.7712, IoU.cradle: 0.8873, IoU.oven: 0.6915, IoU.ball: 0.5725, IoU.food: 0.5860, IoU.step: 0.1969, IoU.tank: 0.8651, IoU.trade name: 0.2835, IoU.microwave: 0.9090, IoU.pot: 0.6039, IoU.animal: 0.6669, IoU.bicycle: 0.6337, IoU.lake: 0.6356, IoU.dishwasher: 0.7535, IoU.screen: 0.6308, IoU.blanket: 0.3330, IoU.sculpture: 0.7783, IoU.hood: 0.6110, IoU.sconce: 0.6143, IoU.vase: 0.4676, IoU.traffic light: 0.3668, IoU.tray: 0.2305, IoU.ashcan: 0.5202, IoU.fan: 0.7065, IoU.pier: 0.3962, IoU.crt screen: 0.0163, IoU.plate: 0.6164, IoU.monitor: 0.2026, IoU.bulletin board: 0.6385, IoU.shower: 0.1383, IoU.radiator: 0.6387, IoU.glass: 0.2288, IoU.clock: 0.5371, IoU.flag: 0.7166, Acc.wall: 0.8976, Acc.building: 0.9327, Acc.sky: 0.9788, Acc.floor: 0.9181, Acc.tree: 0.8934, Acc.ceiling: 0.9366, Acc.road: 0.9156, Acc.bed : 0.9741, Acc.windowpane: 0.8373, Acc.grass: 0.8314, Acc.cabinet: 0.7632, Acc.sidewalk: 0.8322, Acc.person: 0.9433, Acc.earth: 0.5474, Acc.door: 0.7419, Acc.table: 0.8196, Acc.mountain: 0.7914, Acc.plant: 0.6972, Acc.curtain: 0.8711, Acc.chair: 0.8100, Acc.car: 0.9387, Acc.water: 0.7920, Acc.painting: 0.9148, Acc.sofa: 0.8944, Acc.shelf: 0.6514, Acc.house: 0.7395, Acc.sea: 0.8508, Acc.mirror: 0.8598, Acc.rug: 0.8325, Acc.field: 0.5394, Acc.armchair: 0.8192, Acc.seat: 0.8860, Acc.fence: 0.6712, Acc.desk: 0.7926, Acc.rock: 0.7845, Acc.wardrobe: 0.7140, Acc.lamp: 0.8596, Acc.bathtub: 0.9476, Acc.railing: 0.5935, Acc.cushion: 0.8045, Acc.base: 0.4921, Acc.box: 0.4721, Acc.column: 0.6849, Acc.signboard: 0.5370, Acc.chest of drawers: 0.7133, Acc.counter: 0.5892, Acc.sand: 0.7334, Acc.sink: 0.8891, Acc.skyscraper: 0.5451, Acc.fireplace: 0.9652, Acc.refrigerator: 0.8847, Acc.grandstand: 0.7967, Acc.path: 0.4462, Acc.stairs: 0.4120, Acc.runway: 0.9063, Acc.case: 0.8347, Acc.pool table: 0.9796, Acc.pillow: 0.7595, Acc.screen door: 0.7932, Acc.stairway: 0.5634, Acc.river: 0.2631, Acc.bridge: 0.6357, Acc.bookcase: 0.5887, Acc.blind: 0.4773, Acc.coffee table: 0.8687, Acc.toilet: 0.9382, Acc.flower: 0.5787, Acc.book: 0.7625, Acc.hill: 0.1041, Acc.bench: 0.6287, Acc.countertop: 0.8295, Acc.stove: 0.9388, Acc.palm: 0.7937, Acc.kitchen island: 0.7504, Acc.computer: 0.9188, Acc.swivel chair: 0.6080, Acc.boat: 0.9080, Acc.bar: 0.6910, Acc.arcade machine: 0.8542, Acc.hovel: 0.2119, Acc.bus: 0.9794, Acc.towel: 0.8732, Acc.light: 0.7079, Acc.truck: 0.6087, Acc.tower: 0.3556, Acc.chandelier: 0.8658, Acc.awning: 0.6537, Acc.streetlight: 0.4701, Acc.booth: 0.7400, Acc.television receiver: 0.9088, Acc.airplane: 0.9469, Acc.dirt track: 0.5177, Acc.apparel: 0.8702, Acc.pole: 0.3535, Acc.land: 0.0439, Acc.bannister: 0.2523, Acc.escalator: 0.8591, Acc.ottoman: 0.7277, Acc.bottle: 0.6942, Acc.buffet: 0.7421, Acc.poster: 0.4561, Acc.stage: 0.4957, Acc.van: 0.6608, Acc.ship: 0.7210, Acc.fountain: 0.3563, Acc.conveyer belt: 0.9542, Acc.canopy: 0.7739, Acc.washer: 0.9227, Acc.plaything: 0.5214, Acc.swimming pool: 0.8162, Acc.stool: 0.6493, Acc.barrel: 0.9010, Acc.basket: 0.5711, Acc.waterfall: 0.6908, Acc.tent: 0.9862, Acc.bag: 0.2935, Acc.minibike: 0.9023, Acc.cradle: 0.9850, Acc.oven: 0.8192, Acc.ball: 0.6096, Acc.food: 0.7105, Acc.step: 0.2496, Acc.tank: 0.9718, Acc.trade name: 0.3404, Acc.microwave: 0.9649, Acc.pot: 0.6826, Acc.animal: 0.6904, Acc.bicycle: 0.8117, Acc.lake: 0.6905, Acc.dishwasher: 0.8283, Acc.screen: 0.9439, Acc.blanket: 0.3983, Acc.sculpture: 0.8885, Acc.hood: 0.7692, Acc.sconce: 0.7296, Acc.vase: 0.6370, Acc.traffic light: 0.6134, Acc.tray: 0.3232, Acc.ashcan: 0.6362, Acc.fan: 0.8312, Acc.pier: 0.4377, Acc.crt screen: 0.0372, Acc.plate: 0.7951, Acc.monitor: 0.2376, Acc.bulletin board: 0.7671, Acc.shower: 0.1617, Acc.radiator: 0.8224, Acc.glass: 0.2493, Acc.clock: 0.6322, Acc.flag: 0.8127 2023-11-03 05:41:18,440 - mmseg - INFO - Iter [55050/80000] lr: 1.010e-06, eta: 12:33:27, time: 3.377, data_time: 1.722, memory: 69173, decode.loss_ce: 0.1470, decode.acc_seg: 93.6697, aux.loss_ce: 0.0798, aux.acc_seg: 91.9152, loss: 0.2268 2023-11-03 05:42:41,409 - mmseg - INFO - Iter [55100/80000] lr: 1.008e-06, eta: 12:31:53, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1416, decode.acc_seg: 93.8401, aux.loss_ce: 0.0794, aux.acc_seg: 91.9712, loss: 0.2210 2023-11-03 05:44:04,385 - mmseg - INFO - Iter [55150/80000] lr: 1.006e-06, eta: 12:30:19, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1353, decode.acc_seg: 93.8928, aux.loss_ce: 0.0733, aux.acc_seg: 92.1779, loss: 0.2086 2023-11-03 05:45:27,371 - mmseg - INFO - Iter [55200/80000] lr: 1.004e-06, eta: 12:28:45, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1411, decode.acc_seg: 93.8567, aux.loss_ce: 0.0770, aux.acc_seg: 91.9686, loss: 0.2181 2023-11-03 05:46:50,387 - mmseg - INFO - Iter [55250/80000] lr: 1.002e-06, eta: 12:27:11, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1290, decode.acc_seg: 94.2502, aux.loss_ce: 0.0727, aux.acc_seg: 92.4058, loss: 0.2017 2023-11-03 05:48:13,390 - mmseg - INFO - Iter [55300/80000] lr: 1.000e-06, eta: 12:25:37, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1319, decode.acc_seg: 94.1698, aux.loss_ce: 0.0755, aux.acc_seg: 92.2210, loss: 0.2074 2023-11-03 05:49:36,347 - mmseg - INFO - Iter [55350/80000] lr: 9.983e-07, eta: 12:24:03, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1422, decode.acc_seg: 93.8690, aux.loss_ce: 0.0774, aux.acc_seg: 92.1249, loss: 0.2196 2023-11-03 05:50:59,326 - mmseg - INFO - Iter [55400/80000] lr: 9.963e-07, eta: 12:22:29, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1472, decode.acc_seg: 93.5218, aux.loss_ce: 0.0826, aux.acc_seg: 91.5018, loss: 0.2298 2023-11-03 05:52:22,298 - mmseg - INFO - Iter [55450/80000] lr: 9.943e-07, eta: 12:20:55, time: 1.659, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1403, decode.acc_seg: 93.8303, aux.loss_ce: 0.0789, aux.acc_seg: 91.8112, loss: 0.2192 2023-11-03 05:53:45,403 - mmseg - INFO - Iter [55500/80000] lr: 9.922e-07, eta: 12:19:22, time: 1.662, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1434, decode.acc_seg: 93.6048, aux.loss_ce: 0.0809, aux.acc_seg: 91.5678, loss: 0.2243 2023-11-03 05:55:08,377 - mmseg - INFO - Iter [55550/80000] lr: 9.902e-07, eta: 12:17:48, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1404, decode.acc_seg: 93.7522, aux.loss_ce: 0.0785, aux.acc_seg: 91.8388, loss: 0.2189 2023-11-03 05:56:33,629 - mmseg - INFO - Iter [55600/80000] lr: 9.882e-07, eta: 12:16:15, time: 1.705, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1334, decode.acc_seg: 93.9869, aux.loss_ce: 0.0738, aux.acc_seg: 92.2882, loss: 0.2072 2023-11-03 05:57:56,667 - mmseg - INFO - Iter [55650/80000] lr: 9.862e-07, eta: 12:14:41, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1406, decode.acc_seg: 93.9738, aux.loss_ce: 0.0772, aux.acc_seg: 92.0506, loss: 0.2178 2023-11-03 05:59:19,674 - mmseg - INFO - Iter [55700/80000] lr: 9.841e-07, eta: 12:13:07, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1300, decode.acc_seg: 94.0952, aux.loss_ce: 0.0738, aux.acc_seg: 92.0923, loss: 0.2037 2023-11-03 06:00:42,677 - mmseg - INFO - Iter [55750/80000] lr: 9.821e-07, eta: 12:11:34, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1337, decode.acc_seg: 93.9515, aux.loss_ce: 0.0725, aux.acc_seg: 92.3863, loss: 0.2061 2023-11-03 06:02:05,636 - mmseg - INFO - Iter [55800/80000] lr: 9.801e-07, eta: 12:10:00, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1265, decode.acc_seg: 94.3744, aux.loss_ce: 0.0717, aux.acc_seg: 92.6210, loss: 0.1983 2023-11-03 06:03:28,628 - mmseg - INFO - Iter [55850/80000] lr: 9.781e-07, eta: 12:08:26, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1342, decode.acc_seg: 94.0146, aux.loss_ce: 0.0784, aux.acc_seg: 91.8166, loss: 0.2125 2023-11-03 06:04:51,631 - mmseg - INFO - Iter [55900/80000] lr: 9.760e-07, eta: 12:06:52, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1422, decode.acc_seg: 93.7613, aux.loss_ce: 0.0786, aux.acc_seg: 91.8689, loss: 0.2208 2023-11-03 06:06:14,631 - mmseg - INFO - Iter [55950/80000] lr: 9.740e-07, eta: 12:05:19, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1332, decode.acc_seg: 94.0318, aux.loss_ce: 0.0746, aux.acc_seg: 92.2039, loss: 0.2077 2023-11-03 06:07:37,613 - mmseg - INFO - Saving checkpoint at 56000 iterations 2023-11-03 06:08:34,836 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 06:08:34,837 - mmseg - INFO - Iter [56000/80000] lr: 9.720e-07, eta: 12:04:09, time: 2.804, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1385, decode.acc_seg: 93.5870, aux.loss_ce: 0.0791, aux.acc_seg: 91.6102, loss: 0.2176 2023-11-03 06:10:00,739 - mmseg - INFO - per class results: 2023-11-03 06:10:00,744 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.42 | 90.15 | | building | 84.54 | 93.57 | | sky | 94.94 | 97.18 | | floor | 85.36 | 92.48 | | tree | 76.79 | 90.56 | | ceiling | 87.26 | 92.26 | | road | 87.29 | 90.27 | | bed | 92.5 | 97.49 | | windowpane | 66.58 | 81.0 | | grass | 69.87 | 79.39 | | cabinet | 66.23 | 76.39 | | sidewalk | 72.39 | 88.49 | | person | 85.65 | 94.15 | | earth | 41.8 | 58.0 | | door | 59.9 | 77.09 | | table | 69.56 | 79.99 | | mountain | 64.88 | 78.06 | | plant | 57.68 | 67.85 | | curtain | 78.52 | 88.36 | | chair | 67.91 | 78.63 | | car | 87.62 | 93.9 | | water | 62.6 | 77.74 | | painting | 79.72 | 90.19 | | sofa | 81.76 | 88.92 | | shelf | 48.13 | 61.8 | | house | 53.15 | 67.24 | | sea | 74.06 | 84.35 | | mirror | 75.93 | 84.02 | | rug | 70.38 | 79.56 | | field | 31.13 | 54.74 | | armchair | 63.09 | 81.14 | | seat | 68.77 | 90.53 | | fence | 52.09 | 69.36 | | desk | 57.8 | 79.61 | | rock | 63.59 | 79.34 | | wardrobe | 55.0 | 74.77 | | lamp | 75.57 | 87.34 | | bathtub | 90.15 | 93.22 | | railing | 43.23 | 58.48 | | cushion | 66.42 | 81.4 | | base | 37.94 | 53.73 | | box | 38.99 | 49.82 | | column | 57.75 | 71.1 | | signboard | 40.52 | 57.09 | | chest of drawers | 46.77 | 73.51 | | counter | 48.38 | 55.98 | | sand | 56.35 | 83.71 | | sink | 82.13 | 87.74 | | skyscraper | 44.22 | 55.57 | | fireplace | 74.86 | 95.81 | | refrigerator | 85.91 | 95.88 | | grandstand | 48.06 | 81.53 | | path | 27.57 | 36.46 | | stairs | 34.52 | 43.16 | | runway | 74.02 | 96.75 | | case | 64.06 | 83.31 | | pool table | 94.62 | 97.92 | | pillow | 60.05 | 67.59 | | screen door | 77.89 | 82.76 | | stairway | 44.48 | 56.11 | | river | 14.74 | 30.05 | | bridge | 58.29 | 70.45 | | bookcase | 44.6 | 58.31 | | blind | 43.76 | 47.34 | | coffee table | 61.76 | 87.23 | | toilet | 90.6 | 93.65 | | flower | 42.17 | 56.81 | | book | 52.54 | 79.81 | | hill | 7.1 | 12.01 | | bench | 56.03 | 64.17 | | countertop | 62.13 | 83.94 | | stove | 86.97 | 91.68 | | palm | 55.25 | 80.34 | | kitchen island | 55.29 | 84.66 | | computer | 79.57 | 91.35 | | swivel chair | 43.92 | 62.24 | | boat | 61.74 | 88.69 | | bar | 58.78 | 75.95 | | arcade machine | 82.03 | 84.32 | | hovel | 19.79 | 21.74 | | bus | 94.45 | 97.9 | | towel | 77.8 | 84.86 | | light | 63.68 | 73.54 | | truck | 45.28 | 58.91 | | tower | 17.9 | 30.01 | | chandelier | 74.1 | 86.83 | | awning | 47.6 | 59.17 | | streetlight | 38.03 | 49.19 | | booth | 52.45 | 71.1 | | television receiver | 77.0 | 91.0 | | airplane | 87.47 | 96.94 | | dirt track | 8.8 | 41.96 | | apparel | 63.29 | 86.69 | | pole | 29.14 | 36.44 | | land | 6.46 | 8.1 | | bannister | 17.86 | 25.21 | | escalator | 60.06 | 80.6 | | ottoman | 56.46 | 77.67 | | bottle | 44.34 | 69.04 | | buffet | 64.65 | 75.59 | | poster | 35.95 | 43.42 | | stage | 23.96 | 46.8 | | van | 44.54 | 68.75 | | ship | 71.97 | 88.77 | | fountain | 38.58 | 39.49 | | conveyer belt | 79.11 | 95.24 | | canopy | 56.05 | 80.64 | | washer | 85.77 | 91.05 | | plaything | 30.88 | 53.4 | | swimming pool | 63.75 | 87.06 | | stool | 53.59 | 64.65 | | barrel | 61.65 | 91.23 | | basket | 42.91 | 59.75 | | waterfall | 51.21 | 61.1 | | tent | 91.53 | 98.96 | | bag | 21.29 | 24.16 | | minibike | 76.21 | 90.05 | | cradle | 87.96 | 98.37 | | oven | 69.74 | 81.88 | | ball | 60.66 | 66.81 | | food | 59.02 | 69.98 | | step | 11.37 | 13.35 | | tank | 82.4 | 97.06 | | trade name | 26.92 | 31.7 | | microwave | 90.79 | 95.28 | | pot | 60.24 | 69.72 | | animal | 64.79 | 67.04 | | bicycle | 63.37 | 81.36 | | lake | 62.0 | 68.72 | | dishwasher | 75.59 | 84.1 | | screen | 67.87 | 94.51 | | blanket | 33.29 | 37.81 | | sculpture | 75.72 | 88.98 | | hood | 64.88 | 75.91 | | sconce | 61.24 | 71.56 | | vase | 47.5 | 61.58 | | traffic light | 36.58 | 60.42 | | tray | 22.73 | 34.05 | | ashcan | 53.29 | 64.9 | | fan | 70.76 | 86.24 | | pier | 40.4 | 47.02 | | crt screen | 1.5 | 3.74 | | plate | 61.69 | 80.21 | | monitor | 18.1 | 20.6 | | bulletin board | 62.84 | 73.18 | | shower | 17.05 | 19.45 | | radiator | 63.34 | 76.87 | | glass | 21.24 | 22.67 | | clock | 53.2 | 62.71 | | flag | 71.46 | 81.72 | +---------------------+-------+-------+ 2023-11-03 06:10:00,744 - mmseg - INFO - Summary: 2023-11-03 06:10:00,745 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.34 | 58.16 | 70.89 | +-------+-------+-------+ 2023-11-03 06:10:00,745 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 06:10:00,746 - mmseg - INFO - Iter(val) [250] aAcc: 0.8634, mIoU: 0.5816, mAcc: 0.7089, IoU.wall: 0.8242, IoU.building: 0.8454, IoU.sky: 0.9494, IoU.floor: 0.8536, IoU.tree: 0.7679, IoU.ceiling: 0.8726, IoU.road: 0.8729, IoU.bed : 0.9250, IoU.windowpane: 0.6658, IoU.grass: 0.6987, IoU.cabinet: 0.6623, IoU.sidewalk: 0.7239, IoU.person: 0.8565, IoU.earth: 0.4180, IoU.door: 0.5990, IoU.table: 0.6956, IoU.mountain: 0.6488, IoU.plant: 0.5768, IoU.curtain: 0.7852, IoU.chair: 0.6791, IoU.car: 0.8762, IoU.water: 0.6260, IoU.painting: 0.7972, IoU.sofa: 0.8176, IoU.shelf: 0.4813, IoU.house: 0.5315, IoU.sea: 0.7406, IoU.mirror: 0.7593, IoU.rug: 0.7038, IoU.field: 0.3113, IoU.armchair: 0.6309, IoU.seat: 0.6877, IoU.fence: 0.5209, IoU.desk: 0.5780, IoU.rock: 0.6359, IoU.wardrobe: 0.5500, IoU.lamp: 0.7557, IoU.bathtub: 0.9015, IoU.railing: 0.4323, IoU.cushion: 0.6642, IoU.base: 0.3794, IoU.box: 0.3899, IoU.column: 0.5775, IoU.signboard: 0.4052, IoU.chest of drawers: 0.4677, IoU.counter: 0.4838, IoU.sand: 0.5635, IoU.sink: 0.8213, IoU.skyscraper: 0.4422, IoU.fireplace: 0.7486, IoU.refrigerator: 0.8591, IoU.grandstand: 0.4806, IoU.path: 0.2757, IoU.stairs: 0.3452, IoU.runway: 0.7402, IoU.case: 0.6406, IoU.pool table: 0.9462, IoU.pillow: 0.6005, IoU.screen door: 0.7789, IoU.stairway: 0.4448, IoU.river: 0.1474, IoU.bridge: 0.5829, IoU.bookcase: 0.4460, IoU.blind: 0.4376, IoU.coffee table: 0.6176, IoU.toilet: 0.9060, IoU.flower: 0.4217, IoU.book: 0.5254, IoU.hill: 0.0710, IoU.bench: 0.5603, IoU.countertop: 0.6213, IoU.stove: 0.8697, IoU.palm: 0.5525, IoU.kitchen island: 0.5529, IoU.computer: 0.7957, IoU.swivel chair: 0.4392, IoU.boat: 0.6174, IoU.bar: 0.5878, IoU.arcade machine: 0.8203, IoU.hovel: 0.1979, IoU.bus: 0.9445, IoU.towel: 0.7780, IoU.light: 0.6368, IoU.truck: 0.4528, IoU.tower: 0.1790, IoU.chandelier: 0.7410, IoU.awning: 0.4760, IoU.streetlight: 0.3803, IoU.booth: 0.5245, IoU.television receiver: 0.7700, IoU.airplane: 0.8747, IoU.dirt track: 0.0880, IoU.apparel: 0.6329, IoU.pole: 0.2914, IoU.land: 0.0646, IoU.bannister: 0.1786, IoU.escalator: 0.6006, IoU.ottoman: 0.5646, IoU.bottle: 0.4434, IoU.buffet: 0.6465, IoU.poster: 0.3595, IoU.stage: 0.2396, IoU.van: 0.4454, IoU.ship: 0.7197, IoU.fountain: 0.3858, IoU.conveyer belt: 0.7911, IoU.canopy: 0.5605, IoU.washer: 0.8577, IoU.plaything: 0.3088, IoU.swimming pool: 0.6375, IoU.stool: 0.5359, IoU.barrel: 0.6165, IoU.basket: 0.4291, IoU.waterfall: 0.5121, IoU.tent: 0.9153, IoU.bag: 0.2129, IoU.minibike: 0.7621, IoU.cradle: 0.8796, IoU.oven: 0.6974, IoU.ball: 0.6066, IoU.food: 0.5902, IoU.step: 0.1137, IoU.tank: 0.8240, IoU.trade name: 0.2692, IoU.microwave: 0.9079, IoU.pot: 0.6024, IoU.animal: 0.6479, IoU.bicycle: 0.6337, IoU.lake: 0.6200, IoU.dishwasher: 0.7559, IoU.screen: 0.6787, IoU.blanket: 0.3329, IoU.sculpture: 0.7572, IoU.hood: 0.6488, IoU.sconce: 0.6124, IoU.vase: 0.4750, IoU.traffic light: 0.3658, IoU.tray: 0.2273, IoU.ashcan: 0.5329, IoU.fan: 0.7076, IoU.pier: 0.4040, IoU.crt screen: 0.0150, IoU.plate: 0.6169, IoU.monitor: 0.1810, IoU.bulletin board: 0.6284, IoU.shower: 0.1705, IoU.radiator: 0.6334, IoU.glass: 0.2124, IoU.clock: 0.5320, IoU.flag: 0.7146, Acc.wall: 0.9015, Acc.building: 0.9357, Acc.sky: 0.9718, Acc.floor: 0.9248, Acc.tree: 0.9056, Acc.ceiling: 0.9226, Acc.road: 0.9027, Acc.bed : 0.9749, Acc.windowpane: 0.8100, Acc.grass: 0.7939, Acc.cabinet: 0.7639, Acc.sidewalk: 0.8849, Acc.person: 0.9415, Acc.earth: 0.5800, Acc.door: 0.7709, Acc.table: 0.7999, Acc.mountain: 0.7806, Acc.plant: 0.6785, Acc.curtain: 0.8836, Acc.chair: 0.7863, Acc.car: 0.9390, Acc.water: 0.7774, Acc.painting: 0.9019, Acc.sofa: 0.8892, Acc.shelf: 0.6180, Acc.house: 0.6724, Acc.sea: 0.8435, Acc.mirror: 0.8402, Acc.rug: 0.7956, Acc.field: 0.5474, Acc.armchair: 0.8114, Acc.seat: 0.9053, Acc.fence: 0.6936, Acc.desk: 0.7961, Acc.rock: 0.7934, Acc.wardrobe: 0.7477, Acc.lamp: 0.8734, Acc.bathtub: 0.9322, Acc.railing: 0.5848, Acc.cushion: 0.8140, Acc.base: 0.5373, Acc.box: 0.4982, Acc.column: 0.7110, Acc.signboard: 0.5709, Acc.chest of drawers: 0.7351, Acc.counter: 0.5598, Acc.sand: 0.8371, Acc.sink: 0.8774, Acc.skyscraper: 0.5557, Acc.fireplace: 0.9581, Acc.refrigerator: 0.9588, Acc.grandstand: 0.8153, Acc.path: 0.3646, Acc.stairs: 0.4316, Acc.runway: 0.9675, Acc.case: 0.8331, Acc.pool table: 0.9792, Acc.pillow: 0.6759, Acc.screen door: 0.8276, Acc.stairway: 0.5611, Acc.river: 0.3005, Acc.bridge: 0.7045, Acc.bookcase: 0.5831, Acc.blind: 0.4734, Acc.coffee table: 0.8723, Acc.toilet: 0.9365, Acc.flower: 0.5681, Acc.book: 0.7981, Acc.hill: 0.1201, Acc.bench: 0.6417, Acc.countertop: 0.8394, Acc.stove: 0.9168, Acc.palm: 0.8034, Acc.kitchen island: 0.8466, Acc.computer: 0.9135, Acc.swivel chair: 0.6224, Acc.boat: 0.8869, Acc.bar: 0.7595, Acc.arcade machine: 0.8432, Acc.hovel: 0.2174, Acc.bus: 0.9790, Acc.towel: 0.8486, Acc.light: 0.7354, Acc.truck: 0.5891, Acc.tower: 0.3001, Acc.chandelier: 0.8683, Acc.awning: 0.5917, Acc.streetlight: 0.4919, Acc.booth: 0.7110, Acc.television receiver: 0.9100, Acc.airplane: 0.9694, Acc.dirt track: 0.4196, Acc.apparel: 0.8669, Acc.pole: 0.3644, Acc.land: 0.0810, Acc.bannister: 0.2521, Acc.escalator: 0.8060, Acc.ottoman: 0.7767, Acc.bottle: 0.6904, Acc.buffet: 0.7559, Acc.poster: 0.4342, Acc.stage: 0.4680, Acc.van: 0.6875, Acc.ship: 0.8877, Acc.fountain: 0.3949, Acc.conveyer belt: 0.9524, Acc.canopy: 0.8064, Acc.washer: 0.9105, Acc.plaything: 0.5340, Acc.swimming pool: 0.8706, Acc.stool: 0.6465, Acc.barrel: 0.9123, Acc.basket: 0.5975, Acc.waterfall: 0.6110, Acc.tent: 0.9896, Acc.bag: 0.2416, Acc.minibike: 0.9005, Acc.cradle: 0.9837, Acc.oven: 0.8188, Acc.ball: 0.6681, Acc.food: 0.6998, Acc.step: 0.1335, Acc.tank: 0.9706, Acc.trade name: 0.3170, Acc.microwave: 0.9528, Acc.pot: 0.6972, Acc.animal: 0.6704, Acc.bicycle: 0.8136, Acc.lake: 0.6872, Acc.dishwasher: 0.8410, Acc.screen: 0.9451, Acc.blanket: 0.3781, Acc.sculpture: 0.8898, Acc.hood: 0.7591, Acc.sconce: 0.7156, Acc.vase: 0.6158, Acc.traffic light: 0.6042, Acc.tray: 0.3405, Acc.ashcan: 0.6490, Acc.fan: 0.8624, Acc.pier: 0.4702, Acc.crt screen: 0.0374, Acc.plate: 0.8021, Acc.monitor: 0.2060, Acc.bulletin board: 0.7318, Acc.shower: 0.1945, Acc.radiator: 0.7687, Acc.glass: 0.2267, Acc.clock: 0.6271, Acc.flag: 0.8172 2023-11-03 06:11:23,864 - mmseg - INFO - Iter [56050/80000] lr: 9.700e-07, eta: 12:03:13, time: 3.381, data_time: 1.726, memory: 69173, decode.loss_ce: 0.1436, decode.acc_seg: 93.5550, aux.loss_ce: 0.0817, aux.acc_seg: 91.7143, loss: 0.2253 2023-11-03 06:12:46,888 - mmseg - INFO - Iter [56100/80000] lr: 9.679e-07, eta: 12:01:39, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1395, decode.acc_seg: 93.8091, aux.loss_ce: 0.0827, aux.acc_seg: 91.5835, loss: 0.2222 2023-11-03 06:14:09,865 - mmseg - INFO - Iter [56150/80000] lr: 9.659e-07, eta: 12:00:05, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1336, decode.acc_seg: 93.9585, aux.loss_ce: 0.0741, aux.acc_seg: 92.1985, loss: 0.2077 2023-11-03 06:15:32,872 - mmseg - INFO - Iter [56200/80000] lr: 9.639e-07, eta: 11:58:31, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1301, decode.acc_seg: 94.2654, aux.loss_ce: 0.0763, aux.acc_seg: 92.1449, loss: 0.2063 2023-11-03 06:16:55,857 - mmseg - INFO - Iter [56250/80000] lr: 9.619e-07, eta: 11:56:57, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1364, decode.acc_seg: 93.9734, aux.loss_ce: 0.0763, aux.acc_seg: 92.1659, loss: 0.2126 2023-11-03 06:18:18,843 - mmseg - INFO - Iter [56300/80000] lr: 9.598e-07, eta: 11:55:24, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1347, decode.acc_seg: 93.9363, aux.loss_ce: 0.0753, aux.acc_seg: 92.1134, loss: 0.2101 2023-11-03 06:19:41,853 - mmseg - INFO - Iter [56350/80000] lr: 9.578e-07, eta: 11:53:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1420, decode.acc_seg: 93.6748, aux.loss_ce: 0.0762, aux.acc_seg: 92.0673, loss: 0.2182 2023-11-03 06:21:04,866 - mmseg - INFO - Iter [56400/80000] lr: 9.558e-07, eta: 11:52:16, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1368, decode.acc_seg: 94.0244, aux.loss_ce: 0.0751, aux.acc_seg: 92.2659, loss: 0.2120 2023-11-03 06:22:27,849 - mmseg - INFO - Iter [56450/80000] lr: 9.538e-07, eta: 11:50:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1409, decode.acc_seg: 93.6922, aux.loss_ce: 0.0764, aux.acc_seg: 92.1321, loss: 0.2173 2023-11-03 06:23:50,822 - mmseg - INFO - Iter [56500/80000] lr: 9.517e-07, eta: 11:49:09, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1321, decode.acc_seg: 94.2719, aux.loss_ce: 0.0745, aux.acc_seg: 92.4056, loss: 0.2066 2023-11-03 06:25:13,804 - mmseg - INFO - Iter [56550/80000] lr: 9.497e-07, eta: 11:47:35, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1366, decode.acc_seg: 93.9032, aux.loss_ce: 0.0763, aux.acc_seg: 92.1356, loss: 0.2129 2023-11-03 06:26:36,798 - mmseg - INFO - Iter [56600/80000] lr: 9.477e-07, eta: 11:46:01, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1412, decode.acc_seg: 93.6910, aux.loss_ce: 0.0791, aux.acc_seg: 91.7024, loss: 0.2203 2023-11-03 06:27:59,783 - mmseg - INFO - Iter [56650/80000] lr: 9.457e-07, eta: 11:44:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1379, decode.acc_seg: 93.7354, aux.loss_ce: 0.0801, aux.acc_seg: 91.5730, loss: 0.2181 2023-11-03 06:29:22,780 - mmseg - INFO - Iter [56700/80000] lr: 9.436e-07, eta: 11:42:54, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1348, decode.acc_seg: 94.0898, aux.loss_ce: 0.0748, aux.acc_seg: 92.4581, loss: 0.2097 2023-11-03 06:30:45,799 - mmseg - INFO - Iter [56750/80000] lr: 9.416e-07, eta: 11:41:21, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1374, decode.acc_seg: 93.7553, aux.loss_ce: 0.0750, aux.acc_seg: 91.9199, loss: 0.2124 2023-11-03 06:32:08,823 - mmseg - INFO - Iter [56800/80000] lr: 9.396e-07, eta: 11:39:47, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1399, decode.acc_seg: 93.8418, aux.loss_ce: 0.0760, aux.acc_seg: 92.1673, loss: 0.2158 2023-11-03 06:33:34,329 - mmseg - INFO - Iter [56850/80000] lr: 9.376e-07, eta: 11:38:15, time: 1.710, data_time: 0.054, memory: 69173, decode.loss_ce: 0.1318, decode.acc_seg: 94.0051, aux.loss_ce: 0.0741, aux.acc_seg: 92.0527, loss: 0.2059 2023-11-03 06:34:57,241 - mmseg - INFO - Iter [56900/80000] lr: 9.355e-07, eta: 11:36:41, time: 1.658, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1437, decode.acc_seg: 93.6930, aux.loss_ce: 0.0790, aux.acc_seg: 92.0988, loss: 0.2227 2023-11-03 06:36:20,130 - mmseg - INFO - Iter [56950/80000] lr: 9.335e-07, eta: 11:35:07, time: 1.658, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1346, decode.acc_seg: 93.9171, aux.loss_ce: 0.0751, aux.acc_seg: 92.1844, loss: 0.2097 2023-11-03 06:37:43,043 - mmseg - INFO - Saving checkpoint at 57000 iterations 2023-11-03 06:38:38,656 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 06:38:38,656 - mmseg - INFO - Iter [57000/80000] lr: 9.315e-07, eta: 11:33:56, time: 2.771, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1338, decode.acc_seg: 93.9337, aux.loss_ce: 0.0761, aux.acc_seg: 91.8488, loss: 0.2100 2023-11-03 06:40:04,591 - mmseg - INFO - per class results: 2023-11-03 06:40:04,596 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 81.88 | 89.4 | | building | 84.22 | 92.73 | | sky | 94.97 | 97.88 | | floor | 85.36 | 91.65 | | tree | 77.37 | 89.5 | | ceiling | 87.87 | 93.84 | | road | 86.72 | 90.99 | | bed | 93.01 | 97.49 | | windowpane | 66.36 | 82.27 | | grass | 70.18 | 85.06 | | cabinet | 66.82 | 76.51 | | sidewalk | 71.1 | 85.78 | | person | 85.31 | 94.11 | | earth | 39.35 | 51.42 | | door | 59.01 | 77.26 | | table | 71.79 | 82.35 | | mountain | 64.55 | 75.56 | | plant | 57.67 | 67.05 | | curtain | 78.3 | 87.61 | | chair | 67.5 | 77.82 | | car | 87.67 | 93.79 | | water | 62.07 | 77.17 | | painting | 78.83 | 90.26 | | sofa | 81.78 | 89.59 | | shelf | 47.54 | 60.63 | | house | 57.36 | 79.78 | | sea | 74.13 | 84.09 | | mirror | 76.23 | 86.62 | | rug | 69.85 | 82.31 | | field | 28.63 | 53.02 | | armchair | 62.59 | 81.34 | | seat | 69.24 | 88.44 | | fence | 51.64 | 66.21 | | desk | 61.69 | 77.17 | | rock | 59.49 | 82.89 | | wardrobe | 54.41 | 73.89 | | lamp | 75.77 | 86.05 | | bathtub | 89.9 | 93.39 | | railing | 46.01 | 62.88 | | cushion | 68.02 | 80.4 | | base | 40.78 | 58.03 | | box | 39.44 | 49.72 | | column | 56.98 | 71.64 | | signboard | 41.66 | 57.44 | | chest of drawers | 48.47 | 70.07 | | counter | 47.84 | 57.32 | | sand | 58.51 | 82.12 | | sink | 81.9 | 86.92 | | skyscraper | 55.93 | 71.28 | | fireplace | 74.85 | 96.09 | | refrigerator | 87.06 | 95.99 | | grandstand | 48.91 | 82.34 | | path | 29.83 | 42.84 | | stairs | 37.83 | 50.28 | | runway | 74.35 | 97.53 | | case | 59.91 | 82.15 | | pool table | 94.44 | 98.04 | | pillow | 65.43 | 76.37 | | screen door | 73.74 | 76.8 | | stairway | 44.06 | 50.78 | | river | 14.08 | 29.04 | | bridge | 59.3 | 67.12 | | bookcase | 45.68 | 65.31 | | blind | 42.28 | 45.38 | | coffee table | 67.77 | 85.8 | | toilet | 90.8 | 94.59 | | flower | 41.56 | 61.41 | | book | 54.29 | 75.82 | | hill | 6.27 | 9.3 | | bench | 54.81 | 62.49 | | countertop | 63.71 | 85.17 | | stove | 87.59 | 94.07 | | palm | 55.67 | 81.14 | | kitchen island | 52.59 | 79.27 | | computer | 80.47 | 90.7 | | swivel chair | 43.54 | 69.23 | | boat | 63.54 | 84.85 | | bar | 63.67 | 82.57 | | arcade machine | 79.28 | 82.96 | | hovel | 13.96 | 15.68 | | bus | 94.12 | 97.59 | | towel | 76.0 | 81.86 | | light | 62.69 | 70.43 | | truck | 48.47 | 65.95 | | tower | 19.44 | 34.38 | | chandelier | 73.46 | 85.95 | | awning | 49.03 | 60.04 | | streetlight | 39.37 | 55.24 | | booth | 38.87 | 66.95 | | television receiver | 77.29 | 90.42 | | airplane | 89.22 | 96.32 | | dirt track | 9.24 | 47.92 | | apparel | 64.29 | 84.98 | | pole | 29.39 | 38.32 | | land | 4.02 | 5.47 | | bannister | 18.53 | 24.46 | | escalator | 63.32 | 85.64 | | ottoman | 58.38 | 79.05 | | bottle | 42.54 | 71.52 | | buffet | 65.62 | 76.16 | | poster | 38.67 | 48.93 | | stage | 22.76 | 50.19 | | van | 47.42 | 67.93 | | ship | 71.38 | 84.7 | | fountain | 40.09 | 41.74 | | conveyer belt | 79.7 | 94.99 | | canopy | 55.04 | 78.68 | | washer | 84.55 | 89.67 | | plaything | 32.5 | 45.91 | | swimming pool | 58.61 | 85.07 | | stool | 53.62 | 68.22 | | barrel | 56.47 | 95.93 | | basket | 42.86 | 60.22 | | waterfall | 50.86 | 58.33 | | tent | 92.29 | 98.69 | | bag | 20.67 | 22.81 | | minibike | 77.2 | 89.87 | | cradle | 89.16 | 98.16 | | oven | 69.73 | 81.72 | | ball | 55.44 | 59.46 | | food | 59.66 | 72.41 | | step | 18.8 | 23.71 | | tank | 81.17 | 96.51 | | trade name | 25.66 | 29.97 | | microwave | 90.37 | 95.3 | | pot | 59.96 | 67.12 | | animal | 64.56 | 66.83 | | bicycle | 63.22 | 83.01 | | lake | 61.22 | 68.68 | | dishwasher | 75.59 | 84.3 | | screen | 63.2 | 94.37 | | blanket | 34.14 | 38.63 | | sculpture | 81.33 | 86.64 | | hood | 64.56 | 76.32 | | sconce | 60.11 | 69.66 | | vase | 47.22 | 64.31 | | traffic light | 38.95 | 64.49 | | tray | 20.1 | 27.73 | | ashcan | 53.05 | 64.45 | | fan | 70.49 | 83.53 | | pier | 39.32 | 43.9 | | crt screen | 2.09 | 4.81 | | plate | 61.59 | 78.92 | | monitor | 22.71 | 26.39 | | bulletin board | 68.04 | 80.83 | | shower | 13.78 | 16.19 | | radiator | 63.47 | 81.27 | | glass | 21.69 | 23.4 | | clock | 54.27 | 64.36 | | flag | 71.55 | 78.97 | +---------------------+-------+-------+ 2023-11-03 06:40:04,596 - mmseg - INFO - Summary: 2023-11-03 06:40:04,596 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.3 | 58.33 | 71.26 | +------+-------+-------+ 2023-11-03 06:40:04,597 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 06:40:04,597 - mmseg - INFO - Iter(val) [250] aAcc: 0.8630, mIoU: 0.5833, mAcc: 0.7126, IoU.wall: 0.8188, IoU.building: 0.8422, IoU.sky: 0.9497, IoU.floor: 0.8536, IoU.tree: 0.7737, IoU.ceiling: 0.8787, IoU.road: 0.8672, IoU.bed : 0.9301, IoU.windowpane: 0.6636, IoU.grass: 0.7018, IoU.cabinet: 0.6682, IoU.sidewalk: 0.7110, IoU.person: 0.8531, IoU.earth: 0.3935, IoU.door: 0.5901, IoU.table: 0.7179, IoU.mountain: 0.6455, IoU.plant: 0.5767, IoU.curtain: 0.7830, IoU.chair: 0.6750, IoU.car: 0.8767, IoU.water: 0.6207, IoU.painting: 0.7883, IoU.sofa: 0.8178, IoU.shelf: 0.4754, IoU.house: 0.5736, IoU.sea: 0.7413, IoU.mirror: 0.7623, IoU.rug: 0.6985, IoU.field: 0.2863, IoU.armchair: 0.6259, IoU.seat: 0.6924, IoU.fence: 0.5164, IoU.desk: 0.6169, IoU.rock: 0.5949, IoU.wardrobe: 0.5441, IoU.lamp: 0.7577, IoU.bathtub: 0.8990, IoU.railing: 0.4601, IoU.cushion: 0.6802, IoU.base: 0.4078, IoU.box: 0.3944, IoU.column: 0.5698, IoU.signboard: 0.4166, IoU.chest of drawers: 0.4847, IoU.counter: 0.4784, IoU.sand: 0.5851, IoU.sink: 0.8190, IoU.skyscraper: 0.5593, IoU.fireplace: 0.7485, IoU.refrigerator: 0.8706, IoU.grandstand: 0.4891, IoU.path: 0.2983, IoU.stairs: 0.3783, IoU.runway: 0.7435, IoU.case: 0.5991, IoU.pool table: 0.9444, IoU.pillow: 0.6543, IoU.screen door: 0.7374, IoU.stairway: 0.4406, IoU.river: 0.1408, IoU.bridge: 0.5930, IoU.bookcase: 0.4568, IoU.blind: 0.4228, IoU.coffee table: 0.6777, IoU.toilet: 0.9080, IoU.flower: 0.4156, IoU.book: 0.5429, IoU.hill: 0.0627, IoU.bench: 0.5481, IoU.countertop: 0.6371, IoU.stove: 0.8759, IoU.palm: 0.5567, IoU.kitchen island: 0.5259, IoU.computer: 0.8047, IoU.swivel chair: 0.4354, IoU.boat: 0.6354, IoU.bar: 0.6367, IoU.arcade machine: 0.7928, IoU.hovel: 0.1396, IoU.bus: 0.9412, IoU.towel: 0.7600, IoU.light: 0.6269, IoU.truck: 0.4847, IoU.tower: 0.1944, IoU.chandelier: 0.7346, IoU.awning: 0.4903, IoU.streetlight: 0.3937, IoU.booth: 0.3887, IoU.television receiver: 0.7729, IoU.airplane: 0.8922, IoU.dirt track: 0.0924, IoU.apparel: 0.6429, IoU.pole: 0.2939, IoU.land: 0.0402, IoU.bannister: 0.1853, IoU.escalator: 0.6332, IoU.ottoman: 0.5838, IoU.bottle: 0.4254, IoU.buffet: 0.6562, IoU.poster: 0.3867, IoU.stage: 0.2276, IoU.van: 0.4742, IoU.ship: 0.7138, IoU.fountain: 0.4009, IoU.conveyer belt: 0.7970, IoU.canopy: 0.5504, IoU.washer: 0.8455, IoU.plaything: 0.3250, IoU.swimming pool: 0.5861, IoU.stool: 0.5362, IoU.barrel: 0.5647, IoU.basket: 0.4286, IoU.waterfall: 0.5086, IoU.tent: 0.9229, IoU.bag: 0.2067, IoU.minibike: 0.7720, IoU.cradle: 0.8916, IoU.oven: 0.6973, IoU.ball: 0.5544, IoU.food: 0.5966, IoU.step: 0.1880, IoU.tank: 0.8117, IoU.trade name: 0.2566, IoU.microwave: 0.9037, IoU.pot: 0.5996, IoU.animal: 0.6456, IoU.bicycle: 0.6322, IoU.lake: 0.6122, IoU.dishwasher: 0.7559, IoU.screen: 0.6320, IoU.blanket: 0.3414, IoU.sculpture: 0.8133, IoU.hood: 0.6456, IoU.sconce: 0.6011, IoU.vase: 0.4722, IoU.traffic light: 0.3895, IoU.tray: 0.2010, IoU.ashcan: 0.5305, IoU.fan: 0.7049, IoU.pier: 0.3932, IoU.crt screen: 0.0209, IoU.plate: 0.6159, IoU.monitor: 0.2271, IoU.bulletin board: 0.6804, IoU.shower: 0.1378, IoU.radiator: 0.6347, IoU.glass: 0.2169, IoU.clock: 0.5427, IoU.flag: 0.7155, Acc.wall: 0.8940, Acc.building: 0.9273, Acc.sky: 0.9788, Acc.floor: 0.9165, Acc.tree: 0.8950, Acc.ceiling: 0.9384, Acc.road: 0.9099, Acc.bed : 0.9749, Acc.windowpane: 0.8227, Acc.grass: 0.8506, Acc.cabinet: 0.7651, Acc.sidewalk: 0.8578, Acc.person: 0.9411, Acc.earth: 0.5142, Acc.door: 0.7726, Acc.table: 0.8235, Acc.mountain: 0.7556, Acc.plant: 0.6705, Acc.curtain: 0.8761, Acc.chair: 0.7782, Acc.car: 0.9379, Acc.water: 0.7717, Acc.painting: 0.9026, Acc.sofa: 0.8959, Acc.shelf: 0.6063, Acc.house: 0.7978, Acc.sea: 0.8409, Acc.mirror: 0.8662, Acc.rug: 0.8231, Acc.field: 0.5302, Acc.armchair: 0.8134, Acc.seat: 0.8844, Acc.fence: 0.6621, Acc.desk: 0.7717, Acc.rock: 0.8289, Acc.wardrobe: 0.7389, Acc.lamp: 0.8605, Acc.bathtub: 0.9339, Acc.railing: 0.6288, Acc.cushion: 0.8040, Acc.base: 0.5803, Acc.box: 0.4972, Acc.column: 0.7164, Acc.signboard: 0.5744, Acc.chest of drawers: 0.7007, Acc.counter: 0.5732, Acc.sand: 0.8212, Acc.sink: 0.8692, Acc.skyscraper: 0.7128, Acc.fireplace: 0.9609, Acc.refrigerator: 0.9599, Acc.grandstand: 0.8234, Acc.path: 0.4284, Acc.stairs: 0.5028, Acc.runway: 0.9753, Acc.case: 0.8215, Acc.pool table: 0.9804, Acc.pillow: 0.7637, Acc.screen door: 0.7680, Acc.stairway: 0.5078, Acc.river: 0.2904, Acc.bridge: 0.6712, Acc.bookcase: 0.6531, Acc.blind: 0.4538, Acc.coffee table: 0.8580, Acc.toilet: 0.9459, Acc.flower: 0.6141, Acc.book: 0.7582, Acc.hill: 0.0930, Acc.bench: 0.6249, Acc.countertop: 0.8517, Acc.stove: 0.9407, Acc.palm: 0.8114, Acc.kitchen island: 0.7927, Acc.computer: 0.9070, Acc.swivel chair: 0.6923, Acc.boat: 0.8485, Acc.bar: 0.8257, Acc.arcade machine: 0.8296, Acc.hovel: 0.1568, Acc.bus: 0.9759, Acc.towel: 0.8186, Acc.light: 0.7043, Acc.truck: 0.6595, Acc.tower: 0.3438, Acc.chandelier: 0.8595, Acc.awning: 0.6004, Acc.streetlight: 0.5524, Acc.booth: 0.6695, Acc.television receiver: 0.9042, Acc.airplane: 0.9632, Acc.dirt track: 0.4792, Acc.apparel: 0.8498, Acc.pole: 0.3832, Acc.land: 0.0547, Acc.bannister: 0.2446, Acc.escalator: 0.8564, Acc.ottoman: 0.7905, Acc.bottle: 0.7152, Acc.buffet: 0.7616, Acc.poster: 0.4893, Acc.stage: 0.5019, Acc.van: 0.6793, Acc.ship: 0.8470, Acc.fountain: 0.4174, Acc.conveyer belt: 0.9499, Acc.canopy: 0.7868, Acc.washer: 0.8967, Acc.plaything: 0.4591, Acc.swimming pool: 0.8507, Acc.stool: 0.6822, Acc.barrel: 0.9593, Acc.basket: 0.6022, Acc.waterfall: 0.5833, Acc.tent: 0.9869, Acc.bag: 0.2281, Acc.minibike: 0.8987, Acc.cradle: 0.9816, Acc.oven: 0.8172, Acc.ball: 0.5946, Acc.food: 0.7241, Acc.step: 0.2371, Acc.tank: 0.9651, Acc.trade name: 0.2997, Acc.microwave: 0.9530, Acc.pot: 0.6712, Acc.animal: 0.6683, Acc.bicycle: 0.8301, Acc.lake: 0.6868, Acc.dishwasher: 0.8430, Acc.screen: 0.9437, Acc.blanket: 0.3863, Acc.sculpture: 0.8664, Acc.hood: 0.7632, Acc.sconce: 0.6966, Acc.vase: 0.6431, Acc.traffic light: 0.6449, Acc.tray: 0.2773, Acc.ashcan: 0.6445, Acc.fan: 0.8353, Acc.pier: 0.4390, Acc.crt screen: 0.0481, Acc.plate: 0.7892, Acc.monitor: 0.2639, Acc.bulletin board: 0.8083, Acc.shower: 0.1619, Acc.radiator: 0.8127, Acc.glass: 0.2340, Acc.clock: 0.6436, Acc.flag: 0.7897 2023-11-03 06:41:27,667 - mmseg - INFO - Iter [57050/80000] lr: 9.295e-07, eta: 11:32:57, time: 3.380, data_time: 1.726, memory: 69173, decode.loss_ce: 0.1366, decode.acc_seg: 93.9574, aux.loss_ce: 0.0740, aux.acc_seg: 92.3781, loss: 0.2106 2023-11-03 06:42:50,659 - mmseg - INFO - Iter [57100/80000] lr: 9.274e-07, eta: 11:31:24, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1315, decode.acc_seg: 94.1379, aux.loss_ce: 0.0717, aux.acc_seg: 92.4808, loss: 0.2031 2023-11-03 06:44:13,605 - mmseg - INFO - Iter [57150/80000] lr: 9.254e-07, eta: 11:29:50, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1362, decode.acc_seg: 93.8508, aux.loss_ce: 0.0754, aux.acc_seg: 92.0825, loss: 0.2116 2023-11-03 06:45:36,524 - mmseg - INFO - Iter [57200/80000] lr: 9.234e-07, eta: 11:28:17, time: 1.658, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1376, decode.acc_seg: 93.9932, aux.loss_ce: 0.0774, aux.acc_seg: 92.0065, loss: 0.2150 2023-11-03 06:46:59,494 - mmseg - INFO - Iter [57250/80000] lr: 9.214e-07, eta: 11:26:43, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1375, decode.acc_seg: 93.9218, aux.loss_ce: 0.0775, aux.acc_seg: 92.0187, loss: 0.2151 2023-11-03 06:48:22,486 - mmseg - INFO - Iter [57300/80000] lr: 9.193e-07, eta: 11:25:09, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1449, decode.acc_seg: 93.5573, aux.loss_ce: 0.0780, aux.acc_seg: 92.0119, loss: 0.2229 2023-11-03 06:49:45,491 - mmseg - INFO - Iter [57350/80000] lr: 9.173e-07, eta: 11:23:36, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1310, decode.acc_seg: 94.2087, aux.loss_ce: 0.0755, aux.acc_seg: 92.0471, loss: 0.2065 2023-11-03 06:51:08,506 - mmseg - INFO - Iter [57400/80000] lr: 9.153e-07, eta: 11:22:02, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1328, decode.acc_seg: 94.0729, aux.loss_ce: 0.0739, aux.acc_seg: 92.3773, loss: 0.2066 2023-11-03 06:52:31,530 - mmseg - INFO - Iter [57450/80000] lr: 9.133e-07, eta: 11:20:29, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1334, decode.acc_seg: 94.0934, aux.loss_ce: 0.0734, aux.acc_seg: 92.4187, loss: 0.2068 2023-11-03 06:53:54,524 - mmseg - INFO - Iter [57500/80000] lr: 9.112e-07, eta: 11:18:55, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1384, decode.acc_seg: 93.9146, aux.loss_ce: 0.0750, aux.acc_seg: 92.2702, loss: 0.2134 2023-11-03 06:55:17,546 - mmseg - INFO - Iter [57550/80000] lr: 9.092e-07, eta: 11:17:22, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1245, decode.acc_seg: 94.3166, aux.loss_ce: 0.0715, aux.acc_seg: 92.3013, loss: 0.1960 2023-11-03 06:56:40,574 - mmseg - INFO - Iter [57600/80000] lr: 9.072e-07, eta: 11:15:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1391, decode.acc_seg: 93.8945, aux.loss_ce: 0.0808, aux.acc_seg: 91.6779, loss: 0.2199 2023-11-03 06:58:03,628 - mmseg - INFO - Iter [57650/80000] lr: 9.052e-07, eta: 11:14:15, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1375, decode.acc_seg: 93.9048, aux.loss_ce: 0.0751, aux.acc_seg: 92.2129, loss: 0.2125 2023-11-03 06:59:26,624 - mmseg - INFO - Iter [57700/80000] lr: 9.031e-07, eta: 11:12:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1409, decode.acc_seg: 93.6975, aux.loss_ce: 0.0795, aux.acc_seg: 91.7608, loss: 0.2204 2023-11-03 07:00:49,689 - mmseg - INFO - Iter [57750/80000] lr: 9.011e-07, eta: 11:11:08, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1294, decode.acc_seg: 94.1467, aux.loss_ce: 0.0730, aux.acc_seg: 92.3340, loss: 0.2024 2023-11-03 07:02:12,692 - mmseg - INFO - Iter [57800/80000] lr: 8.991e-07, eta: 11:09:35, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1429, decode.acc_seg: 93.6196, aux.loss_ce: 0.0807, aux.acc_seg: 91.6103, loss: 0.2237 2023-11-03 07:03:35,717 - mmseg - INFO - Iter [57850/80000] lr: 8.971e-07, eta: 11:08:02, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1343, decode.acc_seg: 94.0218, aux.loss_ce: 0.0771, aux.acc_seg: 92.0680, loss: 0.2115 2023-11-03 07:04:58,719 - mmseg - INFO - Iter [57900/80000] lr: 8.950e-07, eta: 11:06:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1334, decode.acc_seg: 94.1348, aux.loss_ce: 0.0737, aux.acc_seg: 92.3696, loss: 0.2071 2023-11-03 07:06:21,777 - mmseg - INFO - Iter [57950/80000] lr: 8.930e-07, eta: 11:04:55, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1366, decode.acc_seg: 93.9610, aux.loss_ce: 0.0781, aux.acc_seg: 91.9212, loss: 0.2147 2023-11-03 07:07:44,804 - mmseg - INFO - Saving checkpoint at 58000 iterations 2023-11-03 07:08:44,346 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 07:08:44,347 - mmseg - INFO - Iter [58000/80000] lr: 8.910e-07, eta: 11:03:44, time: 2.851, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1379, decode.acc_seg: 93.8531, aux.loss_ce: 0.0768, aux.acc_seg: 92.0471, loss: 0.2147 2023-11-03 07:10:11,560 - mmseg - INFO - per class results: 2023-11-03 07:10:11,566 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.82 | 90.02 | | building | 85.17 | 93.59 | | sky | 94.91 | 97.24 | | floor | 85.25 | 92.02 | | tree | 76.78 | 90.5 | | ceiling | 87.85 | 93.91 | | road | 86.58 | 90.3 | | bed | 92.99 | 97.57 | | windowpane | 66.44 | 80.31 | | grass | 70.5 | 82.41 | | cabinet | 66.66 | 76.0 | | sidewalk | 70.88 | 86.5 | | person | 85.4 | 94.77 | | earth | 39.76 | 55.69 | | door | 59.27 | 78.22 | | table | 70.8 | 83.78 | | mountain | 63.4 | 72.23 | | plant | 56.74 | 66.68 | | curtain | 78.15 | 90.55 | | chair | 68.22 | 81.31 | | car | 87.42 | 94.37 | | water | 63.4 | 78.68 | | painting | 79.09 | 90.29 | | sofa | 82.73 | 90.42 | | shelf | 47.96 | 64.6 | | house | 56.62 | 69.13 | | sea | 74.62 | 84.6 | | mirror | 76.55 | 86.23 | | rug | 67.01 | 76.45 | | field | 30.09 | 49.2 | | armchair | 63.09 | 80.77 | | seat | 69.25 | 88.42 | | fence | 51.76 | 72.94 | | desk | 60.12 | 78.1 | | rock | 57.96 | 83.02 | | wardrobe | 53.34 | 72.36 | | lamp | 75.67 | 86.11 | | bathtub | 90.83 | 92.78 | | railing | 45.66 | 66.34 | | cushion | 67.36 | 80.42 | | base | 40.41 | 54.43 | | box | 38.23 | 49.18 | | column | 56.73 | 68.98 | | signboard | 39.8 | 54.53 | | chest of drawers | 48.23 | 64.47 | | counter | 46.18 | 54.99 | | sand | 56.5 | 78.21 | | sink | 83.14 | 88.51 | | skyscraper | 48.32 | 60.33 | | fireplace | 76.73 | 94.55 | | refrigerator | 86.01 | 94.96 | | grandstand | 50.33 | 81.87 | | path | 28.53 | 39.1 | | stairs | 37.44 | 47.9 | | runway | 72.27 | 95.21 | | case | 59.37 | 79.38 | | pool table | 94.33 | 97.76 | | pillow | 64.26 | 74.13 | | screen door | 73.0 | 75.02 | | stairway | 39.53 | 50.2 | | river | 14.84 | 29.77 | | bridge | 63.69 | 71.44 | | bookcase | 43.59 | 70.01 | | blind | 42.36 | 48.05 | | coffee table | 67.27 | 84.44 | | toilet | 90.66 | 94.85 | | flower | 42.71 | 59.21 | | book | 51.62 | 71.15 | | hill | 7.08 | 10.7 | | bench | 53.79 | 59.45 | | countertop | 64.26 | 84.77 | | stove | 86.6 | 91.78 | | palm | 55.61 | 80.96 | | kitchen island | 52.05 | 75.85 | | computer | 77.68 | 91.7 | | swivel chair | 43.88 | 59.69 | | boat | 60.85 | 77.98 | | bar | 59.25 | 76.76 | | arcade machine | 79.44 | 83.9 | | hovel | 14.69 | 15.82 | | bus | 93.54 | 98.31 | | towel | 78.45 | 88.07 | | light | 62.79 | 72.17 | | truck | 49.22 | 66.14 | | tower | 22.86 | 38.68 | | chandelier | 74.47 | 85.86 | | awning | 47.47 | 57.56 | | streetlight | 39.4 | 52.87 | | booth | 43.89 | 71.53 | | television receiver | 76.08 | 91.58 | | airplane | 85.71 | 98.09 | | dirt track | 9.87 | 53.3 | | apparel | 63.52 | 87.5 | | pole | 32.07 | 43.63 | | land | 4.05 | 7.6 | | bannister | 20.17 | 27.1 | | escalator | 61.92 | 86.5 | | ottoman | 56.04 | 70.5 | | bottle | 45.13 | 69.52 | | buffet | 65.5 | 76.82 | | poster | 38.07 | 45.96 | | stage | 28.75 | 45.08 | | van | 45.43 | 63.42 | | ship | 59.54 | 74.23 | | fountain | 36.75 | 37.9 | | conveyer belt | 79.23 | 95.74 | | canopy | 55.13 | 78.61 | | washer | 89.28 | 95.21 | | plaything | 33.71 | 46.63 | | swimming pool | 58.5 | 83.15 | | stool | 53.28 | 65.6 | | barrel | 50.19 | 89.28 | | basket | 42.55 | 60.46 | | waterfall | 55.49 | 67.12 | | tent | 90.95 | 98.89 | | bag | 24.58 | 28.24 | | minibike | 77.72 | 89.08 | | cradle | 88.16 | 98.14 | | oven | 65.2 | 81.66 | | ball | 59.02 | 63.21 | | food | 60.14 | 69.13 | | step | 12.53 | 14.01 | | tank | 79.8 | 96.05 | | trade name | 22.26 | 25.75 | | microwave | 90.44 | 96.29 | | pot | 61.39 | 68.76 | | animal | 64.78 | 66.57 | | bicycle | 62.95 | 82.76 | | lake | 61.73 | 69.34 | | dishwasher | 76.36 | 81.94 | | screen | 62.98 | 83.18 | | blanket | 36.54 | 43.59 | | sculpture | 78.71 | 87.74 | | hood | 64.46 | 75.15 | | sconce | 59.41 | 67.53 | | vase | 47.73 | 67.0 | | traffic light | 37.12 | 64.35 | | tray | 21.07 | 30.31 | | ashcan | 51.99 | 66.52 | | fan | 70.69 | 85.07 | | pier | 39.79 | 44.51 | | crt screen | 1.36 | 3.7 | | plate | 60.52 | 80.84 | | monitor | 17.98 | 20.87 | | bulletin board | 68.65 | 75.27 | | shower | 10.7 | 17.69 | | radiator | 64.3 | 81.21 | | glass | 21.2 | 22.57 | | clock | 53.83 | 68.83 | | flag | 71.58 | 81.54 | +---------------------+-------+-------+ 2023-11-03 07:10:11,566 - mmseg - INFO - Summary: 2023-11-03 07:10:11,566 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.37 | 57.98 | 70.73 | +-------+-------+-------+ 2023-11-03 07:10:11,567 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 07:10:11,567 - mmseg - INFO - Iter(val) [250] aAcc: 0.8637, mIoU: 0.5798, mAcc: 0.7073, IoU.wall: 0.8282, IoU.building: 0.8517, IoU.sky: 0.9491, IoU.floor: 0.8525, IoU.tree: 0.7678, IoU.ceiling: 0.8785, IoU.road: 0.8658, IoU.bed : 0.9299, IoU.windowpane: 0.6644, IoU.grass: 0.7050, IoU.cabinet: 0.6666, IoU.sidewalk: 0.7088, IoU.person: 0.8540, IoU.earth: 0.3976, IoU.door: 0.5927, IoU.table: 0.7080, IoU.mountain: 0.6340, IoU.plant: 0.5674, IoU.curtain: 0.7815, IoU.chair: 0.6822, IoU.car: 0.8742, IoU.water: 0.6340, IoU.painting: 0.7909, IoU.sofa: 0.8273, IoU.shelf: 0.4796, IoU.house: 0.5662, IoU.sea: 0.7462, IoU.mirror: 0.7655, IoU.rug: 0.6701, IoU.field: 0.3009, IoU.armchair: 0.6309, IoU.seat: 0.6925, IoU.fence: 0.5176, IoU.desk: 0.6012, IoU.rock: 0.5796, IoU.wardrobe: 0.5334, IoU.lamp: 0.7567, IoU.bathtub: 0.9083, IoU.railing: 0.4566, IoU.cushion: 0.6736, IoU.base: 0.4041, IoU.box: 0.3823, IoU.column: 0.5673, IoU.signboard: 0.3980, IoU.chest of drawers: 0.4823, IoU.counter: 0.4618, IoU.sand: 0.5650, IoU.sink: 0.8314, IoU.skyscraper: 0.4832, IoU.fireplace: 0.7673, IoU.refrigerator: 0.8601, IoU.grandstand: 0.5033, IoU.path: 0.2853, IoU.stairs: 0.3744, IoU.runway: 0.7227, IoU.case: 0.5937, IoU.pool table: 0.9433, IoU.pillow: 0.6426, IoU.screen door: 0.7300, IoU.stairway: 0.3953, IoU.river: 0.1484, IoU.bridge: 0.6369, IoU.bookcase: 0.4359, IoU.blind: 0.4236, IoU.coffee table: 0.6727, IoU.toilet: 0.9066, IoU.flower: 0.4271, IoU.book: 0.5162, IoU.hill: 0.0708, IoU.bench: 0.5379, IoU.countertop: 0.6426, IoU.stove: 0.8660, IoU.palm: 0.5561, IoU.kitchen island: 0.5205, IoU.computer: 0.7768, IoU.swivel chair: 0.4388, IoU.boat: 0.6085, IoU.bar: 0.5925, IoU.arcade machine: 0.7944, IoU.hovel: 0.1469, IoU.bus: 0.9354, IoU.towel: 0.7845, IoU.light: 0.6279, IoU.truck: 0.4922, IoU.tower: 0.2286, IoU.chandelier: 0.7447, IoU.awning: 0.4747, IoU.streetlight: 0.3940, IoU.booth: 0.4389, IoU.television receiver: 0.7608, IoU.airplane: 0.8571, IoU.dirt track: 0.0987, IoU.apparel: 0.6352, IoU.pole: 0.3207, IoU.land: 0.0405, IoU.bannister: 0.2017, IoU.escalator: 0.6192, IoU.ottoman: 0.5604, IoU.bottle: 0.4513, IoU.buffet: 0.6550, IoU.poster: 0.3807, IoU.stage: 0.2875, IoU.van: 0.4543, IoU.ship: 0.5954, IoU.fountain: 0.3675, IoU.conveyer belt: 0.7923, IoU.canopy: 0.5513, IoU.washer: 0.8928, IoU.plaything: 0.3371, IoU.swimming pool: 0.5850, IoU.stool: 0.5328, IoU.barrel: 0.5019, IoU.basket: 0.4255, IoU.waterfall: 0.5549, IoU.tent: 0.9095, IoU.bag: 0.2458, IoU.minibike: 0.7772, IoU.cradle: 0.8816, IoU.oven: 0.6520, IoU.ball: 0.5902, IoU.food: 0.6014, IoU.step: 0.1253, IoU.tank: 0.7980, IoU.trade name: 0.2226, IoU.microwave: 0.9044, IoU.pot: 0.6139, IoU.animal: 0.6478, IoU.bicycle: 0.6295, IoU.lake: 0.6173, IoU.dishwasher: 0.7636, IoU.screen: 0.6298, IoU.blanket: 0.3654, IoU.sculpture: 0.7871, IoU.hood: 0.6446, IoU.sconce: 0.5941, IoU.vase: 0.4773, IoU.traffic light: 0.3712, IoU.tray: 0.2107, IoU.ashcan: 0.5199, IoU.fan: 0.7069, IoU.pier: 0.3979, IoU.crt screen: 0.0136, IoU.plate: 0.6052, IoU.monitor: 0.1798, IoU.bulletin board: 0.6865, IoU.shower: 0.1070, IoU.radiator: 0.6430, IoU.glass: 0.2120, IoU.clock: 0.5383, IoU.flag: 0.7158, Acc.wall: 0.9002, Acc.building: 0.9359, Acc.sky: 0.9724, Acc.floor: 0.9202, Acc.tree: 0.9050, Acc.ceiling: 0.9391, Acc.road: 0.9030, Acc.bed : 0.9757, Acc.windowpane: 0.8031, Acc.grass: 0.8241, Acc.cabinet: 0.7600, Acc.sidewalk: 0.8650, Acc.person: 0.9477, Acc.earth: 0.5569, Acc.door: 0.7822, Acc.table: 0.8378, Acc.mountain: 0.7223, Acc.plant: 0.6668, Acc.curtain: 0.9055, Acc.chair: 0.8131, Acc.car: 0.9437, Acc.water: 0.7868, Acc.painting: 0.9029, Acc.sofa: 0.9042, Acc.shelf: 0.6460, Acc.house: 0.6913, Acc.sea: 0.8460, Acc.mirror: 0.8623, Acc.rug: 0.7645, Acc.field: 0.4920, Acc.armchair: 0.8077, Acc.seat: 0.8842, Acc.fence: 0.7294, Acc.desk: 0.7810, Acc.rock: 0.8302, Acc.wardrobe: 0.7236, Acc.lamp: 0.8611, Acc.bathtub: 0.9278, Acc.railing: 0.6634, Acc.cushion: 0.8042, Acc.base: 0.5443, Acc.box: 0.4918, Acc.column: 0.6898, Acc.signboard: 0.5453, Acc.chest of drawers: 0.6447, Acc.counter: 0.5499, Acc.sand: 0.7821, Acc.sink: 0.8851, Acc.skyscraper: 0.6033, Acc.fireplace: 0.9455, Acc.refrigerator: 0.9496, Acc.grandstand: 0.8187, Acc.path: 0.3910, Acc.stairs: 0.4790, Acc.runway: 0.9521, Acc.case: 0.7938, Acc.pool table: 0.9776, Acc.pillow: 0.7413, Acc.screen door: 0.7502, Acc.stairway: 0.5020, Acc.river: 0.2977, Acc.bridge: 0.7144, Acc.bookcase: 0.7001, Acc.blind: 0.4805, Acc.coffee table: 0.8444, Acc.toilet: 0.9485, Acc.flower: 0.5921, Acc.book: 0.7115, Acc.hill: 0.1070, Acc.bench: 0.5945, Acc.countertop: 0.8477, Acc.stove: 0.9178, Acc.palm: 0.8096, Acc.kitchen island: 0.7585, Acc.computer: 0.9170, Acc.swivel chair: 0.5969, Acc.boat: 0.7798, Acc.bar: 0.7676, Acc.arcade machine: 0.8390, Acc.hovel: 0.1582, Acc.bus: 0.9831, Acc.towel: 0.8807, Acc.light: 0.7217, Acc.truck: 0.6614, Acc.tower: 0.3868, Acc.chandelier: 0.8586, Acc.awning: 0.5756, Acc.streetlight: 0.5287, Acc.booth: 0.7153, Acc.television receiver: 0.9158, Acc.airplane: 0.9809, Acc.dirt track: 0.5330, Acc.apparel: 0.8750, Acc.pole: 0.4363, Acc.land: 0.0760, Acc.bannister: 0.2710, Acc.escalator: 0.8650, Acc.ottoman: 0.7050, Acc.bottle: 0.6952, Acc.buffet: 0.7682, Acc.poster: 0.4596, Acc.stage: 0.4508, Acc.van: 0.6342, Acc.ship: 0.7423, Acc.fountain: 0.3790, Acc.conveyer belt: 0.9574, Acc.canopy: 0.7861, Acc.washer: 0.9521, Acc.plaything: 0.4663, Acc.swimming pool: 0.8315, Acc.stool: 0.6560, Acc.barrel: 0.8928, Acc.basket: 0.6046, Acc.waterfall: 0.6712, Acc.tent: 0.9889, Acc.bag: 0.2824, Acc.minibike: 0.8908, Acc.cradle: 0.9814, Acc.oven: 0.8166, Acc.ball: 0.6321, Acc.food: 0.6913, Acc.step: 0.1401, Acc.tank: 0.9605, Acc.trade name: 0.2575, Acc.microwave: 0.9629, Acc.pot: 0.6876, Acc.animal: 0.6657, Acc.bicycle: 0.8276, Acc.lake: 0.6934, Acc.dishwasher: 0.8194, Acc.screen: 0.8318, Acc.blanket: 0.4359, Acc.sculpture: 0.8774, Acc.hood: 0.7515, Acc.sconce: 0.6753, Acc.vase: 0.6700, Acc.traffic light: 0.6435, Acc.tray: 0.3031, Acc.ashcan: 0.6652, Acc.fan: 0.8507, Acc.pier: 0.4451, Acc.crt screen: 0.0370, Acc.plate: 0.8084, Acc.monitor: 0.2087, Acc.bulletin board: 0.7527, Acc.shower: 0.1769, Acc.radiator: 0.8121, Acc.glass: 0.2257, Acc.clock: 0.6883, Acc.flag: 0.8154 2023-11-03 07:11:34,667 - mmseg - INFO - Iter [58050/80000] lr: 8.890e-07, eta: 11:02:44, time: 3.406, data_time: 1.752, memory: 69173, decode.loss_ce: 0.1373, decode.acc_seg: 93.6957, aux.loss_ce: 0.0763, aux.acc_seg: 91.9106, loss: 0.2136 2023-11-03 07:12:59,948 - mmseg - INFO - Iter [58100/80000] lr: 8.869e-07, eta: 11:01:11, time: 1.706, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1370, decode.acc_seg: 93.9147, aux.loss_ce: 0.0779, aux.acc_seg: 91.9278, loss: 0.2149 2023-11-03 07:14:22,902 - mmseg - INFO - Iter [58150/80000] lr: 8.849e-07, eta: 10:59:38, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1339, decode.acc_seg: 94.0381, aux.loss_ce: 0.0791, aux.acc_seg: 91.7815, loss: 0.2130 2023-11-03 07:15:45,881 - mmseg - INFO - Iter [58200/80000] lr: 8.829e-07, eta: 10:58:05, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1393, decode.acc_seg: 93.9912, aux.loss_ce: 0.0754, aux.acc_seg: 92.2917, loss: 0.2147 2023-11-03 07:17:08,878 - mmseg - INFO - Iter [58250/80000] lr: 8.809e-07, eta: 10:56:31, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1368, decode.acc_seg: 94.0471, aux.loss_ce: 0.0767, aux.acc_seg: 92.0718, loss: 0.2135 2023-11-03 07:18:31,886 - mmseg - INFO - Iter [58300/80000] lr: 8.788e-07, eta: 10:54:58, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1354, decode.acc_seg: 93.9193, aux.loss_ce: 0.0725, aux.acc_seg: 92.3304, loss: 0.2079 2023-11-03 07:19:54,869 - mmseg - INFO - Iter [58350/80000] lr: 8.768e-07, eta: 10:53:24, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1307, decode.acc_seg: 94.2344, aux.loss_ce: 0.0750, aux.acc_seg: 92.2387, loss: 0.2057 2023-11-03 07:21:17,954 - mmseg - INFO - Iter [58400/80000] lr: 8.748e-07, eta: 10:51:51, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1418, decode.acc_seg: 93.8103, aux.loss_ce: 0.0810, aux.acc_seg: 91.6995, loss: 0.2229 2023-11-03 07:22:40,957 - mmseg - INFO - Iter [58450/80000] lr: 8.728e-07, eta: 10:50:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1313, decode.acc_seg: 94.1864, aux.loss_ce: 0.0729, aux.acc_seg: 92.3866, loss: 0.2042 2023-11-03 07:24:03,919 - mmseg - INFO - Iter [58500/80000] lr: 8.707e-07, eta: 10:48:45, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1329, decode.acc_seg: 94.0764, aux.loss_ce: 0.0754, aux.acc_seg: 92.2418, loss: 0.2083 2023-11-03 07:25:26,944 - mmseg - INFO - Iter [58550/80000] lr: 8.687e-07, eta: 10:47:11, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1425, decode.acc_seg: 93.7710, aux.loss_ce: 0.0787, aux.acc_seg: 91.9319, loss: 0.2212 2023-11-03 07:26:49,882 - mmseg - INFO - Iter [58600/80000] lr: 8.667e-07, eta: 10:45:38, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1305, decode.acc_seg: 94.0628, aux.loss_ce: 0.0736, aux.acc_seg: 92.1101, loss: 0.2040 2023-11-03 07:28:12,856 - mmseg - INFO - Iter [58650/80000] lr: 8.647e-07, eta: 10:44:05, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1314, decode.acc_seg: 94.1600, aux.loss_ce: 0.0742, aux.acc_seg: 92.2158, loss: 0.2056 2023-11-03 07:29:35,829 - mmseg - INFO - Iter [58700/80000] lr: 8.626e-07, eta: 10:42:32, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1315, decode.acc_seg: 94.1316, aux.loss_ce: 0.0741, aux.acc_seg: 92.2583, loss: 0.2056 2023-11-03 07:30:58,812 - mmseg - INFO - Iter [58750/80000] lr: 8.606e-07, eta: 10:40:58, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1293, decode.acc_seg: 94.1519, aux.loss_ce: 0.0730, aux.acc_seg: 92.4175, loss: 0.2023 2023-11-03 07:32:21,763 - mmseg - INFO - Iter [58800/80000] lr: 8.586e-07, eta: 10:39:25, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1391, decode.acc_seg: 93.8439, aux.loss_ce: 0.0766, aux.acc_seg: 92.1905, loss: 0.2156 2023-11-03 07:33:44,753 - mmseg - INFO - Iter [58850/80000] lr: 8.566e-07, eta: 10:37:52, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1387, decode.acc_seg: 93.7857, aux.loss_ce: 0.0727, aux.acc_seg: 92.4142, loss: 0.2115 2023-11-03 07:35:07,730 - mmseg - INFO - Iter [58900/80000] lr: 8.545e-07, eta: 10:36:19, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1325, decode.acc_seg: 94.0793, aux.loss_ce: 0.0755, aux.acc_seg: 92.1226, loss: 0.2080 2023-11-03 07:36:30,703 - mmseg - INFO - Iter [58950/80000] lr: 8.525e-07, eta: 10:34:46, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1294, decode.acc_seg: 94.1206, aux.loss_ce: 0.0734, aux.acc_seg: 92.3946, loss: 0.2028 2023-11-03 07:37:53,654 - mmseg - INFO - Saving checkpoint at 59000 iterations 2023-11-03 07:38:56,190 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 07:38:56,191 - mmseg - INFO - Iter [59000/80000] lr: 8.505e-07, eta: 10:33:35, time: 2.910, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1396, decode.acc_seg: 93.7808, aux.loss_ce: 0.0792, aux.acc_seg: 91.8598, loss: 0.2188 2023-11-03 07:40:20,912 - mmseg - INFO - per class results: 2023-11-03 07:40:20,917 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.7 | 89.86 | | building | 85.08 | 93.45 | | sky | 94.95 | 97.48 | | floor | 85.34 | 92.31 | | tree | 77.38 | 89.98 | | ceiling | 87.74 | 94.92 | | road | 86.61 | 90.58 | | bed | 92.78 | 97.41 | | windowpane | 65.81 | 82.97 | | grass | 71.42 | 86.06 | | cabinet | 68.92 | 79.14 | | sidewalk | 71.64 | 87.2 | | person | 85.74 | 94.46 | | earth | 40.56 | 53.96 | | door | 60.2 | 74.37 | | table | 70.29 | 81.91 | | mountain | 64.09 | 73.54 | | plant | 57.63 | 69.02 | | curtain | 78.81 | 88.37 | | chair | 68.01 | 79.86 | | car | 87.82 | 94.24 | | water | 62.95 | 79.04 | | painting | 79.1 | 90.9 | | sofa | 81.99 | 89.59 | | shelf | 48.61 | 62.99 | | house | 53.39 | 64.08 | | sea | 74.58 | 84.06 | | mirror | 75.85 | 85.18 | | rug | 68.9 | 78.43 | | field | 28.48 | 43.57 | | armchair | 62.67 | 81.94 | | seat | 70.1 | 89.3 | | fence | 51.05 | 68.12 | | desk | 60.42 | 79.19 | | rock | 58.83 | 85.91 | | wardrobe | 56.74 | 71.85 | | lamp | 75.83 | 87.12 | | bathtub | 90.74 | 92.98 | | railing | 46.21 | 63.15 | | cushion | 68.47 | 80.65 | | base | 40.83 | 62.13 | | box | 38.5 | 49.48 | | column | 58.31 | 71.53 | | signboard | 41.95 | 55.51 | | chest of drawers | 46.7 | 68.02 | | counter | 49.83 | 61.83 | | sand | 58.24 | 88.57 | | sink | 81.89 | 87.68 | | skyscraper | 47.61 | 60.08 | | fireplace | 76.29 | 95.96 | | refrigerator | 86.85 | 94.49 | | grandstand | 49.64 | 84.1 | | path | 29.93 | 42.8 | | stairs | 36.05 | 44.82 | | runway | 69.69 | 91.49 | | case | 58.25 | 76.79 | | pool table | 94.38 | 97.84 | | pillow | 66.67 | 78.29 | | screen door | 78.79 | 82.55 | | stairway | 41.03 | 49.61 | | river | 15.0 | 29.42 | | bridge | 63.35 | 71.07 | | bookcase | 42.58 | 63.16 | | blind | 43.17 | 48.43 | | coffee table | 65.15 | 87.85 | | toilet | 90.49 | 93.93 | | flower | 43.29 | 61.17 | | book | 53.69 | 75.68 | | hill | 7.05 | 11.84 | | bench | 54.96 | 61.96 | | countertop | 63.54 | 84.08 | | stove | 86.36 | 93.06 | | palm | 54.11 | 85.76 | | kitchen island | 53.44 | 76.82 | | computer | 78.53 | 91.41 | | swivel chair | 43.2 | 63.86 | | boat | 61.46 | 78.2 | | bar | 60.45 | 78.22 | | arcade machine | 79.57 | 83.37 | | hovel | 18.1 | 19.52 | | bus | 93.59 | 97.95 | | towel | 75.84 | 86.3 | | light | 61.93 | 68.68 | | truck | 51.28 | 63.11 | | tower | 27.52 | 46.88 | | chandelier | 74.1 | 84.42 | | awning | 50.28 | 61.8 | | streetlight | 39.48 | 53.97 | | booth | 53.01 | 78.28 | | television receiver | 76.84 | 90.43 | | airplane | 87.0 | 97.55 | | dirt track | 2.47 | 9.94 | | apparel | 63.99 | 86.46 | | pole | 27.53 | 37.42 | | land | 4.86 | 6.57 | | bannister | 19.5 | 26.41 | | escalator | 65.18 | 86.79 | | ottoman | 53.74 | 69.26 | | bottle | 45.4 | 65.68 | | buffet | 67.45 | 78.35 | | poster | 37.95 | 44.13 | | stage | 23.93 | 48.34 | | van | 49.13 | 67.08 | | ship | 67.05 | 88.55 | | fountain | 30.24 | 30.72 | | conveyer belt | 80.06 | 96.46 | | canopy | 60.32 | 77.22 | | washer | 85.38 | 90.22 | | plaything | 32.51 | 48.07 | | swimming pool | 59.24 | 86.53 | | stool | 55.4 | 65.17 | | barrel | 55.42 | 89.62 | | basket | 44.08 | 58.51 | | waterfall | 52.09 | 59.99 | | tent | 92.18 | 98.67 | | bag | 24.4 | 27.49 | | minibike | 76.54 | 90.5 | | cradle | 89.44 | 97.7 | | oven | 64.94 | 81.18 | | ball | 54.6 | 56.82 | | food | 58.35 | 66.99 | | step | 11.64 | 13.58 | | tank | 80.18 | 96.13 | | trade name | 20.89 | 23.32 | | microwave | 90.6 | 96.53 | | pot | 60.56 | 68.11 | | animal | 67.83 | 70.48 | | bicycle | 63.07 | 84.23 | | lake | 63.01 | 68.33 | | dishwasher | 75.38 | 82.96 | | screen | 70.39 | 95.37 | | blanket | 32.25 | 37.87 | | sculpture | 77.0 | 88.58 | | hood | 63.82 | 74.92 | | sconce | 61.64 | 75.29 | | vase | 47.74 | 65.94 | | traffic light | 37.63 | 60.85 | | tray | 20.07 | 30.42 | | ashcan | 52.03 | 65.95 | | fan | 70.58 | 86.49 | | pier | 38.48 | 48.78 | | crt screen | 1.64 | 3.71 | | plate | 59.5 | 82.81 | | monitor | 23.31 | 26.32 | | bulletin board | 69.22 | 79.93 | | shower | 16.32 | 19.39 | | radiator | 64.06 | 79.2 | | glass | 22.9 | 25.0 | | clock | 54.27 | 64.46 | | flag | 72.16 | 81.33 | +---------------------+-------+-------+ 2023-11-03 07:40:20,918 - mmseg - INFO - Summary: 2023-11-03 07:40:20,918 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.54 | 58.33 | 70.89 | +-------+-------+-------+ 2023-11-03 07:40:20,918 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 07:40:20,919 - mmseg - INFO - Iter(val) [250] aAcc: 0.8654, mIoU: 0.5833, mAcc: 0.7089, IoU.wall: 0.8270, IoU.building: 0.8508, IoU.sky: 0.9495, IoU.floor: 0.8534, IoU.tree: 0.7738, IoU.ceiling: 0.8774, IoU.road: 0.8661, IoU.bed : 0.9278, IoU.windowpane: 0.6581, IoU.grass: 0.7142, IoU.cabinet: 0.6892, IoU.sidewalk: 0.7164, IoU.person: 0.8574, IoU.earth: 0.4056, IoU.door: 0.6020, IoU.table: 0.7029, IoU.mountain: 0.6409, IoU.plant: 0.5763, IoU.curtain: 0.7881, IoU.chair: 0.6801, IoU.car: 0.8782, IoU.water: 0.6295, IoU.painting: 0.7910, IoU.sofa: 0.8199, IoU.shelf: 0.4861, IoU.house: 0.5339, IoU.sea: 0.7458, IoU.mirror: 0.7585, IoU.rug: 0.6890, IoU.field: 0.2848, IoU.armchair: 0.6267, IoU.seat: 0.7010, IoU.fence: 0.5105, IoU.desk: 0.6042, IoU.rock: 0.5883, IoU.wardrobe: 0.5674, IoU.lamp: 0.7583, IoU.bathtub: 0.9074, IoU.railing: 0.4621, IoU.cushion: 0.6847, IoU.base: 0.4083, IoU.box: 0.3850, IoU.column: 0.5831, IoU.signboard: 0.4195, IoU.chest of drawers: 0.4670, IoU.counter: 0.4983, IoU.sand: 0.5824, IoU.sink: 0.8189, IoU.skyscraper: 0.4761, IoU.fireplace: 0.7629, IoU.refrigerator: 0.8685, IoU.grandstand: 0.4964, IoU.path: 0.2993, IoU.stairs: 0.3605, IoU.runway: 0.6969, IoU.case: 0.5825, IoU.pool table: 0.9438, IoU.pillow: 0.6667, IoU.screen door: 0.7879, IoU.stairway: 0.4103, IoU.river: 0.1500, IoU.bridge: 0.6335, IoU.bookcase: 0.4258, IoU.blind: 0.4317, IoU.coffee table: 0.6515, IoU.toilet: 0.9049, IoU.flower: 0.4329, IoU.book: 0.5369, IoU.hill: 0.0705, IoU.bench: 0.5496, IoU.countertop: 0.6354, IoU.stove: 0.8636, IoU.palm: 0.5411, IoU.kitchen island: 0.5344, IoU.computer: 0.7853, IoU.swivel chair: 0.4320, IoU.boat: 0.6146, IoU.bar: 0.6045, IoU.arcade machine: 0.7957, IoU.hovel: 0.1810, IoU.bus: 0.9359, IoU.towel: 0.7584, IoU.light: 0.6193, IoU.truck: 0.5128, IoU.tower: 0.2752, IoU.chandelier: 0.7410, IoU.awning: 0.5028, IoU.streetlight: 0.3948, IoU.booth: 0.5301, IoU.television receiver: 0.7684, IoU.airplane: 0.8700, IoU.dirt track: 0.0247, IoU.apparel: 0.6399, IoU.pole: 0.2753, IoU.land: 0.0486, IoU.bannister: 0.1950, IoU.escalator: 0.6518, IoU.ottoman: 0.5374, IoU.bottle: 0.4540, IoU.buffet: 0.6745, IoU.poster: 0.3795, IoU.stage: 0.2393, IoU.van: 0.4913, IoU.ship: 0.6705, IoU.fountain: 0.3024, IoU.conveyer belt: 0.8006, IoU.canopy: 0.6032, IoU.washer: 0.8538, IoU.plaything: 0.3251, IoU.swimming pool: 0.5924, IoU.stool: 0.5540, IoU.barrel: 0.5542, IoU.basket: 0.4408, IoU.waterfall: 0.5209, IoU.tent: 0.9218, IoU.bag: 0.2440, IoU.minibike: 0.7654, IoU.cradle: 0.8944, IoU.oven: 0.6494, IoU.ball: 0.5460, IoU.food: 0.5835, IoU.step: 0.1164, IoU.tank: 0.8018, IoU.trade name: 0.2089, IoU.microwave: 0.9060, IoU.pot: 0.6056, IoU.animal: 0.6783, IoU.bicycle: 0.6307, IoU.lake: 0.6301, IoU.dishwasher: 0.7538, IoU.screen: 0.7039, IoU.blanket: 0.3225, IoU.sculpture: 0.7700, IoU.hood: 0.6382, IoU.sconce: 0.6164, IoU.vase: 0.4774, IoU.traffic light: 0.3763, IoU.tray: 0.2007, IoU.ashcan: 0.5203, IoU.fan: 0.7058, IoU.pier: 0.3848, IoU.crt screen: 0.0164, IoU.plate: 0.5950, IoU.monitor: 0.2331, IoU.bulletin board: 0.6922, IoU.shower: 0.1632, IoU.radiator: 0.6406, IoU.glass: 0.2290, IoU.clock: 0.5427, IoU.flag: 0.7216, Acc.wall: 0.8986, Acc.building: 0.9345, Acc.sky: 0.9748, Acc.floor: 0.9231, Acc.tree: 0.8998, Acc.ceiling: 0.9492, Acc.road: 0.9058, Acc.bed : 0.9741, Acc.windowpane: 0.8297, Acc.grass: 0.8606, Acc.cabinet: 0.7914, Acc.sidewalk: 0.8720, Acc.person: 0.9446, Acc.earth: 0.5396, Acc.door: 0.7437, Acc.table: 0.8191, Acc.mountain: 0.7354, Acc.plant: 0.6902, Acc.curtain: 0.8837, Acc.chair: 0.7986, Acc.car: 0.9424, Acc.water: 0.7904, Acc.painting: 0.9090, Acc.sofa: 0.8959, Acc.shelf: 0.6299, Acc.house: 0.6408, Acc.sea: 0.8406, Acc.mirror: 0.8518, Acc.rug: 0.7843, Acc.field: 0.4357, Acc.armchair: 0.8194, Acc.seat: 0.8930, Acc.fence: 0.6812, Acc.desk: 0.7919, Acc.rock: 0.8591, Acc.wardrobe: 0.7185, Acc.lamp: 0.8712, Acc.bathtub: 0.9298, Acc.railing: 0.6315, Acc.cushion: 0.8065, Acc.base: 0.6213, Acc.box: 0.4948, Acc.column: 0.7153, Acc.signboard: 0.5551, Acc.chest of drawers: 0.6802, Acc.counter: 0.6183, Acc.sand: 0.8857, Acc.sink: 0.8768, Acc.skyscraper: 0.6008, Acc.fireplace: 0.9596, Acc.refrigerator: 0.9449, Acc.grandstand: 0.8410, Acc.path: 0.4280, Acc.stairs: 0.4482, Acc.runway: 0.9149, Acc.case: 0.7679, Acc.pool table: 0.9784, Acc.pillow: 0.7829, Acc.screen door: 0.8255, Acc.stairway: 0.4961, Acc.river: 0.2942, Acc.bridge: 0.7107, Acc.bookcase: 0.6316, Acc.blind: 0.4843, Acc.coffee table: 0.8785, Acc.toilet: 0.9393, Acc.flower: 0.6117, Acc.book: 0.7568, Acc.hill: 0.1184, Acc.bench: 0.6196, Acc.countertop: 0.8408, Acc.stove: 0.9306, Acc.palm: 0.8576, Acc.kitchen island: 0.7682, Acc.computer: 0.9141, Acc.swivel chair: 0.6386, Acc.boat: 0.7820, Acc.bar: 0.7822, Acc.arcade machine: 0.8337, Acc.hovel: 0.1952, Acc.bus: 0.9795, Acc.towel: 0.8630, Acc.light: 0.6868, Acc.truck: 0.6311, Acc.tower: 0.4688, Acc.chandelier: 0.8442, Acc.awning: 0.6180, Acc.streetlight: 0.5397, Acc.booth: 0.7828, Acc.television receiver: 0.9043, Acc.airplane: 0.9755, Acc.dirt track: 0.0994, Acc.apparel: 0.8646, Acc.pole: 0.3742, Acc.land: 0.0657, Acc.bannister: 0.2641, Acc.escalator: 0.8679, Acc.ottoman: 0.6926, Acc.bottle: 0.6568, Acc.buffet: 0.7835, Acc.poster: 0.4413, Acc.stage: 0.4834, Acc.van: 0.6708, Acc.ship: 0.8855, Acc.fountain: 0.3072, Acc.conveyer belt: 0.9646, Acc.canopy: 0.7722, Acc.washer: 0.9022, Acc.plaything: 0.4807, Acc.swimming pool: 0.8653, Acc.stool: 0.6517, Acc.barrel: 0.8962, Acc.basket: 0.5851, Acc.waterfall: 0.5999, Acc.tent: 0.9867, Acc.bag: 0.2749, Acc.minibike: 0.9050, Acc.cradle: 0.9770, Acc.oven: 0.8118, Acc.ball: 0.5682, Acc.food: 0.6699, Acc.step: 0.1358, Acc.tank: 0.9613, Acc.trade name: 0.2332, Acc.microwave: 0.9653, Acc.pot: 0.6811, Acc.animal: 0.7048, Acc.bicycle: 0.8423, Acc.lake: 0.6833, Acc.dishwasher: 0.8296, Acc.screen: 0.9537, Acc.blanket: 0.3787, Acc.sculpture: 0.8858, Acc.hood: 0.7492, Acc.sconce: 0.7529, Acc.vase: 0.6594, Acc.traffic light: 0.6085, Acc.tray: 0.3042, Acc.ashcan: 0.6595, Acc.fan: 0.8649, Acc.pier: 0.4878, Acc.crt screen: 0.0371, Acc.plate: 0.8281, Acc.monitor: 0.2632, Acc.bulletin board: 0.7993, Acc.shower: 0.1939, Acc.radiator: 0.7920, Acc.glass: 0.2500, Acc.clock: 0.6446, Acc.flag: 0.8133 2023-11-03 07:41:44,031 - mmseg - INFO - Iter [59050/80000] lr: 8.485e-07, eta: 10:32:32, time: 3.357, data_time: 1.702, memory: 69173, decode.loss_ce: 0.1348, decode.acc_seg: 93.8995, aux.loss_ce: 0.0781, aux.acc_seg: 91.7559, loss: 0.2129 2023-11-03 07:43:06,964 - mmseg - INFO - Iter [59100/80000] lr: 8.464e-07, eta: 10:30:58, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1343, decode.acc_seg: 94.1164, aux.loss_ce: 0.0778, aux.acc_seg: 92.1082, loss: 0.2121 2023-11-03 07:44:29,931 - mmseg - INFO - Iter [59150/80000] lr: 8.444e-07, eta: 10:29:25, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1369, decode.acc_seg: 93.9867, aux.loss_ce: 0.0768, aux.acc_seg: 92.2672, loss: 0.2137 2023-11-03 07:45:52,876 - mmseg - INFO - Iter [59200/80000] lr: 8.424e-07, eta: 10:27:52, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1364, decode.acc_seg: 94.1372, aux.loss_ce: 0.0795, aux.acc_seg: 92.0173, loss: 0.2158 2023-11-03 07:47:15,829 - mmseg - INFO - Iter [59250/80000] lr: 8.404e-07, eta: 10:26:19, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1298, decode.acc_seg: 94.0485, aux.loss_ce: 0.0724, aux.acc_seg: 92.2651, loss: 0.2022 2023-11-03 07:48:38,811 - mmseg - INFO - Iter [59300/80000] lr: 8.383e-07, eta: 10:24:45, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1335, decode.acc_seg: 94.1754, aux.loss_ce: 0.0742, aux.acc_seg: 92.3967, loss: 0.2077 2023-11-03 07:50:01,796 - mmseg - INFO - Iter [59350/80000] lr: 8.363e-07, eta: 10:23:12, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1268, decode.acc_seg: 94.2851, aux.loss_ce: 0.0728, aux.acc_seg: 92.4051, loss: 0.1996 2023-11-03 07:51:27,143 - mmseg - INFO - Iter [59400/80000] lr: 8.343e-07, eta: 10:21:40, time: 1.707, data_time: 0.054, memory: 69173, decode.loss_ce: 0.1286, decode.acc_seg: 94.3216, aux.loss_ce: 0.0723, aux.acc_seg: 92.6658, loss: 0.2009 2023-11-03 07:52:50,120 - mmseg - INFO - Iter [59450/80000] lr: 8.323e-07, eta: 10:20:07, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1387, decode.acc_seg: 93.9155, aux.loss_ce: 0.0785, aux.acc_seg: 91.9032, loss: 0.2172 2023-11-03 07:54:13,107 - mmseg - INFO - Iter [59500/80000] lr: 8.302e-07, eta: 10:18:34, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1288, decode.acc_seg: 94.1098, aux.loss_ce: 0.0770, aux.acc_seg: 91.6583, loss: 0.2058 2023-11-03 07:55:36,101 - mmseg - INFO - Iter [59550/80000] lr: 8.282e-07, eta: 10:17:01, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1286, decode.acc_seg: 94.2699, aux.loss_ce: 0.0703, aux.acc_seg: 92.4974, loss: 0.1988 2023-11-03 07:56:59,102 - mmseg - INFO - Iter [59600/80000] lr: 8.262e-07, eta: 10:15:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1255, decode.acc_seg: 94.3724, aux.loss_ce: 0.0728, aux.acc_seg: 92.4837, loss: 0.1982 2023-11-03 07:58:22,121 - mmseg - INFO - Iter [59650/80000] lr: 8.242e-07, eta: 10:13:54, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1373, decode.acc_seg: 93.7486, aux.loss_ce: 0.0798, aux.acc_seg: 91.4916, loss: 0.2170 2023-11-03 07:59:45,084 - mmseg - INFO - Iter [59700/80000] lr: 8.221e-07, eta: 10:12:21, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1347, decode.acc_seg: 94.0729, aux.loss_ce: 0.0780, aux.acc_seg: 91.9793, loss: 0.2126 2023-11-03 08:01:08,072 - mmseg - INFO - Iter [59750/80000] lr: 8.201e-07, eta: 10:10:48, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1293, decode.acc_seg: 94.2322, aux.loss_ce: 0.0723, aux.acc_seg: 92.4415, loss: 0.2015 2023-11-03 08:02:31,053 - mmseg - INFO - Iter [59800/80000] lr: 8.181e-07, eta: 10:09:15, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1366, decode.acc_seg: 93.8626, aux.loss_ce: 0.0764, aux.acc_seg: 91.9787, loss: 0.2130 2023-11-03 08:03:54,009 - mmseg - INFO - Iter [59850/80000] lr: 8.161e-07, eta: 10:07:42, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1296, decode.acc_seg: 94.2781, aux.loss_ce: 0.0739, aux.acc_seg: 92.5305, loss: 0.2035 2023-11-03 08:05:16,993 - mmseg - INFO - Iter [59900/80000] lr: 8.140e-07, eta: 10:06:09, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1345, decode.acc_seg: 94.0749, aux.loss_ce: 0.0750, aux.acc_seg: 92.2212, loss: 0.2094 2023-11-03 08:06:39,950 - mmseg - INFO - Iter [59950/80000] lr: 8.120e-07, eta: 10:04:36, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1432, decode.acc_seg: 93.9091, aux.loss_ce: 0.0791, aux.acc_seg: 91.9254, loss: 0.2223 2023-11-03 08:08:02,891 - mmseg - INFO - Saving checkpoint at 60000 iterations 2023-11-03 08:09:05,688 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 08:09:05,689 - mmseg - INFO - Iter [60000/80000] lr: 8.100e-07, eta: 10:03:24, time: 2.915, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1350, decode.acc_seg: 94.1689, aux.loss_ce: 0.0783, aux.acc_seg: 92.0842, loss: 0.2133 2023-11-03 08:10:34,862 - mmseg - INFO - per class results: 2023-11-03 08:10:34,867 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.69 | 90.51 | | building | 85.5 | 93.09 | | sky | 94.94 | 97.43 | | floor | 85.4 | 92.57 | | tree | 76.8 | 90.1 | | ceiling | 87.58 | 94.34 | | road | 87.36 | 91.15 | | bed | 93.32 | 97.38 | | windowpane | 66.27 | 82.79 | | grass | 67.02 | 78.31 | | cabinet | 68.08 | 78.02 | | sidewalk | 72.57 | 86.79 | | person | 85.55 | 94.51 | | earth | 40.48 | 54.44 | | door | 59.97 | 74.99 | | table | 71.14 | 83.91 | | mountain | 64.73 | 73.99 | | plant | 57.5 | 68.36 | | curtain | 78.28 | 87.2 | | chair | 68.29 | 80.35 | | car | 87.67 | 93.73 | | water | 62.52 | 78.7 | | painting | 79.27 | 89.75 | | sofa | 82.12 | 89.52 | | shelf | 49.1 | 64.58 | | house | 57.86 | 73.73 | | sea | 73.64 | 83.57 | | mirror | 75.9 | 85.16 | | rug | 69.88 | 82.03 | | field | 29.69 | 61.51 | | armchair | 62.92 | 79.02 | | seat | 70.58 | 89.03 | | fence | 49.57 | 62.31 | | desk | 60.23 | 76.82 | | rock | 61.56 | 81.05 | | wardrobe | 57.91 | 73.39 | | lamp | 75.79 | 87.95 | | bathtub | 88.68 | 91.1 | | railing | 43.83 | 61.4 | | cushion | 68.02 | 81.43 | | base | 38.84 | 56.33 | | box | 37.18 | 46.13 | | column | 56.71 | 68.95 | | signboard | 41.79 | 55.43 | | chest of drawers | 47.58 | 64.73 | | counter | 48.7 | 58.1 | | sand | 60.62 | 88.26 | | sink | 82.33 | 86.85 | | skyscraper | 45.89 | 57.38 | | fireplace | 75.63 | 96.63 | | refrigerator | 86.38 | 96.05 | | grandstand | 49.86 | 82.4 | | path | 30.73 | 45.96 | | stairs | 34.69 | 45.08 | | runway | 73.09 | 97.75 | | case | 59.37 | 76.46 | | pool table | 94.5 | 97.4 | | pillow | 66.94 | 79.48 | | screen door | 73.07 | 76.22 | | stairway | 40.51 | 53.44 | | river | 15.13 | 29.69 | | bridge | 58.56 | 66.98 | | bookcase | 45.35 | 63.48 | | blind | 43.21 | 44.94 | | coffee table | 67.95 | 86.61 | | toilet | 89.85 | 93.64 | | flower | 42.13 | 57.76 | | book | 53.65 | 70.9 | | hill | 6.92 | 11.31 | | bench | 57.25 | 64.99 | | countertop | 65.55 | 84.37 | | stove | 86.68 | 92.04 | | palm | 53.24 | 83.54 | | kitchen island | 52.64 | 75.07 | | computer | 80.57 | 91.56 | | swivel chair | 42.85 | 58.05 | | boat | 69.64 | 83.77 | | bar | 64.99 | 79.76 | | arcade machine | 80.64 | 84.78 | | hovel | 16.69 | 17.88 | | bus | 94.21 | 97.44 | | towel | 77.21 | 87.83 | | light | 62.95 | 71.28 | | truck | 50.91 | 65.24 | | tower | 16.5 | 22.22 | | chandelier | 74.38 | 87.19 | | awning | 46.65 | 56.99 | | streetlight | 38.07 | 51.45 | | booth | 46.26 | 68.95 | | television receiver | 77.75 | 90.16 | | airplane | 88.12 | 96.88 | | dirt track | 6.76 | 33.28 | | apparel | 63.07 | 87.61 | | pole | 28.65 | 40.09 | | land | 5.86 | 7.67 | | bannister | 19.93 | 28.13 | | escalator | 63.95 | 85.76 | | ottoman | 56.9 | 71.59 | | bottle | 44.75 | 69.37 | | buffet | 64.59 | 74.8 | | poster | 39.57 | 47.05 | | stage | 24.01 | 45.45 | | van | 45.94 | 66.3 | | ship | 68.74 | 84.58 | | fountain | 35.91 | 37.41 | | conveyer belt | 82.14 | 95.5 | | canopy | 57.04 | 78.44 | | washer | 87.19 | 92.67 | | plaything | 30.33 | 51.61 | | swimming pool | 54.05 | 77.62 | | stool | 54.82 | 67.01 | | barrel | 55.48 | 85.88 | | basket | 43.54 | 59.88 | | waterfall | 50.73 | 61.07 | | tent | 93.74 | 98.57 | | bag | 23.25 | 27.76 | | minibike | 77.7 | 88.57 | | cradle | 89.65 | 97.73 | | oven | 68.2 | 79.38 | | ball | 58.33 | 73.32 | | food | 59.11 | 69.62 | | step | 12.66 | 14.31 | | tank | 68.72 | 79.2 | | trade name | 30.37 | 37.43 | | microwave | 90.48 | 96.44 | | pot | 59.93 | 68.01 | | animal | 65.74 | 67.94 | | bicycle | 62.36 | 78.91 | | lake | 60.66 | 68.52 | | dishwasher | 75.64 | 82.75 | | screen | 69.56 | 92.99 | | blanket | 37.03 | 44.8 | | sculpture | 77.12 | 88.61 | | hood | 63.41 | 74.72 | | sconce | 59.81 | 72.38 | | vase | 48.23 | 66.0 | | traffic light | 37.4 | 65.9 | | tray | 18.89 | 29.65 | | ashcan | 52.86 | 64.49 | | fan | 70.81 | 84.91 | | pier | 40.06 | 44.53 | | crt screen | 5.75 | 14.36 | | plate | 60.64 | 79.06 | | monitor | 14.86 | 16.66 | | bulletin board | 68.99 | 76.75 | | shower | 14.72 | 17.69 | | radiator | 63.49 | 75.62 | | glass | 21.15 | 22.53 | | clock | 53.44 | 64.38 | | flag | 71.23 | 82.94 | +---------------------+-------+-------+ 2023-11-03 08:10:34,867 - mmseg - INFO - Summary: 2023-11-03 08:10:34,867 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.48 | 58.27 | 70.65 | +-------+-------+-------+ 2023-11-03 08:10:34,868 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 08:10:34,868 - mmseg - INFO - Iter(val) [250] aAcc: 0.8648, mIoU: 0.5827, mAcc: 0.7065, IoU.wall: 0.8269, IoU.building: 0.8550, IoU.sky: 0.9494, IoU.floor: 0.8540, IoU.tree: 0.7680, IoU.ceiling: 0.8758, IoU.road: 0.8736, IoU.bed : 0.9332, IoU.windowpane: 0.6627, IoU.grass: 0.6702, IoU.cabinet: 0.6808, IoU.sidewalk: 0.7257, IoU.person: 0.8555, IoU.earth: 0.4048, IoU.door: 0.5997, IoU.table: 0.7114, IoU.mountain: 0.6473, IoU.plant: 0.5750, IoU.curtain: 0.7828, IoU.chair: 0.6829, IoU.car: 0.8767, IoU.water: 0.6252, IoU.painting: 0.7927, IoU.sofa: 0.8212, IoU.shelf: 0.4910, IoU.house: 0.5786, IoU.sea: 0.7364, IoU.mirror: 0.7590, IoU.rug: 0.6988, IoU.field: 0.2969, IoU.armchair: 0.6292, IoU.seat: 0.7058, IoU.fence: 0.4957, IoU.desk: 0.6023, IoU.rock: 0.6156, IoU.wardrobe: 0.5791, IoU.lamp: 0.7579, IoU.bathtub: 0.8868, IoU.railing: 0.4383, IoU.cushion: 0.6802, IoU.base: 0.3884, IoU.box: 0.3718, IoU.column: 0.5671, IoU.signboard: 0.4179, IoU.chest of drawers: 0.4758, IoU.counter: 0.4870, IoU.sand: 0.6062, IoU.sink: 0.8233, IoU.skyscraper: 0.4589, IoU.fireplace: 0.7563, IoU.refrigerator: 0.8638, IoU.grandstand: 0.4986, IoU.path: 0.3073, IoU.stairs: 0.3469, IoU.runway: 0.7309, IoU.case: 0.5937, IoU.pool table: 0.9450, IoU.pillow: 0.6694, IoU.screen door: 0.7307, IoU.stairway: 0.4051, IoU.river: 0.1513, IoU.bridge: 0.5856, IoU.bookcase: 0.4535, IoU.blind: 0.4321, IoU.coffee table: 0.6795, IoU.toilet: 0.8985, IoU.flower: 0.4213, IoU.book: 0.5365, IoU.hill: 0.0692, IoU.bench: 0.5725, IoU.countertop: 0.6555, IoU.stove: 0.8668, IoU.palm: 0.5324, IoU.kitchen island: 0.5264, IoU.computer: 0.8057, IoU.swivel chair: 0.4285, IoU.boat: 0.6964, IoU.bar: 0.6499, IoU.arcade machine: 0.8064, IoU.hovel: 0.1669, IoU.bus: 0.9421, IoU.towel: 0.7721, IoU.light: 0.6295, IoU.truck: 0.5091, IoU.tower: 0.1650, IoU.chandelier: 0.7438, IoU.awning: 0.4665, IoU.streetlight: 0.3807, IoU.booth: 0.4626, IoU.television receiver: 0.7775, IoU.airplane: 0.8812, IoU.dirt track: 0.0676, IoU.apparel: 0.6307, IoU.pole: 0.2865, IoU.land: 0.0586, IoU.bannister: 0.1993, IoU.escalator: 0.6395, IoU.ottoman: 0.5690, IoU.bottle: 0.4475, IoU.buffet: 0.6459, IoU.poster: 0.3957, IoU.stage: 0.2401, IoU.van: 0.4594, IoU.ship: 0.6874, IoU.fountain: 0.3591, IoU.conveyer belt: 0.8214, IoU.canopy: 0.5704, IoU.washer: 0.8719, IoU.plaything: 0.3033, IoU.swimming pool: 0.5405, IoU.stool: 0.5482, IoU.barrel: 0.5548, IoU.basket: 0.4354, IoU.waterfall: 0.5073, IoU.tent: 0.9374, IoU.bag: 0.2325, IoU.minibike: 0.7770, IoU.cradle: 0.8965, IoU.oven: 0.6820, IoU.ball: 0.5833, IoU.food: 0.5911, IoU.step: 0.1266, IoU.tank: 0.6872, IoU.trade name: 0.3037, IoU.microwave: 0.9048, IoU.pot: 0.5993, IoU.animal: 0.6574, IoU.bicycle: 0.6236, IoU.lake: 0.6066, IoU.dishwasher: 0.7564, IoU.screen: 0.6956, IoU.blanket: 0.3703, IoU.sculpture: 0.7712, IoU.hood: 0.6341, IoU.sconce: 0.5981, IoU.vase: 0.4823, IoU.traffic light: 0.3740, IoU.tray: 0.1889, IoU.ashcan: 0.5286, IoU.fan: 0.7081, IoU.pier: 0.4006, IoU.crt screen: 0.0575, IoU.plate: 0.6064, IoU.monitor: 0.1486, IoU.bulletin board: 0.6899, IoU.shower: 0.1472, IoU.radiator: 0.6349, IoU.glass: 0.2115, IoU.clock: 0.5344, IoU.flag: 0.7123, Acc.wall: 0.9051, Acc.building: 0.9309, Acc.sky: 0.9743, Acc.floor: 0.9257, Acc.tree: 0.9010, Acc.ceiling: 0.9434, Acc.road: 0.9115, Acc.bed : 0.9738, Acc.windowpane: 0.8279, Acc.grass: 0.7831, Acc.cabinet: 0.7802, Acc.sidewalk: 0.8679, Acc.person: 0.9451, Acc.earth: 0.5444, Acc.door: 0.7499, Acc.table: 0.8391, Acc.mountain: 0.7399, Acc.plant: 0.6836, Acc.curtain: 0.8720, Acc.chair: 0.8035, Acc.car: 0.9373, Acc.water: 0.7870, Acc.painting: 0.8975, Acc.sofa: 0.8952, Acc.shelf: 0.6458, Acc.house: 0.7373, Acc.sea: 0.8357, Acc.mirror: 0.8516, Acc.rug: 0.8203, Acc.field: 0.6151, Acc.armchair: 0.7902, Acc.seat: 0.8903, Acc.fence: 0.6231, Acc.desk: 0.7682, Acc.rock: 0.8105, Acc.wardrobe: 0.7339, Acc.lamp: 0.8795, Acc.bathtub: 0.9110, Acc.railing: 0.6140, Acc.cushion: 0.8143, Acc.base: 0.5633, Acc.box: 0.4613, Acc.column: 0.6895, Acc.signboard: 0.5543, Acc.chest of drawers: 0.6473, Acc.counter: 0.5810, Acc.sand: 0.8826, Acc.sink: 0.8685, Acc.skyscraper: 0.5738, Acc.fireplace: 0.9663, Acc.refrigerator: 0.9605, Acc.grandstand: 0.8240, Acc.path: 0.4596, Acc.stairs: 0.4508, Acc.runway: 0.9775, Acc.case: 0.7646, Acc.pool table: 0.9740, Acc.pillow: 0.7948, Acc.screen door: 0.7622, Acc.stairway: 0.5344, Acc.river: 0.2969, Acc.bridge: 0.6698, Acc.bookcase: 0.6348, Acc.blind: 0.4494, Acc.coffee table: 0.8661, Acc.toilet: 0.9364, Acc.flower: 0.5776, Acc.book: 0.7090, Acc.hill: 0.1131, Acc.bench: 0.6499, Acc.countertop: 0.8437, Acc.stove: 0.9204, Acc.palm: 0.8354, Acc.kitchen island: 0.7507, Acc.computer: 0.9156, Acc.swivel chair: 0.5805, Acc.boat: 0.8377, Acc.bar: 0.7976, Acc.arcade machine: 0.8478, Acc.hovel: 0.1788, Acc.bus: 0.9744, Acc.towel: 0.8783, Acc.light: 0.7128, Acc.truck: 0.6524, Acc.tower: 0.2222, Acc.chandelier: 0.8719, Acc.awning: 0.5699, Acc.streetlight: 0.5145, Acc.booth: 0.6895, Acc.television receiver: 0.9016, Acc.airplane: 0.9688, Acc.dirt track: 0.3328, Acc.apparel: 0.8761, Acc.pole: 0.4009, Acc.land: 0.0767, Acc.bannister: 0.2813, Acc.escalator: 0.8576, Acc.ottoman: 0.7159, Acc.bottle: 0.6937, Acc.buffet: 0.7480, Acc.poster: 0.4705, Acc.stage: 0.4545, Acc.van: 0.6630, Acc.ship: 0.8458, Acc.fountain: 0.3741, Acc.conveyer belt: 0.9550, Acc.canopy: 0.7844, Acc.washer: 0.9267, Acc.plaything: 0.5161, Acc.swimming pool: 0.7762, Acc.stool: 0.6701, Acc.barrel: 0.8588, Acc.basket: 0.5988, Acc.waterfall: 0.6107, Acc.tent: 0.9857, Acc.bag: 0.2776, Acc.minibike: 0.8857, Acc.cradle: 0.9773, Acc.oven: 0.7938, Acc.ball: 0.7332, Acc.food: 0.6962, Acc.step: 0.1431, Acc.tank: 0.7920, Acc.trade name: 0.3743, Acc.microwave: 0.9644, Acc.pot: 0.6801, Acc.animal: 0.6794, Acc.bicycle: 0.7891, Acc.lake: 0.6852, Acc.dishwasher: 0.8275, Acc.screen: 0.9299, Acc.blanket: 0.4480, Acc.sculpture: 0.8861, Acc.hood: 0.7472, Acc.sconce: 0.7238, Acc.vase: 0.6600, Acc.traffic light: 0.6590, Acc.tray: 0.2965, Acc.ashcan: 0.6449, Acc.fan: 0.8491, Acc.pier: 0.4453, Acc.crt screen: 0.1436, Acc.plate: 0.7906, Acc.monitor: 0.1666, Acc.bulletin board: 0.7675, Acc.shower: 0.1769, Acc.radiator: 0.7562, Acc.glass: 0.2253, Acc.clock: 0.6438, Acc.flag: 0.8294 2023-11-03 08:11:57,984 - mmseg - INFO - Iter [60050/80000] lr: 8.080e-07, eta: 10:02:21, time: 3.446, data_time: 1.791, memory: 69173, decode.loss_ce: 0.1486, decode.acc_seg: 93.4671, aux.loss_ce: 0.0831, aux.acc_seg: 91.5179, loss: 0.2316 2023-11-03 08:13:20,959 - mmseg - INFO - Iter [60100/80000] lr: 8.059e-07, eta: 10:00:48, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1252, decode.acc_seg: 94.3298, aux.loss_ce: 0.0722, aux.acc_seg: 92.3267, loss: 0.1975 2023-11-03 08:14:43,985 - mmseg - INFO - Iter [60150/80000] lr: 8.039e-07, eta: 9:59:15, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1366, decode.acc_seg: 93.9408, aux.loss_ce: 0.0776, aux.acc_seg: 91.8259, loss: 0.2142 2023-11-03 08:16:06,961 - mmseg - INFO - Iter [60200/80000] lr: 8.019e-07, eta: 9:57:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1408, decode.acc_seg: 93.8544, aux.loss_ce: 0.0778, aux.acc_seg: 91.9466, loss: 0.2186 2023-11-03 08:17:29,927 - mmseg - INFO - Iter [60250/80000] lr: 7.999e-07, eta: 9:56:09, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1345, decode.acc_seg: 93.8626, aux.loss_ce: 0.0769, aux.acc_seg: 91.8570, loss: 0.2115 2023-11-03 08:18:52,920 - mmseg - INFO - Iter [60300/80000] lr: 7.978e-07, eta: 9:54:36, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1311, decode.acc_seg: 94.0494, aux.loss_ce: 0.0772, aux.acc_seg: 91.8246, loss: 0.2083 2023-11-03 08:20:15,996 - mmseg - INFO - Iter [60350/80000] lr: 7.958e-07, eta: 9:53:03, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1305, decode.acc_seg: 94.1810, aux.loss_ce: 0.0741, aux.acc_seg: 92.2992, loss: 0.2046 2023-11-03 08:21:38,956 - mmseg - INFO - Iter [60400/80000] lr: 7.938e-07, eta: 9:51:30, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1323, decode.acc_seg: 94.1123, aux.loss_ce: 0.0722, aux.acc_seg: 92.4773, loss: 0.2045 2023-11-03 08:23:01,906 - mmseg - INFO - Iter [60450/80000] lr: 7.918e-07, eta: 9:49:57, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1417, decode.acc_seg: 93.8390, aux.loss_ce: 0.0792, aux.acc_seg: 91.9470, loss: 0.2209 2023-11-03 08:24:24,884 - mmseg - INFO - Iter [60500/80000] lr: 7.897e-07, eta: 9:48:24, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1290, decode.acc_seg: 94.1843, aux.loss_ce: 0.0706, aux.acc_seg: 92.6497, loss: 0.1997 2023-11-03 08:25:47,862 - mmseg - INFO - Iter [60550/80000] lr: 7.877e-07, eta: 9:46:51, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1339, decode.acc_seg: 94.1068, aux.loss_ce: 0.0775, aux.acc_seg: 91.8131, loss: 0.2114 2023-11-03 08:27:10,823 - mmseg - INFO - Iter [60600/80000] lr: 7.857e-07, eta: 9:45:18, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1255, decode.acc_seg: 94.5387, aux.loss_ce: 0.0716, aux.acc_seg: 92.6398, loss: 0.1971 2023-11-03 08:28:36,109 - mmseg - INFO - Iter [60650/80000] lr: 7.837e-07, eta: 9:43:46, time: 1.706, data_time: 0.050, memory: 69173, decode.loss_ce: 0.1339, decode.acc_seg: 94.0245, aux.loss_ce: 0.0760, aux.acc_seg: 92.0182, loss: 0.2100 2023-11-03 08:29:59,067 - mmseg - INFO - Iter [60700/80000] lr: 7.816e-07, eta: 9:42:13, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1306, decode.acc_seg: 94.2251, aux.loss_ce: 0.0715, aux.acc_seg: 92.5362, loss: 0.2021 2023-11-03 08:31:22,034 - mmseg - INFO - Iter [60750/80000] lr: 7.796e-07, eta: 9:40:40, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1346, decode.acc_seg: 93.8666, aux.loss_ce: 0.0753, aux.acc_seg: 92.1177, loss: 0.2099 2023-11-03 08:32:44,998 - mmseg - INFO - Iter [60800/80000] lr: 7.776e-07, eta: 9:39:07, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1327, decode.acc_seg: 94.0211, aux.loss_ce: 0.0742, aux.acc_seg: 92.1637, loss: 0.2069 2023-11-03 08:34:07,992 - mmseg - INFO - Iter [60850/80000] lr: 7.756e-07, eta: 9:37:34, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1316, decode.acc_seg: 94.1566, aux.loss_ce: 0.0744, aux.acc_seg: 92.1877, loss: 0.2060 2023-11-03 08:35:30,953 - mmseg - INFO - Iter [60900/80000] lr: 7.735e-07, eta: 9:36:01, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1256, decode.acc_seg: 94.3010, aux.loss_ce: 0.0696, aux.acc_seg: 92.5836, loss: 0.1953 2023-11-03 08:36:53,935 - mmseg - INFO - Iter [60950/80000] lr: 7.715e-07, eta: 9:34:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1252, decode.acc_seg: 94.5060, aux.loss_ce: 0.0712, aux.acc_seg: 92.6864, loss: 0.1964 2023-11-03 08:38:16,938 - mmseg - INFO - Saving checkpoint at 61000 iterations 2023-11-03 08:39:16,648 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 08:39:16,648 - mmseg - INFO - Iter [61000/80000] lr: 7.695e-07, eta: 9:33:14, time: 2.854, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1261, decode.acc_seg: 94.3032, aux.loss_ce: 0.0729, aux.acc_seg: 92.2039, loss: 0.1990 2023-11-03 08:40:42,361 - mmseg - INFO - per class results: 2023-11-03 08:40:42,366 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.6 | 90.72 | | building | 85.41 | 93.06 | | sky | 94.88 | 97.35 | | floor | 85.4 | 91.87 | | tree | 77.09 | 90.9 | | ceiling | 87.49 | 93.78 | | road | 87.3 | 91.14 | | bed | 92.78 | 97.33 | | windowpane | 66.19 | 82.53 | | grass | 68.68 | 82.01 | | cabinet | 67.81 | 78.19 | | sidewalk | 72.21 | 87.23 | | person | 85.68 | 94.69 | | earth | 39.53 | 50.57 | | door | 59.36 | 75.78 | | table | 70.88 | 83.92 | | mountain | 64.7 | 74.91 | | plant | 57.46 | 68.12 | | curtain | 78.54 | 87.99 | | chair | 68.05 | 81.81 | | car | 87.32 | 93.65 | | water | 61.02 | 75.47 | | painting | 79.32 | 90.29 | | sofa | 82.18 | 90.32 | | shelf | 47.75 | 63.53 | | house | 57.3 | 71.63 | | sea | 72.26 | 84.75 | | mirror | 77.01 | 86.43 | | rug | 70.41 | 81.3 | | field | 32.09 | 59.48 | | armchair | 62.7 | 78.34 | | seat | 70.31 | 87.76 | | fence | 50.65 | 65.31 | | desk | 59.86 | 77.23 | | rock | 57.59 | 83.22 | | wardrobe | 53.93 | 70.8 | | lamp | 75.56 | 86.7 | | bathtub | 90.79 | 94.37 | | railing | 43.54 | 60.35 | | cushion | 68.63 | 78.57 | | base | 37.74 | 53.03 | | box | 37.45 | 46.47 | | column | 56.99 | 70.59 | | signboard | 41.48 | 55.81 | | chest of drawers | 47.44 | 66.51 | | counter | 47.45 | 55.38 | | sand | 59.32 | 85.95 | | sink | 82.98 | 88.26 | | skyscraper | 46.85 | 59.35 | | fireplace | 78.39 | 93.52 | | refrigerator | 86.66 | 95.83 | | grandstand | 54.74 | 78.1 | | path | 28.66 | 43.29 | | stairs | 38.23 | 49.46 | | runway | 73.51 | 97.13 | | case | 57.6 | 73.32 | | pool table | 94.16 | 97.86 | | pillow | 64.49 | 72.92 | | screen door | 76.89 | 80.36 | | stairway | 38.87 | 50.62 | | river | 14.31 | 30.71 | | bridge | 54.03 | 59.14 | | bookcase | 44.67 | 67.69 | | blind | 42.59 | 47.86 | | coffee table | 66.15 | 86.98 | | toilet | 90.47 | 94.32 | | flower | 41.41 | 55.18 | | book | 53.72 | 75.09 | | hill | 6.71 | 12.3 | | bench | 56.74 | 62.47 | | countertop | 62.42 | 83.78 | | stove | 86.95 | 92.14 | | palm | 55.71 | 80.54 | | kitchen island | 51.94 | 71.79 | | computer | 76.87 | 92.55 | | swivel chair | 46.99 | 67.92 | | boat | 72.2 | 90.96 | | bar | 59.98 | 71.82 | | arcade machine | 79.4 | 82.63 | | hovel | 18.3 | 19.68 | | bus | 93.94 | 97.46 | | towel | 75.62 | 83.34 | | light | 61.82 | 68.4 | | truck | 47.98 | 63.71 | | tower | 20.04 | 28.53 | | chandelier | 73.62 | 86.34 | | awning | 46.82 | 57.31 | | streetlight | 39.46 | 51.9 | | booth | 42.79 | 65.82 | | television receiver | 78.46 | 88.21 | | airplane | 87.51 | 97.21 | | dirt track | 11.0 | 52.03 | | apparel | 61.2 | 79.1 | | pole | 30.12 | 41.15 | | land | 5.42 | 8.53 | | bannister | 20.73 | 26.6 | | escalator | 63.47 | 86.05 | | ottoman | 52.31 | 65.48 | | bottle | 44.86 | 74.04 | | buffet | 61.57 | 70.82 | | poster | 38.27 | 46.26 | | stage | 25.94 | 48.85 | | van | 45.24 | 70.98 | | ship | 70.47 | 81.22 | | fountain | 34.33 | 35.07 | | conveyer belt | 82.47 | 96.0 | | canopy | 57.67 | 73.87 | | washer | 85.99 | 91.22 | | plaything | 29.48 | 47.59 | | swimming pool | 58.39 | 84.79 | | stool | 57.75 | 72.18 | | barrel | 49.98 | 86.52 | | basket | 42.4 | 57.04 | | waterfall | 51.91 | 62.98 | | tent | 93.1 | 98.62 | | bag | 21.8 | 24.78 | | minibike | 77.94 | 88.62 | | cradle | 87.62 | 98.16 | | oven | 67.15 | 77.04 | | ball | 60.42 | 70.46 | | food | 60.91 | 72.43 | | step | 11.42 | 12.53 | | tank | 67.83 | 74.51 | | trade name | 25.59 | 29.46 | | microwave | 90.44 | 96.01 | | pot | 60.85 | 67.95 | | animal | 64.56 | 66.72 | | bicycle | 62.12 | 78.94 | | lake | 59.08 | 69.5 | | dishwasher | 76.43 | 83.46 | | screen | 60.11 | 80.18 | | blanket | 33.64 | 38.46 | | sculpture | 78.41 | 87.42 | | hood | 61.78 | 76.0 | | sconce | 60.83 | 72.5 | | vase | 48.32 | 64.81 | | traffic light | 39.03 | 60.98 | | tray | 17.49 | 25.97 | | ashcan | 53.18 | 67.69 | | fan | 70.3 | 86.39 | | pier | 39.65 | 45.54 | | crt screen | 1.31 | 3.6 | | plate | 60.45 | 79.97 | | monitor | 14.0 | 15.51 | | bulletin board | 68.07 | 76.38 | | shower | 13.12 | 21.96 | | radiator | 63.49 | 78.94 | | glass | 21.49 | 23.02 | | clock | 54.83 | 64.05 | | flag | 71.38 | 79.84 | +---------------------+-------+-------+ 2023-11-03 08:40:42,366 - mmseg - INFO - Summary: 2023-11-03 08:40:42,367 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.43 | 57.94 | 70.25 | +-------+-------+-------+ 2023-11-03 08:40:42,367 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 08:40:42,368 - mmseg - INFO - Iter(val) [250] aAcc: 0.8643, mIoU: 0.5794, mAcc: 0.7025, IoU.wall: 0.8260, IoU.building: 0.8541, IoU.sky: 0.9488, IoU.floor: 0.8540, IoU.tree: 0.7709, IoU.ceiling: 0.8749, IoU.road: 0.8730, IoU.bed : 0.9278, IoU.windowpane: 0.6619, IoU.grass: 0.6868, IoU.cabinet: 0.6781, IoU.sidewalk: 0.7221, IoU.person: 0.8568, IoU.earth: 0.3953, IoU.door: 0.5936, IoU.table: 0.7088, IoU.mountain: 0.6470, IoU.plant: 0.5746, IoU.curtain: 0.7854, IoU.chair: 0.6805, IoU.car: 0.8732, IoU.water: 0.6102, IoU.painting: 0.7932, IoU.sofa: 0.8218, IoU.shelf: 0.4775, IoU.house: 0.5730, IoU.sea: 0.7226, IoU.mirror: 0.7701, IoU.rug: 0.7041, IoU.field: 0.3209, IoU.armchair: 0.6270, IoU.seat: 0.7031, IoU.fence: 0.5065, IoU.desk: 0.5986, IoU.rock: 0.5759, IoU.wardrobe: 0.5393, IoU.lamp: 0.7556, IoU.bathtub: 0.9079, IoU.railing: 0.4354, IoU.cushion: 0.6863, IoU.base: 0.3774, IoU.box: 0.3745, IoU.column: 0.5699, IoU.signboard: 0.4148, IoU.chest of drawers: 0.4744, IoU.counter: 0.4745, IoU.sand: 0.5932, IoU.sink: 0.8298, IoU.skyscraper: 0.4685, IoU.fireplace: 0.7839, IoU.refrigerator: 0.8666, IoU.grandstand: 0.5474, IoU.path: 0.2866, IoU.stairs: 0.3823, IoU.runway: 0.7351, IoU.case: 0.5760, IoU.pool table: 0.9416, IoU.pillow: 0.6449, IoU.screen door: 0.7689, IoU.stairway: 0.3887, IoU.river: 0.1431, IoU.bridge: 0.5403, IoU.bookcase: 0.4467, IoU.blind: 0.4259, IoU.coffee table: 0.6615, IoU.toilet: 0.9047, IoU.flower: 0.4141, IoU.book: 0.5372, IoU.hill: 0.0671, IoU.bench: 0.5674, IoU.countertop: 0.6242, IoU.stove: 0.8695, IoU.palm: 0.5571, IoU.kitchen island: 0.5194, IoU.computer: 0.7687, IoU.swivel chair: 0.4699, IoU.boat: 0.7220, IoU.bar: 0.5998, IoU.arcade machine: 0.7940, IoU.hovel: 0.1830, IoU.bus: 0.9394, IoU.towel: 0.7562, IoU.light: 0.6182, IoU.truck: 0.4798, IoU.tower: 0.2004, IoU.chandelier: 0.7362, IoU.awning: 0.4682, IoU.streetlight: 0.3946, IoU.booth: 0.4279, IoU.television receiver: 0.7846, IoU.airplane: 0.8751, IoU.dirt track: 0.1100, IoU.apparel: 0.6120, IoU.pole: 0.3012, IoU.land: 0.0542, IoU.bannister: 0.2073, IoU.escalator: 0.6347, IoU.ottoman: 0.5231, IoU.bottle: 0.4486, IoU.buffet: 0.6157, IoU.poster: 0.3827, IoU.stage: 0.2594, IoU.van: 0.4524, IoU.ship: 0.7047, IoU.fountain: 0.3433, IoU.conveyer belt: 0.8247, IoU.canopy: 0.5767, IoU.washer: 0.8599, IoU.plaything: 0.2948, IoU.swimming pool: 0.5839, IoU.stool: 0.5775, IoU.barrel: 0.4998, IoU.basket: 0.4240, IoU.waterfall: 0.5191, IoU.tent: 0.9310, IoU.bag: 0.2180, IoU.minibike: 0.7794, IoU.cradle: 0.8762, IoU.oven: 0.6715, IoU.ball: 0.6042, IoU.food: 0.6091, IoU.step: 0.1142, IoU.tank: 0.6783, IoU.trade name: 0.2559, IoU.microwave: 0.9044, IoU.pot: 0.6085, IoU.animal: 0.6456, IoU.bicycle: 0.6212, IoU.lake: 0.5908, IoU.dishwasher: 0.7643, IoU.screen: 0.6011, IoU.blanket: 0.3364, IoU.sculpture: 0.7841, IoU.hood: 0.6178, IoU.sconce: 0.6083, IoU.vase: 0.4832, IoU.traffic light: 0.3903, IoU.tray: 0.1749, IoU.ashcan: 0.5318, IoU.fan: 0.7030, IoU.pier: 0.3965, IoU.crt screen: 0.0131, IoU.plate: 0.6045, IoU.monitor: 0.1400, IoU.bulletin board: 0.6807, IoU.shower: 0.1312, IoU.radiator: 0.6349, IoU.glass: 0.2149, IoU.clock: 0.5483, IoU.flag: 0.7138, Acc.wall: 0.9072, Acc.building: 0.9306, Acc.sky: 0.9735, Acc.floor: 0.9187, Acc.tree: 0.9090, Acc.ceiling: 0.9378, Acc.road: 0.9114, Acc.bed : 0.9733, Acc.windowpane: 0.8253, Acc.grass: 0.8201, Acc.cabinet: 0.7819, Acc.sidewalk: 0.8723, Acc.person: 0.9469, Acc.earth: 0.5057, Acc.door: 0.7578, Acc.table: 0.8392, Acc.mountain: 0.7491, Acc.plant: 0.6812, Acc.curtain: 0.8799, Acc.chair: 0.8181, Acc.car: 0.9365, Acc.water: 0.7547, Acc.painting: 0.9029, Acc.sofa: 0.9032, Acc.shelf: 0.6353, Acc.house: 0.7163, Acc.sea: 0.8475, Acc.mirror: 0.8643, Acc.rug: 0.8130, Acc.field: 0.5948, Acc.armchair: 0.7834, Acc.seat: 0.8776, Acc.fence: 0.6531, Acc.desk: 0.7723, Acc.rock: 0.8322, Acc.wardrobe: 0.7080, Acc.lamp: 0.8670, Acc.bathtub: 0.9437, Acc.railing: 0.6035, Acc.cushion: 0.7857, Acc.base: 0.5303, Acc.box: 0.4647, Acc.column: 0.7059, Acc.signboard: 0.5581, Acc.chest of drawers: 0.6651, Acc.counter: 0.5538, Acc.sand: 0.8595, Acc.sink: 0.8826, Acc.skyscraper: 0.5935, Acc.fireplace: 0.9352, Acc.refrigerator: 0.9583, Acc.grandstand: 0.7810, Acc.path: 0.4329, Acc.stairs: 0.4946, Acc.runway: 0.9713, Acc.case: 0.7332, Acc.pool table: 0.9786, Acc.pillow: 0.7292, Acc.screen door: 0.8036, Acc.stairway: 0.5062, Acc.river: 0.3071, Acc.bridge: 0.5914, Acc.bookcase: 0.6769, Acc.blind: 0.4786, Acc.coffee table: 0.8698, Acc.toilet: 0.9432, Acc.flower: 0.5518, Acc.book: 0.7509, Acc.hill: 0.1230, Acc.bench: 0.6247, Acc.countertop: 0.8378, Acc.stove: 0.9214, Acc.palm: 0.8054, Acc.kitchen island: 0.7179, Acc.computer: 0.9255, Acc.swivel chair: 0.6792, Acc.boat: 0.9096, Acc.bar: 0.7182, Acc.arcade machine: 0.8263, Acc.hovel: 0.1968, Acc.bus: 0.9746, Acc.towel: 0.8334, Acc.light: 0.6840, Acc.truck: 0.6371, Acc.tower: 0.2853, Acc.chandelier: 0.8634, Acc.awning: 0.5731, Acc.streetlight: 0.5190, Acc.booth: 0.6582, Acc.television receiver: 0.8821, Acc.airplane: 0.9721, Acc.dirt track: 0.5203, Acc.apparel: 0.7910, Acc.pole: 0.4115, Acc.land: 0.0853, Acc.bannister: 0.2660, Acc.escalator: 0.8605, Acc.ottoman: 0.6548, Acc.bottle: 0.7404, Acc.buffet: 0.7082, Acc.poster: 0.4626, Acc.stage: 0.4885, Acc.van: 0.7098, Acc.ship: 0.8122, Acc.fountain: 0.3507, Acc.conveyer belt: 0.9600, Acc.canopy: 0.7387, Acc.washer: 0.9122, Acc.plaything: 0.4759, Acc.swimming pool: 0.8479, Acc.stool: 0.7218, Acc.barrel: 0.8652, Acc.basket: 0.5704, Acc.waterfall: 0.6298, Acc.tent: 0.9862, Acc.bag: 0.2478, Acc.minibike: 0.8862, Acc.cradle: 0.9816, Acc.oven: 0.7704, Acc.ball: 0.7046, Acc.food: 0.7243, Acc.step: 0.1253, Acc.tank: 0.7451, Acc.trade name: 0.2946, Acc.microwave: 0.9601, Acc.pot: 0.6795, Acc.animal: 0.6672, Acc.bicycle: 0.7894, Acc.lake: 0.6950, Acc.dishwasher: 0.8346, Acc.screen: 0.8018, Acc.blanket: 0.3846, Acc.sculpture: 0.8742, Acc.hood: 0.7600, Acc.sconce: 0.7250, Acc.vase: 0.6481, Acc.traffic light: 0.6098, Acc.tray: 0.2597, Acc.ashcan: 0.6769, Acc.fan: 0.8639, Acc.pier: 0.4554, Acc.crt screen: 0.0360, Acc.plate: 0.7997, Acc.monitor: 0.1551, Acc.bulletin board: 0.7638, Acc.shower: 0.2196, Acc.radiator: 0.7894, Acc.glass: 0.2302, Acc.clock: 0.6405, Acc.flag: 0.7984 2023-11-03 08:42:05,484 - mmseg - INFO - Iter [61050/80000] lr: 7.675e-07, eta: 9:32:08, time: 3.377, data_time: 1.722, memory: 69173, decode.loss_ce: 0.1312, decode.acc_seg: 94.1441, aux.loss_ce: 0.0745, aux.acc_seg: 92.1665, loss: 0.2057 2023-11-03 08:43:28,472 - mmseg - INFO - Iter [61100/80000] lr: 7.654e-07, eta: 9:30:35, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1311, decode.acc_seg: 94.2112, aux.loss_ce: 0.0735, aux.acc_seg: 92.4111, loss: 0.2045 2023-11-03 08:44:51,453 - mmseg - INFO - Iter [61150/80000] lr: 7.634e-07, eta: 9:29:02, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1426, decode.acc_seg: 93.8484, aux.loss_ce: 0.0791, aux.acc_seg: 91.6778, loss: 0.2217 2023-11-03 08:46:14,486 - mmseg - INFO - Iter [61200/80000] lr: 7.614e-07, eta: 9:27:29, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1358, decode.acc_seg: 94.0796, aux.loss_ce: 0.0768, aux.acc_seg: 92.1370, loss: 0.2127 2023-11-03 08:47:37,498 - mmseg - INFO - Iter [61250/80000] lr: 7.594e-07, eta: 9:25:56, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1262, decode.acc_seg: 94.3260, aux.loss_ce: 0.0735, aux.acc_seg: 92.3660, loss: 0.1997 2023-11-03 08:49:00,507 - mmseg - INFO - Iter [61300/80000] lr: 7.573e-07, eta: 9:24:24, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1240, decode.acc_seg: 94.4299, aux.loss_ce: 0.0694, aux.acc_seg: 92.7134, loss: 0.1934 2023-11-03 08:50:23,489 - mmseg - INFO - Iter [61350/80000] lr: 7.553e-07, eta: 9:22:51, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1294, decode.acc_seg: 94.2171, aux.loss_ce: 0.0703, aux.acc_seg: 92.6240, loss: 0.1997 2023-11-03 08:51:46,449 - mmseg - INFO - Iter [61400/80000] lr: 7.533e-07, eta: 9:21:18, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1324, decode.acc_seg: 94.0783, aux.loss_ce: 0.0742, aux.acc_seg: 92.2660, loss: 0.2066 2023-11-03 08:53:09,426 - mmseg - INFO - Iter [61450/80000] lr: 7.513e-07, eta: 9:19:45, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1289, decode.acc_seg: 94.3227, aux.loss_ce: 0.0716, aux.acc_seg: 92.5470, loss: 0.2005 2023-11-03 08:54:32,408 - mmseg - INFO - Iter [61500/80000] lr: 7.492e-07, eta: 9:18:12, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1294, decode.acc_seg: 94.1046, aux.loss_ce: 0.0721, aux.acc_seg: 92.4279, loss: 0.2015 2023-11-03 08:55:55,371 - mmseg - INFO - Iter [61550/80000] lr: 7.472e-07, eta: 9:16:39, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1288, decode.acc_seg: 94.1535, aux.loss_ce: 0.0763, aux.acc_seg: 91.9435, loss: 0.2051 2023-11-03 08:57:18,376 - mmseg - INFO - Iter [61600/80000] lr: 7.452e-07, eta: 9:15:07, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1338, decode.acc_seg: 94.0481, aux.loss_ce: 0.0790, aux.acc_seg: 91.9073, loss: 0.2127 2023-11-03 08:58:41,343 - mmseg - INFO - Iter [61650/80000] lr: 7.432e-07, eta: 9:13:34, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1295, decode.acc_seg: 94.1235, aux.loss_ce: 0.0745, aux.acc_seg: 92.1852, loss: 0.2041 2023-11-03 09:00:04,294 - mmseg - INFO - Iter [61700/80000] lr: 7.411e-07, eta: 9:12:01, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1280, decode.acc_seg: 94.2007, aux.loss_ce: 0.0736, aux.acc_seg: 92.2274, loss: 0.2016 2023-11-03 09:01:27,263 - mmseg - INFO - Iter [61750/80000] lr: 7.391e-07, eta: 9:10:29, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1279, decode.acc_seg: 94.3308, aux.loss_ce: 0.0710, aux.acc_seg: 92.6926, loss: 0.1989 2023-11-03 09:02:50,200 - mmseg - INFO - Iter [61800/80000] lr: 7.371e-07, eta: 9:08:56, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1266, decode.acc_seg: 94.4474, aux.loss_ce: 0.0720, aux.acc_seg: 92.3725, loss: 0.1986 2023-11-03 09:04:13,200 - mmseg - INFO - Iter [61850/80000] lr: 7.351e-07, eta: 9:07:23, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1305, decode.acc_seg: 94.1544, aux.loss_ce: 0.0752, aux.acc_seg: 92.3214, loss: 0.2057 2023-11-03 09:05:38,595 - mmseg - INFO - Iter [61900/80000] lr: 7.330e-07, eta: 9:05:51, time: 1.708, data_time: 0.051, memory: 69173, decode.loss_ce: 0.1291, decode.acc_seg: 94.2998, aux.loss_ce: 0.0717, aux.acc_seg: 92.5645, loss: 0.2009 2023-11-03 09:07:01,573 - mmseg - INFO - Iter [61950/80000] lr: 7.310e-07, eta: 9:04:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1278, decode.acc_seg: 94.2200, aux.loss_ce: 0.0736, aux.acc_seg: 92.1634, loss: 0.2015 2023-11-03 09:08:24,566 - mmseg - INFO - Saving checkpoint at 62000 iterations 2023-11-03 09:09:23,159 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 09:09:23,159 - mmseg - INFO - Iter [62000/80000] lr: 7.290e-07, eta: 9:03:03, time: 2.832, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1309, decode.acc_seg: 94.0892, aux.loss_ce: 0.0730, aux.acc_seg: 92.3478, loss: 0.2040 2023-11-03 09:10:48,665 - mmseg - INFO - per class results: 2023-11-03 09:10:48,670 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.34 | 89.84 | | building | 84.54 | 94.12 | | sky | 94.95 | 97.2 | | floor | 85.3 | 92.1 | | tree | 76.92 | 89.71 | | ceiling | 87.72 | 93.78 | | road | 86.55 | 90.94 | | bed | 93.01 | 97.44 | | windowpane | 66.08 | 83.22 | | grass | 69.99 | 84.33 | | cabinet | 68.42 | 78.61 | | sidewalk | 71.78 | 87.21 | | person | 85.61 | 94.33 | | earth | 40.93 | 55.2 | | door | 59.03 | 74.31 | | table | 71.07 | 82.83 | | mountain | 64.27 | 75.7 | | plant | 57.97 | 69.09 | | curtain | 76.88 | 86.91 | | chair | 67.48 | 80.51 | | car | 87.31 | 94.15 | | water | 62.6 | 77.35 | | painting | 79.52 | 90.48 | | sofa | 81.52 | 90.53 | | shelf | 48.26 | 64.51 | | house | 53.31 | 64.87 | | sea | 72.59 | 84.82 | | mirror | 74.66 | 83.41 | | rug | 68.85 | 79.4 | | field | 31.4 | 46.31 | | armchair | 60.55 | 73.1 | | seat | 70.25 | 90.0 | | fence | 52.03 | 66.36 | | desk | 59.45 | 77.33 | | rock | 58.73 | 83.28 | | wardrobe | 57.62 | 74.88 | | lamp | 75.45 | 86.07 | | bathtub | 89.69 | 92.99 | | railing | 43.91 | 59.93 | | cushion | 68.84 | 79.81 | | base | 40.75 | 54.71 | | box | 38.78 | 49.59 | | column | 57.28 | 69.63 | | signboard | 40.8 | 55.81 | | chest of drawers | 50.53 | 70.47 | | counter | 54.57 | 63.31 | | sand | 57.35 | 82.24 | | sink | 82.43 | 88.54 | | skyscraper | 46.17 | 57.75 | | fireplace | 75.78 | 96.61 | | refrigerator | 87.36 | 94.87 | | grandstand | 52.72 | 82.99 | | path | 26.2 | 36.55 | | stairs | 35.12 | 44.18 | | runway | 69.22 | 90.92 | | case | 58.11 | 72.34 | | pool table | 94.26 | 97.61 | | pillow | 65.83 | 76.33 | | screen door | 74.09 | 76.33 | | stairway | 39.62 | 50.15 | | river | 15.08 | 29.16 | | bridge | 55.64 | 63.53 | | bookcase | 48.26 | 68.2 | | blind | 41.06 | 45.08 | | coffee table | 65.37 | 87.71 | | toilet | 90.25 | 93.05 | | flower | 43.62 | 60.0 | | book | 53.65 | 72.84 | | hill | 7.4 | 12.77 | | bench | 56.83 | 63.16 | | countertop | 63.85 | 81.83 | | stove | 85.97 | 91.74 | | palm | 56.15 | 84.13 | | kitchen island | 54.91 | 76.36 | | computer | 78.68 | 91.66 | | swivel chair | 46.54 | 72.71 | | boat | 73.36 | 91.55 | | bar | 61.44 | 71.97 | | arcade machine | 81.23 | 84.55 | | hovel | 19.17 | 20.42 | | bus | 93.99 | 96.94 | | towel | 77.7 | 86.44 | | light | 62.75 | 73.38 | | truck | 49.89 | 65.98 | | tower | 23.59 | 36.73 | | chandelier | 74.74 | 87.53 | | awning | 45.91 | 55.21 | | streetlight | 39.48 | 53.91 | | booth | 45.91 | 73.51 | | television receiver | 77.19 | 90.21 | | airplane | 87.97 | 97.68 | | dirt track | 10.58 | 49.67 | | apparel | 61.44 | 82.87 | | pole | 29.49 | 41.65 | | land | 3.99 | 4.84 | | bannister | 20.5 | 25.78 | | escalator | 63.14 | 86.58 | | ottoman | 53.69 | 73.51 | | bottle | 44.59 | 73.96 | | buffet | 55.41 | 62.33 | | poster | 36.79 | 46.54 | | stage | 22.6 | 49.34 | | van | 44.79 | 61.35 | | ship | 73.94 | 82.27 | | fountain | 38.77 | 39.84 | | conveyer belt | 81.94 | 94.63 | | canopy | 53.98 | 74.33 | | washer | 84.96 | 90.22 | | plaything | 30.95 | 48.43 | | swimming pool | 56.95 | 82.73 | | stool | 57.21 | 67.78 | | barrel | 56.74 | 78.59 | | basket | 45.65 | 60.08 | | waterfall | 51.42 | 59.18 | | tent | 92.31 | 98.24 | | bag | 24.82 | 28.59 | | minibike | 76.17 | 91.08 | | cradle | 88.79 | 98.07 | | oven | 64.16 | 81.83 | | ball | 59.85 | 69.71 | | food | 62.59 | 72.67 | | step | 13.65 | 15.39 | | tank | 81.56 | 92.86 | | trade name | 22.57 | 25.38 | | microwave | 90.38 | 96.36 | | pot | 60.88 | 69.06 | | animal | 66.37 | 68.72 | | bicycle | 62.95 | 82.3 | | lake | 57.27 | 68.57 | | dishwasher | 76.43 | 83.89 | | screen | 59.88 | 79.58 | | blanket | 36.03 | 40.63 | | sculpture | 78.0 | 88.15 | | hood | 62.7 | 75.83 | | sconce | 61.25 | 76.38 | | vase | 48.5 | 65.76 | | traffic light | 38.57 | 60.05 | | tray | 22.04 | 33.54 | | ashcan | 52.38 | 65.18 | | fan | 70.23 | 87.28 | | pier | 39.41 | 44.8 | | crt screen | 1.52 | 3.65 | | plate | 61.44 | 78.81 | | monitor | 31.26 | 37.37 | | bulletin board | 62.21 | 82.84 | | shower | 16.21 | 17.5 | | radiator | 63.93 | 77.98 | | glass | 22.26 | 24.09 | | clock | 53.95 | 66.93 | | flag | 71.46 | 78.27 | +---------------------+-------+-------+ 2023-11-03 09:10:48,670 - mmseg - INFO - Summary: 2023-11-03 09:10:48,670 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 86.41 | 58.3 | 70.74 | +-------+------+-------+ 2023-11-03 09:10:48,671 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 09:10:48,671 - mmseg - INFO - Iter(val) [250] aAcc: 0.8641, mIoU: 0.5830, mAcc: 0.7074, IoU.wall: 0.8234, IoU.building: 0.8454, IoU.sky: 0.9495, IoU.floor: 0.8530, IoU.tree: 0.7692, IoU.ceiling: 0.8772, IoU.road: 0.8655, IoU.bed : 0.9301, IoU.windowpane: 0.6608, IoU.grass: 0.6999, IoU.cabinet: 0.6842, IoU.sidewalk: 0.7178, IoU.person: 0.8561, IoU.earth: 0.4093, IoU.door: 0.5903, IoU.table: 0.7107, IoU.mountain: 0.6427, IoU.plant: 0.5797, IoU.curtain: 0.7688, IoU.chair: 0.6748, IoU.car: 0.8731, IoU.water: 0.6260, IoU.painting: 0.7952, IoU.sofa: 0.8152, IoU.shelf: 0.4826, IoU.house: 0.5331, IoU.sea: 0.7259, IoU.mirror: 0.7466, IoU.rug: 0.6885, IoU.field: 0.3140, IoU.armchair: 0.6055, IoU.seat: 0.7025, IoU.fence: 0.5203, IoU.desk: 0.5945, IoU.rock: 0.5873, IoU.wardrobe: 0.5762, IoU.lamp: 0.7545, IoU.bathtub: 0.8969, IoU.railing: 0.4391, IoU.cushion: 0.6884, IoU.base: 0.4075, IoU.box: 0.3878, IoU.column: 0.5728, IoU.signboard: 0.4080, IoU.chest of drawers: 0.5053, IoU.counter: 0.5457, IoU.sand: 0.5735, IoU.sink: 0.8243, IoU.skyscraper: 0.4617, IoU.fireplace: 0.7578, IoU.refrigerator: 0.8736, IoU.grandstand: 0.5272, IoU.path: 0.2620, IoU.stairs: 0.3512, IoU.runway: 0.6922, IoU.case: 0.5811, IoU.pool table: 0.9426, IoU.pillow: 0.6583, IoU.screen door: 0.7409, IoU.stairway: 0.3962, IoU.river: 0.1508, IoU.bridge: 0.5564, IoU.bookcase: 0.4826, IoU.blind: 0.4106, IoU.coffee table: 0.6537, IoU.toilet: 0.9025, IoU.flower: 0.4362, IoU.book: 0.5365, IoU.hill: 0.0740, IoU.bench: 0.5683, IoU.countertop: 0.6385, IoU.stove: 0.8597, IoU.palm: 0.5615, IoU.kitchen island: 0.5491, IoU.computer: 0.7868, IoU.swivel chair: 0.4654, IoU.boat: 0.7336, IoU.bar: 0.6144, IoU.arcade machine: 0.8123, IoU.hovel: 0.1917, IoU.bus: 0.9399, IoU.towel: 0.7770, IoU.light: 0.6275, IoU.truck: 0.4989, IoU.tower: 0.2359, IoU.chandelier: 0.7474, IoU.awning: 0.4591, IoU.streetlight: 0.3948, IoU.booth: 0.4591, IoU.television receiver: 0.7719, IoU.airplane: 0.8797, IoU.dirt track: 0.1058, IoU.apparel: 0.6144, IoU.pole: 0.2949, IoU.land: 0.0399, IoU.bannister: 0.2050, IoU.escalator: 0.6314, IoU.ottoman: 0.5369, IoU.bottle: 0.4459, IoU.buffet: 0.5541, IoU.poster: 0.3679, IoU.stage: 0.2260, IoU.van: 0.4479, IoU.ship: 0.7394, IoU.fountain: 0.3877, IoU.conveyer belt: 0.8194, IoU.canopy: 0.5398, IoU.washer: 0.8496, IoU.plaything: 0.3095, IoU.swimming pool: 0.5695, IoU.stool: 0.5721, IoU.barrel: 0.5674, IoU.basket: 0.4565, IoU.waterfall: 0.5142, IoU.tent: 0.9231, IoU.bag: 0.2482, IoU.minibike: 0.7617, IoU.cradle: 0.8879, IoU.oven: 0.6416, IoU.ball: 0.5985, IoU.food: 0.6259, IoU.step: 0.1365, IoU.tank: 0.8156, IoU.trade name: 0.2257, IoU.microwave: 0.9038, IoU.pot: 0.6088, IoU.animal: 0.6637, IoU.bicycle: 0.6295, IoU.lake: 0.5727, IoU.dishwasher: 0.7643, IoU.screen: 0.5988, IoU.blanket: 0.3603, IoU.sculpture: 0.7800, IoU.hood: 0.6270, IoU.sconce: 0.6125, IoU.vase: 0.4850, IoU.traffic light: 0.3857, IoU.tray: 0.2204, IoU.ashcan: 0.5238, IoU.fan: 0.7023, IoU.pier: 0.3941, IoU.crt screen: 0.0152, IoU.plate: 0.6144, IoU.monitor: 0.3126, IoU.bulletin board: 0.6221, IoU.shower: 0.1621, IoU.radiator: 0.6393, IoU.glass: 0.2226, IoU.clock: 0.5395, IoU.flag: 0.7146, Acc.wall: 0.8984, Acc.building: 0.9412, Acc.sky: 0.9720, Acc.floor: 0.9210, Acc.tree: 0.8971, Acc.ceiling: 0.9378, Acc.road: 0.9094, Acc.bed : 0.9744, Acc.windowpane: 0.8322, Acc.grass: 0.8433, Acc.cabinet: 0.7861, Acc.sidewalk: 0.8721, Acc.person: 0.9433, Acc.earth: 0.5520, Acc.door: 0.7431, Acc.table: 0.8283, Acc.mountain: 0.7570, Acc.plant: 0.6909, Acc.curtain: 0.8691, Acc.chair: 0.8051, Acc.car: 0.9415, Acc.water: 0.7735, Acc.painting: 0.9048, Acc.sofa: 0.9053, Acc.shelf: 0.6451, Acc.house: 0.6487, Acc.sea: 0.8482, Acc.mirror: 0.8341, Acc.rug: 0.7940, Acc.field: 0.4631, Acc.armchair: 0.7310, Acc.seat: 0.9000, Acc.fence: 0.6636, Acc.desk: 0.7733, Acc.rock: 0.8328, Acc.wardrobe: 0.7488, Acc.lamp: 0.8607, Acc.bathtub: 0.9299, Acc.railing: 0.5993, Acc.cushion: 0.7981, Acc.base: 0.5471, Acc.box: 0.4959, Acc.column: 0.6963, Acc.signboard: 0.5581, Acc.chest of drawers: 0.7047, Acc.counter: 0.6331, Acc.sand: 0.8224, Acc.sink: 0.8854, Acc.skyscraper: 0.5775, Acc.fireplace: 0.9661, Acc.refrigerator: 0.9487, Acc.grandstand: 0.8299, Acc.path: 0.3655, Acc.stairs: 0.4418, Acc.runway: 0.9092, Acc.case: 0.7234, Acc.pool table: 0.9761, Acc.pillow: 0.7633, Acc.screen door: 0.7633, Acc.stairway: 0.5015, Acc.river: 0.2916, Acc.bridge: 0.6353, Acc.bookcase: 0.6820, Acc.blind: 0.4508, Acc.coffee table: 0.8771, Acc.toilet: 0.9305, Acc.flower: 0.6000, Acc.book: 0.7284, Acc.hill: 0.1277, Acc.bench: 0.6316, Acc.countertop: 0.8183, Acc.stove: 0.9174, Acc.palm: 0.8413, Acc.kitchen island: 0.7636, Acc.computer: 0.9166, Acc.swivel chair: 0.7271, Acc.boat: 0.9155, Acc.bar: 0.7197, Acc.arcade machine: 0.8455, Acc.hovel: 0.2042, Acc.bus: 0.9694, Acc.towel: 0.8644, Acc.light: 0.7338, Acc.truck: 0.6598, Acc.tower: 0.3673, Acc.chandelier: 0.8753, Acc.awning: 0.5521, Acc.streetlight: 0.5391, Acc.booth: 0.7351, Acc.television receiver: 0.9021, Acc.airplane: 0.9768, Acc.dirt track: 0.4967, Acc.apparel: 0.8287, Acc.pole: 0.4165, Acc.land: 0.0484, Acc.bannister: 0.2578, Acc.escalator: 0.8658, Acc.ottoman: 0.7351, Acc.bottle: 0.7396, Acc.buffet: 0.6233, Acc.poster: 0.4654, Acc.stage: 0.4934, Acc.van: 0.6135, Acc.ship: 0.8227, Acc.fountain: 0.3984, Acc.conveyer belt: 0.9463, Acc.canopy: 0.7433, Acc.washer: 0.9022, Acc.plaything: 0.4843, Acc.swimming pool: 0.8273, Acc.stool: 0.6778, Acc.barrel: 0.7859, Acc.basket: 0.6008, Acc.waterfall: 0.5918, Acc.tent: 0.9824, Acc.bag: 0.2859, Acc.minibike: 0.9108, Acc.cradle: 0.9807, Acc.oven: 0.8183, Acc.ball: 0.6971, Acc.food: 0.7267, Acc.step: 0.1539, Acc.tank: 0.9286, Acc.trade name: 0.2538, Acc.microwave: 0.9636, Acc.pot: 0.6906, Acc.animal: 0.6872, Acc.bicycle: 0.8230, Acc.lake: 0.6857, Acc.dishwasher: 0.8389, Acc.screen: 0.7958, Acc.blanket: 0.4063, Acc.sculpture: 0.8815, Acc.hood: 0.7583, Acc.sconce: 0.7638, Acc.vase: 0.6576, Acc.traffic light: 0.6005, Acc.tray: 0.3354, Acc.ashcan: 0.6518, Acc.fan: 0.8728, Acc.pier: 0.4480, Acc.crt screen: 0.0365, Acc.plate: 0.7881, Acc.monitor: 0.3737, Acc.bulletin board: 0.8284, Acc.shower: 0.1750, Acc.radiator: 0.7798, Acc.glass: 0.2409, Acc.clock: 0.6693, Acc.flag: 0.7827 2023-11-03 09:12:11,759 - mmseg - INFO - Iter [62050/80000] lr: 7.270e-07, eta: 9:01:55, time: 3.372, data_time: 1.717, memory: 69173, decode.loss_ce: 0.1376, decode.acc_seg: 94.0254, aux.loss_ce: 0.0758, aux.acc_seg: 92.3986, loss: 0.2134 2023-11-03 09:13:34,766 - mmseg - INFO - Iter [62100/80000] lr: 7.249e-07, eta: 9:00:22, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1272, decode.acc_seg: 94.4040, aux.loss_ce: 0.0770, aux.acc_seg: 92.1140, loss: 0.2042 2023-11-03 09:14:57,811 - mmseg - INFO - Iter [62150/80000] lr: 7.229e-07, eta: 8:58:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1193, decode.acc_seg: 94.5769, aux.loss_ce: 0.0704, aux.acc_seg: 92.4675, loss: 0.1897 2023-11-03 09:16:20,819 - mmseg - INFO - Iter [62200/80000] lr: 7.209e-07, eta: 8:57:17, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1321, decode.acc_seg: 94.0788, aux.loss_ce: 0.0733, aux.acc_seg: 92.3118, loss: 0.2053 2023-11-03 09:17:43,810 - mmseg - INFO - Iter [62250/80000] lr: 7.189e-07, eta: 8:55:44, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1313, decode.acc_seg: 94.1839, aux.loss_ce: 0.0716, aux.acc_seg: 92.5871, loss: 0.2029 2023-11-03 09:19:06,788 - mmseg - INFO - Iter [62300/80000] lr: 7.168e-07, eta: 8:54:11, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1316, decode.acc_seg: 94.1804, aux.loss_ce: 0.0744, aux.acc_seg: 92.2102, loss: 0.2060 2023-11-03 09:20:29,837 - mmseg - INFO - Iter [62350/80000] lr: 7.148e-07, eta: 8:52:39, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1227, decode.acc_seg: 94.4543, aux.loss_ce: 0.0671, aux.acc_seg: 92.9654, loss: 0.1898 2023-11-03 09:21:52,829 - mmseg - INFO - Iter [62400/80000] lr: 7.128e-07, eta: 8:51:06, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1292, decode.acc_seg: 94.2545, aux.loss_ce: 0.0693, aux.acc_seg: 92.7820, loss: 0.1985 2023-11-03 09:23:15,851 - mmseg - INFO - Iter [62450/80000] lr: 7.108e-07, eta: 8:49:33, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1364, decode.acc_seg: 94.0487, aux.loss_ce: 0.0761, aux.acc_seg: 92.1727, loss: 0.2125 2023-11-03 09:24:38,839 - mmseg - INFO - Iter [62500/80000] lr: 7.087e-07, eta: 8:48:01, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1399, decode.acc_seg: 93.9769, aux.loss_ce: 0.0748, aux.acc_seg: 92.3746, loss: 0.2146 2023-11-03 09:26:01,856 - mmseg - INFO - Iter [62550/80000] lr: 7.067e-07, eta: 8:46:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1315, decode.acc_seg: 94.2778, aux.loss_ce: 0.0746, aux.acc_seg: 92.4352, loss: 0.2061 2023-11-03 09:27:24,835 - mmseg - INFO - Iter [62600/80000] lr: 7.047e-07, eta: 8:44:56, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1277, decode.acc_seg: 94.3068, aux.loss_ce: 0.0718, aux.acc_seg: 92.6566, loss: 0.1994 2023-11-03 09:28:47,849 - mmseg - INFO - Iter [62650/80000] lr: 7.027e-07, eta: 8:43:23, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1307, decode.acc_seg: 94.1026, aux.loss_ce: 0.0733, aux.acc_seg: 92.3739, loss: 0.2039 2023-11-03 09:30:10,841 - mmseg - INFO - Iter [62700/80000] lr: 7.006e-07, eta: 8:41:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1305, decode.acc_seg: 94.1257, aux.loss_ce: 0.0745, aux.acc_seg: 92.2412, loss: 0.2051 2023-11-03 09:31:33,848 - mmseg - INFO - Iter [62750/80000] lr: 6.986e-07, eta: 8:40:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1193, decode.acc_seg: 94.6693, aux.loss_ce: 0.0683, aux.acc_seg: 92.9187, loss: 0.1875 2023-11-03 09:32:56,853 - mmseg - INFO - Iter [62800/80000] lr: 6.966e-07, eta: 8:38:45, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1176, decode.acc_seg: 94.6204, aux.loss_ce: 0.0696, aux.acc_seg: 92.5354, loss: 0.1872 2023-11-03 09:34:19,846 - mmseg - INFO - Iter [62850/80000] lr: 6.946e-07, eta: 8:37:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1317, decode.acc_seg: 93.9114, aux.loss_ce: 0.0742, aux.acc_seg: 92.2148, loss: 0.2059 2023-11-03 09:35:42,863 - mmseg - INFO - Iter [62900/80000] lr: 6.925e-07, eta: 8:35:40, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1271, decode.acc_seg: 94.3358, aux.loss_ce: 0.0736, aux.acc_seg: 92.3011, loss: 0.2007 2023-11-03 09:37:05,846 - mmseg - INFO - Iter [62950/80000] lr: 6.905e-07, eta: 8:34:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1267, decode.acc_seg: 94.2883, aux.loss_ce: 0.0737, aux.acc_seg: 92.3996, loss: 0.2004 2023-11-03 09:38:28,897 - mmseg - INFO - Saving checkpoint at 63000 iterations 2023-11-03 09:39:27,696 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 09:39:27,696 - mmseg - INFO - Iter [63000/80000] lr: 6.885e-07, eta: 8:32:51, time: 2.837, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1380, decode.acc_seg: 93.9683, aux.loss_ce: 0.0772, aux.acc_seg: 92.1109, loss: 0.2152 2023-11-03 09:40:55,724 - mmseg - INFO - per class results: 2023-11-03 09:40:55,729 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.44 | 89.73 | | building | 84.84 | 93.38 | | sky | 94.95 | 97.39 | | floor | 85.48 | 92.53 | | tree | 77.24 | 90.47 | | ceiling | 87.9 | 94.17 | | road | 87.42 | 91.6 | | bed | 92.89 | 97.48 | | windowpane | 66.13 | 82.11 | | grass | 68.47 | 80.71 | | cabinet | 66.9 | 76.97 | | sidewalk | 71.52 | 85.6 | | person | 85.64 | 94.25 | | earth | 41.22 | 57.53 | | door | 59.7 | 75.17 | | table | 71.57 | 83.48 | | mountain | 65.14 | 75.7 | | plant | 56.48 | 65.84 | | curtain | 76.26 | 88.19 | | chair | 68.15 | 80.55 | | car | 87.48 | 93.62 | | water | 62.87 | 79.54 | | painting | 79.13 | 90.56 | | sofa | 81.97 | 90.85 | | shelf | 48.48 | 65.33 | | house | 55.73 | 67.46 | | sea | 72.68 | 84.3 | | mirror | 76.47 | 85.61 | | rug | 70.73 | 81.09 | | field | 31.12 | 52.85 | | armchair | 63.12 | 80.17 | | seat | 70.32 | 89.61 | | fence | 52.05 | 64.5 | | desk | 60.98 | 78.05 | | rock | 58.46 | 81.57 | | wardrobe | 56.96 | 74.91 | | lamp | 75.58 | 87.14 | | bathtub | 88.63 | 91.57 | | railing | 45.34 | 63.86 | | cushion | 68.67 | 79.2 | | base | 43.13 | 60.99 | | box | 37.93 | 52.33 | | column | 56.91 | 70.95 | | signboard | 41.3 | 51.07 | | chest of drawers | 47.04 | 72.65 | | counter | 47.53 | 53.72 | | sand | 57.48 | 81.82 | | sink | 82.08 | 86.96 | | skyscraper | 46.35 | 59.51 | | fireplace | 73.52 | 96.28 | | refrigerator | 82.94 | 96.45 | | grandstand | 49.85 | 83.6 | | path | 26.84 | 36.62 | | stairs | 34.44 | 42.78 | | runway | 72.76 | 96.54 | | case | 58.83 | 72.0 | | pool table | 93.86 | 97.98 | | pillow | 66.96 | 78.08 | | screen door | 73.25 | 75.32 | | stairway | 39.53 | 50.79 | | river | 14.86 | 28.02 | | bridge | 56.39 | 64.23 | | bookcase | 48.78 | 64.05 | | blind | 41.65 | 46.05 | | coffee table | 67.23 | 85.53 | | toilet | 89.99 | 93.21 | | flower | 41.48 | 62.62 | | book | 53.79 | 75.15 | | hill | 7.02 | 11.68 | | bench | 56.04 | 64.82 | | countertop | 63.52 | 83.69 | | stove | 85.79 | 90.18 | | palm | 55.7 | 84.09 | | kitchen island | 55.61 | 85.95 | | computer | 78.04 | 90.8 | | swivel chair | 48.17 | 72.25 | | boat | 73.34 | 90.88 | | bar | 59.18 | 74.02 | | arcade machine | 80.7 | 84.11 | | hovel | 20.95 | 22.62 | | bus | 94.11 | 97.56 | | towel | 79.06 | 86.13 | | light | 62.76 | 70.68 | | truck | 52.54 | 65.35 | | tower | 29.86 | 50.2 | | chandelier | 73.53 | 89.35 | | awning | 47.56 | 60.67 | | streetlight | 40.5 | 56.68 | | booth | 45.07 | 67.37 | | television receiver | 77.44 | 91.27 | | airplane | 88.71 | 94.3 | | dirt track | 8.55 | 40.43 | | apparel | 64.22 | 84.28 | | pole | 29.7 | 41.58 | | land | 4.88 | 6.5 | | bannister | 19.9 | 28.26 | | escalator | 63.22 | 83.46 | | ottoman | 54.22 | 69.41 | | bottle | 45.27 | 70.45 | | buffet | 51.47 | 58.58 | | poster | 39.92 | 46.25 | | stage | 28.23 | 46.36 | | van | 45.29 | 66.56 | | ship | 86.4 | 91.5 | | fountain | 34.45 | 34.95 | | conveyer belt | 79.14 | 94.78 | | canopy | 55.53 | 75.28 | | washer | 81.43 | 86.31 | | plaything | 30.76 | 47.35 | | swimming pool | 60.05 | 88.69 | | stool | 55.34 | 70.2 | | barrel | 61.75 | 80.89 | | basket | 44.65 | 60.11 | | waterfall | 52.66 | 57.03 | | tent | 92.64 | 98.43 | | bag | 23.8 | 26.97 | | minibike | 75.88 | 90.46 | | cradle | 88.63 | 98.33 | | oven | 61.65 | 72.84 | | ball | 60.85 | 72.97 | | food | 61.78 | 73.29 | | step | 11.62 | 13.24 | | tank | 77.34 | 82.96 | | trade name | 26.98 | 31.24 | | microwave | 90.39 | 95.46 | | pot | 60.12 | 68.5 | | animal | 67.03 | 68.93 | | bicycle | 63.75 | 84.25 | | lake | 57.25 | 63.79 | | dishwasher | 67.14 | 70.46 | | screen | 61.01 | 80.99 | | blanket | 38.44 | 43.91 | | sculpture | 77.91 | 88.89 | | hood | 60.97 | 73.09 | | sconce | 60.95 | 72.65 | | vase | 47.38 | 67.52 | | traffic light | 37.86 | 67.5 | | tray | 21.1 | 34.44 | | ashcan | 52.76 | 67.59 | | fan | 71.34 | 86.41 | | pier | 36.45 | 43.97 | | crt screen | 1.67 | 3.61 | | plate | 62.39 | 77.96 | | monitor | 41.24 | 48.61 | | bulletin board | 64.26 | 71.95 | | shower | 15.82 | 19.28 | | radiator | 62.92 | 79.64 | | glass | 22.46 | 24.37 | | clock | 55.31 | 66.63 | | flag | 71.76 | 80.38 | +---------------------+-------+-------+ 2023-11-03 09:40:55,729 - mmseg - INFO - Summary: 2023-11-03 09:40:55,729 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 86.43 | 58.45 | 70.9 | +-------+-------+------+ 2023-11-03 09:40:55,730 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 09:40:55,730 - mmseg - INFO - Iter(val) [250] aAcc: 0.8643, mIoU: 0.5845, mAcc: 0.7090, IoU.wall: 0.8244, IoU.building: 0.8484, IoU.sky: 0.9495, IoU.floor: 0.8548, IoU.tree: 0.7724, IoU.ceiling: 0.8790, IoU.road: 0.8742, IoU.bed : 0.9289, IoU.windowpane: 0.6613, IoU.grass: 0.6847, IoU.cabinet: 0.6690, IoU.sidewalk: 0.7152, IoU.person: 0.8564, IoU.earth: 0.4122, IoU.door: 0.5970, IoU.table: 0.7157, IoU.mountain: 0.6514, IoU.plant: 0.5648, IoU.curtain: 0.7626, IoU.chair: 0.6815, IoU.car: 0.8748, IoU.water: 0.6287, IoU.painting: 0.7913, IoU.sofa: 0.8197, IoU.shelf: 0.4848, IoU.house: 0.5573, IoU.sea: 0.7268, IoU.mirror: 0.7647, IoU.rug: 0.7073, IoU.field: 0.3112, IoU.armchair: 0.6312, IoU.seat: 0.7032, IoU.fence: 0.5205, IoU.desk: 0.6098, IoU.rock: 0.5846, IoU.wardrobe: 0.5696, IoU.lamp: 0.7558, IoU.bathtub: 0.8863, IoU.railing: 0.4534, IoU.cushion: 0.6867, IoU.base: 0.4313, IoU.box: 0.3793, IoU.column: 0.5691, IoU.signboard: 0.4130, IoU.chest of drawers: 0.4704, IoU.counter: 0.4753, IoU.sand: 0.5748, IoU.sink: 0.8208, IoU.skyscraper: 0.4635, IoU.fireplace: 0.7352, IoU.refrigerator: 0.8294, IoU.grandstand: 0.4985, IoU.path: 0.2684, IoU.stairs: 0.3444, IoU.runway: 0.7276, IoU.case: 0.5883, IoU.pool table: 0.9386, IoU.pillow: 0.6696, IoU.screen door: 0.7325, IoU.stairway: 0.3953, IoU.river: 0.1486, IoU.bridge: 0.5639, IoU.bookcase: 0.4878, IoU.blind: 0.4165, IoU.coffee table: 0.6723, IoU.toilet: 0.8999, IoU.flower: 0.4148, IoU.book: 0.5379, IoU.hill: 0.0702, IoU.bench: 0.5604, IoU.countertop: 0.6352, IoU.stove: 0.8579, IoU.palm: 0.5570, IoU.kitchen island: 0.5561, IoU.computer: 0.7804, IoU.swivel chair: 0.4817, IoU.boat: 0.7334, IoU.bar: 0.5918, IoU.arcade machine: 0.8070, IoU.hovel: 0.2095, IoU.bus: 0.9411, IoU.towel: 0.7906, IoU.light: 0.6276, IoU.truck: 0.5254, IoU.tower: 0.2986, IoU.chandelier: 0.7353, IoU.awning: 0.4756, IoU.streetlight: 0.4050, IoU.booth: 0.4507, IoU.television receiver: 0.7744, IoU.airplane: 0.8871, IoU.dirt track: 0.0855, IoU.apparel: 0.6422, IoU.pole: 0.2970, IoU.land: 0.0488, IoU.bannister: 0.1990, IoU.escalator: 0.6322, IoU.ottoman: 0.5422, IoU.bottle: 0.4527, IoU.buffet: 0.5147, IoU.poster: 0.3992, IoU.stage: 0.2823, IoU.van: 0.4529, IoU.ship: 0.8640, IoU.fountain: 0.3445, IoU.conveyer belt: 0.7914, IoU.canopy: 0.5553, IoU.washer: 0.8143, IoU.plaything: 0.3076, IoU.swimming pool: 0.6005, IoU.stool: 0.5534, IoU.barrel: 0.6175, IoU.basket: 0.4465, IoU.waterfall: 0.5266, IoU.tent: 0.9264, IoU.bag: 0.2380, IoU.minibike: 0.7588, IoU.cradle: 0.8863, IoU.oven: 0.6165, IoU.ball: 0.6085, IoU.food: 0.6178, IoU.step: 0.1162, IoU.tank: 0.7734, IoU.trade name: 0.2698, IoU.microwave: 0.9039, IoU.pot: 0.6012, IoU.animal: 0.6703, IoU.bicycle: 0.6375, IoU.lake: 0.5725, IoU.dishwasher: 0.6714, IoU.screen: 0.6101, IoU.blanket: 0.3844, IoU.sculpture: 0.7791, IoU.hood: 0.6097, IoU.sconce: 0.6095, IoU.vase: 0.4738, IoU.traffic light: 0.3786, IoU.tray: 0.2110, IoU.ashcan: 0.5276, IoU.fan: 0.7134, IoU.pier: 0.3645, IoU.crt screen: 0.0167, IoU.plate: 0.6239, IoU.monitor: 0.4124, IoU.bulletin board: 0.6426, IoU.shower: 0.1582, IoU.radiator: 0.6292, IoU.glass: 0.2246, IoU.clock: 0.5531, IoU.flag: 0.7176, Acc.wall: 0.8973, Acc.building: 0.9338, Acc.sky: 0.9739, Acc.floor: 0.9253, Acc.tree: 0.9047, Acc.ceiling: 0.9417, Acc.road: 0.9160, Acc.bed : 0.9748, Acc.windowpane: 0.8211, Acc.grass: 0.8071, Acc.cabinet: 0.7697, Acc.sidewalk: 0.8560, Acc.person: 0.9425, Acc.earth: 0.5753, Acc.door: 0.7517, Acc.table: 0.8348, Acc.mountain: 0.7570, Acc.plant: 0.6584, Acc.curtain: 0.8819, Acc.chair: 0.8055, Acc.car: 0.9362, Acc.water: 0.7954, Acc.painting: 0.9056, Acc.sofa: 0.9085, Acc.shelf: 0.6533, Acc.house: 0.6746, Acc.sea: 0.8430, Acc.mirror: 0.8561, Acc.rug: 0.8109, Acc.field: 0.5285, Acc.armchair: 0.8017, Acc.seat: 0.8961, Acc.fence: 0.6450, Acc.desk: 0.7805, Acc.rock: 0.8157, Acc.wardrobe: 0.7491, Acc.lamp: 0.8714, Acc.bathtub: 0.9157, Acc.railing: 0.6386, Acc.cushion: 0.7920, Acc.base: 0.6099, Acc.box: 0.5233, Acc.column: 0.7095, Acc.signboard: 0.5107, Acc.chest of drawers: 0.7265, Acc.counter: 0.5372, Acc.sand: 0.8182, Acc.sink: 0.8696, Acc.skyscraper: 0.5951, Acc.fireplace: 0.9628, Acc.refrigerator: 0.9645, Acc.grandstand: 0.8360, Acc.path: 0.3662, Acc.stairs: 0.4278, Acc.runway: 0.9654, Acc.case: 0.7200, Acc.pool table: 0.9798, Acc.pillow: 0.7808, Acc.screen door: 0.7532, Acc.stairway: 0.5079, Acc.river: 0.2802, Acc.bridge: 0.6423, Acc.bookcase: 0.6405, Acc.blind: 0.4605, Acc.coffee table: 0.8553, Acc.toilet: 0.9321, Acc.flower: 0.6262, Acc.book: 0.7515, Acc.hill: 0.1168, Acc.bench: 0.6482, Acc.countertop: 0.8369, Acc.stove: 0.9018, Acc.palm: 0.8409, Acc.kitchen island: 0.8595, Acc.computer: 0.9080, Acc.swivel chair: 0.7225, Acc.boat: 0.9088, Acc.bar: 0.7402, Acc.arcade machine: 0.8411, Acc.hovel: 0.2262, Acc.bus: 0.9756, Acc.towel: 0.8613, Acc.light: 0.7068, Acc.truck: 0.6535, Acc.tower: 0.5020, Acc.chandelier: 0.8935, Acc.awning: 0.6067, Acc.streetlight: 0.5668, Acc.booth: 0.6737, Acc.television receiver: 0.9127, Acc.airplane: 0.9430, Acc.dirt track: 0.4043, Acc.apparel: 0.8428, Acc.pole: 0.4158, Acc.land: 0.0650, Acc.bannister: 0.2826, Acc.escalator: 0.8346, Acc.ottoman: 0.6941, Acc.bottle: 0.7045, Acc.buffet: 0.5858, Acc.poster: 0.4625, Acc.stage: 0.4636, Acc.van: 0.6656, Acc.ship: 0.9150, Acc.fountain: 0.3495, Acc.conveyer belt: 0.9478, Acc.canopy: 0.7528, Acc.washer: 0.8631, Acc.plaything: 0.4735, Acc.swimming pool: 0.8869, Acc.stool: 0.7020, Acc.barrel: 0.8089, Acc.basket: 0.6011, Acc.waterfall: 0.5703, Acc.tent: 0.9843, Acc.bag: 0.2697, Acc.minibike: 0.9046, Acc.cradle: 0.9833, Acc.oven: 0.7284, Acc.ball: 0.7297, Acc.food: 0.7329, Acc.step: 0.1324, Acc.tank: 0.8296, Acc.trade name: 0.3124, Acc.microwave: 0.9546, Acc.pot: 0.6850, Acc.animal: 0.6893, Acc.bicycle: 0.8425, Acc.lake: 0.6379, Acc.dishwasher: 0.7046, Acc.screen: 0.8099, Acc.blanket: 0.4391, Acc.sculpture: 0.8889, Acc.hood: 0.7309, Acc.sconce: 0.7265, Acc.vase: 0.6752, Acc.traffic light: 0.6750, Acc.tray: 0.3444, Acc.ashcan: 0.6759, Acc.fan: 0.8641, Acc.pier: 0.4397, Acc.crt screen: 0.0361, Acc.plate: 0.7796, Acc.monitor: 0.4861, Acc.bulletin board: 0.7195, Acc.shower: 0.1928, Acc.radiator: 0.7964, Acc.glass: 0.2437, Acc.clock: 0.6663, Acc.flag: 0.8038 2023-11-03 09:42:18,743 - mmseg - INFO - Iter [63050/80000] lr: 6.865e-07, eta: 8:31:42, time: 3.421, data_time: 1.768, memory: 69173, decode.loss_ce: 0.1294, decode.acc_seg: 94.2991, aux.loss_ce: 0.0742, aux.acc_seg: 92.4116, loss: 0.2036 2023-11-03 09:43:41,692 - mmseg - INFO - Iter [63100/80000] lr: 6.844e-07, eta: 8:30:10, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1241, decode.acc_seg: 94.3321, aux.loss_ce: 0.0711, aux.acc_seg: 92.2800, loss: 0.1952 2023-11-03 09:45:04,596 - mmseg - INFO - Iter [63150/80000] lr: 6.824e-07, eta: 8:28:37, time: 1.658, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1245, decode.acc_seg: 94.4203, aux.loss_ce: 0.0692, aux.acc_seg: 92.7656, loss: 0.1937 2023-11-03 09:46:30,070 - mmseg - INFO - Iter [63200/80000] lr: 6.804e-07, eta: 8:27:05, time: 1.709, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1325, decode.acc_seg: 94.1639, aux.loss_ce: 0.0779, aux.acc_seg: 92.0039, loss: 0.2104 2023-11-03 09:47:53,086 - mmseg - INFO - Iter [63250/80000] lr: 6.784e-07, eta: 8:25:33, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1200, decode.acc_seg: 94.5214, aux.loss_ce: 0.0697, aux.acc_seg: 92.6643, loss: 0.1897 2023-11-03 09:49:16,093 - mmseg - INFO - Iter [63300/80000] lr: 6.763e-07, eta: 8:24:00, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1280, decode.acc_seg: 94.2332, aux.loss_ce: 0.0727, aux.acc_seg: 92.3497, loss: 0.2006 2023-11-03 09:50:39,075 - mmseg - INFO - Iter [63350/80000] lr: 6.743e-07, eta: 8:22:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1300, decode.acc_seg: 94.2920, aux.loss_ce: 0.0727, aux.acc_seg: 92.4907, loss: 0.2027 2023-11-03 09:52:02,053 - mmseg - INFO - Iter [63400/80000] lr: 6.723e-07, eta: 8:20:55, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1188, decode.acc_seg: 94.6556, aux.loss_ce: 0.0650, aux.acc_seg: 93.1898, loss: 0.1839 2023-11-03 09:53:25,083 - mmseg - INFO - Iter [63450/80000] lr: 6.703e-07, eta: 8:19:23, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1324, decode.acc_seg: 94.2019, aux.loss_ce: 0.0730, aux.acc_seg: 92.5214, loss: 0.2054 2023-11-03 09:54:48,100 - mmseg - INFO - Iter [63500/80000] lr: 6.682e-07, eta: 8:17:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1247, decode.acc_seg: 94.2411, aux.loss_ce: 0.0726, aux.acc_seg: 92.2323, loss: 0.1973 2023-11-03 09:56:11,136 - mmseg - INFO - Iter [63550/80000] lr: 6.662e-07, eta: 8:16:18, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1207, decode.acc_seg: 94.4411, aux.loss_ce: 0.0724, aux.acc_seg: 92.2649, loss: 0.1931 2023-11-03 09:57:34,150 - mmseg - INFO - Iter [63600/80000] lr: 6.642e-07, eta: 8:14:45, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1227, decode.acc_seg: 94.4613, aux.loss_ce: 0.0697, aux.acc_seg: 92.5450, loss: 0.1924 2023-11-03 09:58:57,144 - mmseg - INFO - Iter [63650/80000] lr: 6.622e-07, eta: 8:13:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1298, decode.acc_seg: 94.1937, aux.loss_ce: 0.0730, aux.acc_seg: 92.3125, loss: 0.2029 2023-11-03 10:00:20,197 - mmseg - INFO - Iter [63700/80000] lr: 6.601e-07, eta: 8:11:40, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1250, decode.acc_seg: 94.3462, aux.loss_ce: 0.0712, aux.acc_seg: 92.4762, loss: 0.1962 2023-11-03 10:01:43,217 - mmseg - INFO - Iter [63750/80000] lr: 6.581e-07, eta: 8:10:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1302, decode.acc_seg: 94.2053, aux.loss_ce: 0.0741, aux.acc_seg: 92.3367, loss: 0.2044 2023-11-03 10:03:06,260 - mmseg - INFO - Iter [63800/80000] lr: 6.561e-07, eta: 8:08:36, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1244, decode.acc_seg: 94.3450, aux.loss_ce: 0.0715, aux.acc_seg: 92.3882, loss: 0.1959 2023-11-03 10:04:29,314 - mmseg - INFO - Iter [63850/80000] lr: 6.541e-07, eta: 8:07:03, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1292, decode.acc_seg: 94.3532, aux.loss_ce: 0.0738, aux.acc_seg: 92.4385, loss: 0.2030 2023-11-03 10:05:52,334 - mmseg - INFO - Iter [63900/80000] lr: 6.520e-07, eta: 8:05:31, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1351, decode.acc_seg: 93.9499, aux.loss_ce: 0.0764, aux.acc_seg: 92.1978, loss: 0.2115 2023-11-03 10:07:15,332 - mmseg - INFO - Iter [63950/80000] lr: 6.500e-07, eta: 8:03:59, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1327, decode.acc_seg: 94.0385, aux.loss_ce: 0.0760, aux.acc_seg: 92.0268, loss: 0.2087 2023-11-03 10:08:38,320 - mmseg - INFO - Saving checkpoint at 64000 iterations 2023-11-03 10:09:44,012 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 10:09:44,013 - mmseg - INFO - Iter [64000/80000] lr: 6.480e-07, eta: 8:02:43, time: 2.974, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1269, decode.acc_seg: 94.2871, aux.loss_ce: 0.0717, aux.acc_seg: 92.5027, loss: 0.1986 2023-11-03 10:11:09,399 - mmseg - INFO - per class results: 2023-11-03 10:11:09,404 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.45 | 90.41 | | building | 85.26 | 93.25 | | sky | 94.96 | 97.55 | | floor | 85.44 | 92.1 | | tree | 77.15 | 89.68 | | ceiling | 87.72 | 93.84 | | road | 86.63 | 91.89 | | bed | 92.99 | 97.31 | | windowpane | 65.84 | 81.76 | | grass | 68.05 | 82.32 | | cabinet | 67.76 | 79.66 | | sidewalk | 71.2 | 84.28 | | person | 85.63 | 94.83 | | earth | 41.42 | 56.14 | | door | 59.84 | 76.54 | | table | 71.12 | 81.44 | | mountain | 64.41 | 74.13 | | plant | 56.78 | 65.72 | | curtain | 78.08 | 88.07 | | chair | 68.46 | 81.24 | | car | 87.54 | 93.11 | | water | 62.85 | 79.32 | | painting | 79.36 | 91.07 | | sofa | 82.06 | 90.28 | | shelf | 47.39 | 61.96 | | house | 61.47 | 77.45 | | sea | 72.55 | 84.27 | | mirror | 75.28 | 83.95 | | rug | 68.87 | 78.31 | | field | 29.23 | 50.51 | | armchair | 63.21 | 80.85 | | seat | 70.06 | 89.16 | | fence | 53.6 | 68.86 | | desk | 60.6 | 76.21 | | rock | 58.33 | 82.5 | | wardrobe | 57.63 | 75.26 | | lamp | 76.01 | 85.48 | | bathtub | 90.11 | 93.29 | | railing | 44.86 | 60.23 | | cushion | 68.79 | 80.11 | | base | 41.12 | 60.05 | | box | 36.74 | 46.06 | | column | 57.18 | 70.6 | | signboard | 42.42 | 55.62 | | chest of drawers | 46.99 | 61.69 | | counter | 46.63 | 53.03 | | sand | 59.14 | 85.49 | | sink | 81.93 | 87.69 | | skyscraper | 46.32 | 59.76 | | fireplace | 76.03 | 93.68 | | refrigerator | 85.94 | 95.0 | | grandstand | 49.61 | 84.84 | | path | 29.22 | 40.92 | | stairs | 35.56 | 46.53 | | runway | 68.54 | 90.04 | | case | 56.02 | 72.04 | | pool table | 94.09 | 97.75 | | pillow | 67.85 | 79.45 | | screen door | 71.37 | 72.79 | | stairway | 41.71 | 50.44 | | river | 15.57 | 30.29 | | bridge | 59.88 | 67.4 | | bookcase | 47.08 | 63.93 | | blind | 41.37 | 46.53 | | coffee table | 67.43 | 86.77 | | toilet | 89.95 | 92.96 | | flower | 41.3 | 63.08 | | book | 54.5 | 74.31 | | hill | 7.96 | 12.85 | | bench | 56.83 | 63.09 | | countertop | 62.59 | 81.98 | | stove | 87.09 | 92.13 | | palm | 54.92 | 80.75 | | kitchen island | 53.05 | 76.75 | | computer | 78.67 | 91.53 | | swivel chair | 45.22 | 66.46 | | boat | 77.87 | 90.63 | | bar | 61.23 | 78.54 | | arcade machine | 82.98 | 86.57 | | hovel | 20.82 | 22.45 | | bus | 94.0 | 97.57 | | towel | 78.63 | 86.29 | | light | 63.38 | 71.21 | | truck | 47.25 | 60.35 | | tower | 26.72 | 45.77 | | chandelier | 73.99 | 87.02 | | awning | 48.89 | 64.62 | | streetlight | 38.19 | 48.62 | | booth | 47.53 | 71.5 | | television receiver | 77.31 | 89.35 | | airplane | 86.65 | 96.06 | | dirt track | 10.43 | 49.35 | | apparel | 64.1 | 84.31 | | pole | 30.73 | 41.17 | | land | 5.76 | 8.62 | | bannister | 20.07 | 25.78 | | escalator | 63.74 | 86.32 | | ottoman | 57.92 | 77.12 | | bottle | 44.97 | 74.35 | | buffet | 50.03 | 56.24 | | poster | 36.91 | 42.25 | | stage | 29.2 | 46.83 | | van | 46.27 | 77.6 | | ship | 81.22 | 90.86 | | fountain | 34.11 | 34.92 | | conveyer belt | 80.06 | 93.77 | | canopy | 57.05 | 76.37 | | washer | 82.88 | 87.55 | | plaything | 29.88 | 45.25 | | swimming pool | 56.42 | 81.39 | | stool | 57.91 | 69.85 | | barrel | 56.45 | 88.84 | | basket | 43.35 | 60.25 | | waterfall | 52.1 | 58.65 | | tent | 91.7 | 98.54 | | bag | 24.46 | 28.68 | | minibike | 75.27 | 90.87 | | cradle | 88.46 | 97.91 | | oven | 67.32 | 80.65 | | ball | 59.25 | 65.25 | | food | 59.38 | 69.87 | | step | 11.4 | 12.39 | | tank | 64.51 | 68.83 | | trade name | 24.13 | 27.84 | | microwave | 90.55 | 96.47 | | pot | 60.67 | 68.18 | | animal | 66.05 | 67.98 | | bicycle | 62.2 | 77.26 | | lake | 61.38 | 68.46 | | dishwasher | 76.2 | 83.44 | | screen | 64.97 | 90.97 | | blanket | 34.84 | 38.91 | | sculpture | 79.33 | 88.04 | | hood | 63.16 | 74.97 | | sconce | 60.24 | 71.39 | | vase | 47.63 | 64.87 | | traffic light | 38.2 | 61.01 | | tray | 24.78 | 38.78 | | ashcan | 52.84 | 66.21 | | fan | 71.24 | 85.25 | | pier | 38.54 | 44.6 | | crt screen | 1.87 | 3.85 | | plate | 60.09 | 80.99 | | monitor | 37.36 | 42.21 | | bulletin board | 66.68 | 77.68 | | shower | 12.29 | 17.87 | | radiator | 62.68 | 78.52 | | glass | 22.65 | 24.51 | | clock | 54.66 | 63.82 | | flag | 71.56 | 79.51 | +---------------------+-------+-------+ 2023-11-03 10:11:09,404 - mmseg - INFO - Summary: 2023-11-03 10:11:09,404 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 86.47 | 58.43 | 70.8 | +-------+-------+------+ 2023-11-03 10:11:09,405 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 10:11:09,405 - mmseg - INFO - Iter(val) [250] aAcc: 0.8647, mIoU: 0.5843, mAcc: 0.7080, IoU.wall: 0.8245, IoU.building: 0.8526, IoU.sky: 0.9496, IoU.floor: 0.8544, IoU.tree: 0.7715, IoU.ceiling: 0.8772, IoU.road: 0.8663, IoU.bed : 0.9299, IoU.windowpane: 0.6584, IoU.grass: 0.6805, IoU.cabinet: 0.6776, IoU.sidewalk: 0.7120, IoU.person: 0.8563, IoU.earth: 0.4142, IoU.door: 0.5984, IoU.table: 0.7112, IoU.mountain: 0.6441, IoU.plant: 0.5678, IoU.curtain: 0.7808, IoU.chair: 0.6846, IoU.car: 0.8754, IoU.water: 0.6285, IoU.painting: 0.7936, IoU.sofa: 0.8206, IoU.shelf: 0.4739, IoU.house: 0.6147, IoU.sea: 0.7255, IoU.mirror: 0.7528, IoU.rug: 0.6887, IoU.field: 0.2923, IoU.armchair: 0.6321, IoU.seat: 0.7006, IoU.fence: 0.5360, IoU.desk: 0.6060, IoU.rock: 0.5833, IoU.wardrobe: 0.5763, IoU.lamp: 0.7601, IoU.bathtub: 0.9011, IoU.railing: 0.4486, IoU.cushion: 0.6879, IoU.base: 0.4112, IoU.box: 0.3674, IoU.column: 0.5718, IoU.signboard: 0.4242, IoU.chest of drawers: 0.4699, IoU.counter: 0.4663, IoU.sand: 0.5914, IoU.sink: 0.8193, IoU.skyscraper: 0.4632, IoU.fireplace: 0.7603, IoU.refrigerator: 0.8594, IoU.grandstand: 0.4961, IoU.path: 0.2922, IoU.stairs: 0.3556, IoU.runway: 0.6854, IoU.case: 0.5602, IoU.pool table: 0.9409, IoU.pillow: 0.6785, IoU.screen door: 0.7137, IoU.stairway: 0.4171, IoU.river: 0.1557, IoU.bridge: 0.5988, IoU.bookcase: 0.4708, IoU.blind: 0.4137, IoU.coffee table: 0.6743, IoU.toilet: 0.8995, IoU.flower: 0.4130, IoU.book: 0.5450, IoU.hill: 0.0796, IoU.bench: 0.5683, IoU.countertop: 0.6259, IoU.stove: 0.8709, IoU.palm: 0.5492, IoU.kitchen island: 0.5305, IoU.computer: 0.7867, IoU.swivel chair: 0.4522, IoU.boat: 0.7787, IoU.bar: 0.6123, IoU.arcade machine: 0.8298, IoU.hovel: 0.2082, IoU.bus: 0.9400, IoU.towel: 0.7863, IoU.light: 0.6338, IoU.truck: 0.4725, IoU.tower: 0.2672, IoU.chandelier: 0.7399, IoU.awning: 0.4889, IoU.streetlight: 0.3819, IoU.booth: 0.4753, IoU.television receiver: 0.7731, IoU.airplane: 0.8665, IoU.dirt track: 0.1043, IoU.apparel: 0.6410, IoU.pole: 0.3073, IoU.land: 0.0576, IoU.bannister: 0.2007, IoU.escalator: 0.6374, IoU.ottoman: 0.5792, IoU.bottle: 0.4497, IoU.buffet: 0.5003, IoU.poster: 0.3691, IoU.stage: 0.2920, IoU.van: 0.4627, IoU.ship: 0.8122, IoU.fountain: 0.3411, IoU.conveyer belt: 0.8006, IoU.canopy: 0.5705, IoU.washer: 0.8288, IoU.plaything: 0.2988, IoU.swimming pool: 0.5642, IoU.stool: 0.5791, IoU.barrel: 0.5645, IoU.basket: 0.4335, IoU.waterfall: 0.5210, IoU.tent: 0.9170, IoU.bag: 0.2446, IoU.minibike: 0.7527, IoU.cradle: 0.8846, IoU.oven: 0.6732, IoU.ball: 0.5925, IoU.food: 0.5938, IoU.step: 0.1140, IoU.tank: 0.6451, IoU.trade name: 0.2413, IoU.microwave: 0.9055, IoU.pot: 0.6067, IoU.animal: 0.6605, IoU.bicycle: 0.6220, IoU.lake: 0.6138, IoU.dishwasher: 0.7620, IoU.screen: 0.6497, IoU.blanket: 0.3484, IoU.sculpture: 0.7933, IoU.hood: 0.6316, IoU.sconce: 0.6024, IoU.vase: 0.4763, IoU.traffic light: 0.3820, IoU.tray: 0.2478, IoU.ashcan: 0.5284, IoU.fan: 0.7124, IoU.pier: 0.3854, IoU.crt screen: 0.0187, IoU.plate: 0.6009, IoU.monitor: 0.3736, IoU.bulletin board: 0.6668, IoU.shower: 0.1229, IoU.radiator: 0.6268, IoU.glass: 0.2265, IoU.clock: 0.5466, IoU.flag: 0.7156, Acc.wall: 0.9041, Acc.building: 0.9325, Acc.sky: 0.9755, Acc.floor: 0.9210, Acc.tree: 0.8968, Acc.ceiling: 0.9384, Acc.road: 0.9189, Acc.bed : 0.9731, Acc.windowpane: 0.8176, Acc.grass: 0.8232, Acc.cabinet: 0.7966, Acc.sidewalk: 0.8428, Acc.person: 0.9483, Acc.earth: 0.5614, Acc.door: 0.7654, Acc.table: 0.8144, Acc.mountain: 0.7413, Acc.plant: 0.6572, Acc.curtain: 0.8807, Acc.chair: 0.8124, Acc.car: 0.9311, Acc.water: 0.7932, Acc.painting: 0.9107, Acc.sofa: 0.9028, Acc.shelf: 0.6196, Acc.house: 0.7745, Acc.sea: 0.8427, Acc.mirror: 0.8395, Acc.rug: 0.7831, Acc.field: 0.5051, Acc.armchair: 0.8085, Acc.seat: 0.8916, Acc.fence: 0.6886, Acc.desk: 0.7621, Acc.rock: 0.8250, Acc.wardrobe: 0.7526, Acc.lamp: 0.8548, Acc.bathtub: 0.9329, Acc.railing: 0.6023, Acc.cushion: 0.8011, Acc.base: 0.6005, Acc.box: 0.4606, Acc.column: 0.7060, Acc.signboard: 0.5562, Acc.chest of drawers: 0.6169, Acc.counter: 0.5303, Acc.sand: 0.8549, Acc.sink: 0.8769, Acc.skyscraper: 0.5976, Acc.fireplace: 0.9368, Acc.refrigerator: 0.9500, Acc.grandstand: 0.8484, Acc.path: 0.4092, Acc.stairs: 0.4653, Acc.runway: 0.9004, Acc.case: 0.7204, Acc.pool table: 0.9775, Acc.pillow: 0.7945, Acc.screen door: 0.7279, Acc.stairway: 0.5044, Acc.river: 0.3029, Acc.bridge: 0.6740, Acc.bookcase: 0.6393, Acc.blind: 0.4653, Acc.coffee table: 0.8677, Acc.toilet: 0.9296, Acc.flower: 0.6308, Acc.book: 0.7431, Acc.hill: 0.1285, Acc.bench: 0.6309, Acc.countertop: 0.8198, Acc.stove: 0.9213, Acc.palm: 0.8075, Acc.kitchen island: 0.7675, Acc.computer: 0.9153, Acc.swivel chair: 0.6646, Acc.boat: 0.9063, Acc.bar: 0.7854, Acc.arcade machine: 0.8657, Acc.hovel: 0.2245, Acc.bus: 0.9757, Acc.towel: 0.8629, Acc.light: 0.7121, Acc.truck: 0.6035, Acc.tower: 0.4577, Acc.chandelier: 0.8702, Acc.awning: 0.6462, Acc.streetlight: 0.4862, Acc.booth: 0.7150, Acc.television receiver: 0.8935, Acc.airplane: 0.9606, Acc.dirt track: 0.4935, Acc.apparel: 0.8431, Acc.pole: 0.4117, Acc.land: 0.0862, Acc.bannister: 0.2578, Acc.escalator: 0.8632, Acc.ottoman: 0.7712, Acc.bottle: 0.7435, Acc.buffet: 0.5624, Acc.poster: 0.4225, Acc.stage: 0.4683, Acc.van: 0.7760, Acc.ship: 0.9086, Acc.fountain: 0.3492, Acc.conveyer belt: 0.9377, Acc.canopy: 0.7637, Acc.washer: 0.8755, Acc.plaything: 0.4525, Acc.swimming pool: 0.8139, Acc.stool: 0.6985, Acc.barrel: 0.8884, Acc.basket: 0.6025, Acc.waterfall: 0.5865, Acc.tent: 0.9854, Acc.bag: 0.2868, Acc.minibike: 0.9087, Acc.cradle: 0.9791, Acc.oven: 0.8065, Acc.ball: 0.6525, Acc.food: 0.6987, Acc.step: 0.1239, Acc.tank: 0.6883, Acc.trade name: 0.2784, Acc.microwave: 0.9647, Acc.pot: 0.6818, Acc.animal: 0.6798, Acc.bicycle: 0.7726, Acc.lake: 0.6846, Acc.dishwasher: 0.8344, Acc.screen: 0.9097, Acc.blanket: 0.3891, Acc.sculpture: 0.8804, Acc.hood: 0.7497, Acc.sconce: 0.7139, Acc.vase: 0.6487, Acc.traffic light: 0.6101, Acc.tray: 0.3878, Acc.ashcan: 0.6621, Acc.fan: 0.8525, Acc.pier: 0.4460, Acc.crt screen: 0.0385, Acc.plate: 0.8099, Acc.monitor: 0.4221, Acc.bulletin board: 0.7768, Acc.shower: 0.1787, Acc.radiator: 0.7852, Acc.glass: 0.2451, Acc.clock: 0.6382, Acc.flag: 0.7951 2023-11-03 10:12:32,434 - mmseg - INFO - Iter [64050/80000] lr: 6.460e-07, eta: 8:01:32, time: 3.368, data_time: 1.715, memory: 69173, decode.loss_ce: 0.1259, decode.acc_seg: 94.3584, aux.loss_ce: 0.0714, aux.acc_seg: 92.5965, loss: 0.1973 2023-11-03 10:13:55,412 - mmseg - INFO - Iter [64100/80000] lr: 6.439e-07, eta: 7:59:59, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1220, decode.acc_seg: 94.4124, aux.loss_ce: 0.0700, aux.acc_seg: 92.4115, loss: 0.1920 2023-11-03 10:15:18,435 - mmseg - INFO - Iter [64150/80000] lr: 6.419e-07, eta: 7:58:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1211, decode.acc_seg: 94.4969, aux.loss_ce: 0.0684, aux.acc_seg: 92.7011, loss: 0.1895 2023-11-03 10:16:41,430 - mmseg - INFO - Iter [64200/80000] lr: 6.399e-07, eta: 7:56:54, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1255, decode.acc_seg: 94.3842, aux.loss_ce: 0.0722, aux.acc_seg: 92.3045, loss: 0.1978 2023-11-03 10:18:04,414 - mmseg - INFO - Iter [64250/80000] lr: 6.379e-07, eta: 7:55:22, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1222, decode.acc_seg: 94.4571, aux.loss_ce: 0.0694, aux.acc_seg: 92.7179, loss: 0.1916 2023-11-03 10:19:27,388 - mmseg - INFO - Iter [64300/80000] lr: 6.358e-07, eta: 7:53:49, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1167, decode.acc_seg: 94.7309, aux.loss_ce: 0.0676, aux.acc_seg: 92.7633, loss: 0.1843 2023-11-03 10:20:50,390 - mmseg - INFO - Iter [64350/80000] lr: 6.338e-07, eta: 7:52:17, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1417, decode.acc_seg: 93.7048, aux.loss_ce: 0.0787, aux.acc_seg: 91.8676, loss: 0.2204 2023-11-03 10:22:13,346 - mmseg - INFO - Iter [64400/80000] lr: 6.318e-07, eta: 7:50:45, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1331, decode.acc_seg: 94.1656, aux.loss_ce: 0.0727, aux.acc_seg: 92.6245, loss: 0.2058 2023-11-03 10:23:38,783 - mmseg - INFO - Iter [64450/80000] lr: 6.298e-07, eta: 7:49:13, time: 1.709, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1209, decode.acc_seg: 94.4848, aux.loss_ce: 0.0681, aux.acc_seg: 92.8145, loss: 0.1889 2023-11-03 10:25:01,746 - mmseg - INFO - Iter [64500/80000] lr: 6.277e-07, eta: 7:47:41, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1273, decode.acc_seg: 94.3522, aux.loss_ce: 0.0722, aux.acc_seg: 92.3434, loss: 0.1995 2023-11-03 10:26:24,753 - mmseg - INFO - Iter [64550/80000] lr: 6.257e-07, eta: 7:46:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1203, decode.acc_seg: 94.5162, aux.loss_ce: 0.0689, aux.acc_seg: 92.7431, loss: 0.1892 2023-11-03 10:27:47,734 - mmseg - INFO - Iter [64600/80000] lr: 6.237e-07, eta: 7:44:36, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1265, decode.acc_seg: 94.2423, aux.loss_ce: 0.0728, aux.acc_seg: 92.2848, loss: 0.1993 2023-11-03 10:29:10,708 - mmseg - INFO - Iter [64650/80000] lr: 6.217e-07, eta: 7:43:04, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1299, decode.acc_seg: 94.2932, aux.loss_ce: 0.0728, aux.acc_seg: 92.5386, loss: 0.2027 2023-11-03 10:30:33,721 - mmseg - INFO - Iter [64700/80000] lr: 6.197e-07, eta: 7:41:31, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1289, decode.acc_seg: 94.1595, aux.loss_ce: 0.0718, aux.acc_seg: 92.4474, loss: 0.2007 2023-11-03 10:31:56,715 - mmseg - INFO - Iter [64750/80000] lr: 6.176e-07, eta: 7:39:59, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1253, decode.acc_seg: 94.4386, aux.loss_ce: 0.0704, aux.acc_seg: 92.5391, loss: 0.1956 2023-11-03 10:33:19,708 - mmseg - INFO - Iter [64800/80000] lr: 6.156e-07, eta: 7:38:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1220, decode.acc_seg: 94.5110, aux.loss_ce: 0.0694, aux.acc_seg: 92.6738, loss: 0.1914 2023-11-03 10:34:42,708 - mmseg - INFO - Iter [64850/80000] lr: 6.136e-07, eta: 7:36:55, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1300, decode.acc_seg: 94.1655, aux.loss_ce: 0.0716, aux.acc_seg: 92.5354, loss: 0.2017 2023-11-03 10:36:05,682 - mmseg - INFO - Iter [64900/80000] lr: 6.116e-07, eta: 7:35:22, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1259, decode.acc_seg: 94.2841, aux.loss_ce: 0.0723, aux.acc_seg: 92.3110, loss: 0.1982 2023-11-03 10:37:28,662 - mmseg - INFO - Iter [64950/80000] lr: 6.095e-07, eta: 7:33:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1259, decode.acc_seg: 94.4429, aux.loss_ce: 0.0723, aux.acc_seg: 92.3975, loss: 0.1982 2023-11-03 10:38:51,633 - mmseg - INFO - Saving checkpoint at 65000 iterations 2023-11-03 10:39:52,207 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 10:39:52,207 - mmseg - INFO - Iter [65000/80000] lr: 6.075e-07, eta: 7:32:32, time: 2.871, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1263, decode.acc_seg: 94.4431, aux.loss_ce: 0.0711, aux.acc_seg: 92.6747, loss: 0.1974 2023-11-03 10:41:29,414 - mmseg - INFO - per class results: 2023-11-03 10:41:29,419 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.59 | 89.92 | | building | 85.46 | 93.14 | | sky | 94.93 | 97.5 | | floor | 85.78 | 92.59 | | tree | 77.16 | 89.74 | | ceiling | 87.82 | 94.59 | | road | 87.1 | 91.47 | | bed | 92.64 | 97.54 | | windowpane | 65.92 | 83.7 | | grass | 67.45 | 81.14 | | cabinet | 68.55 | 78.66 | | sidewalk | 71.75 | 86.28 | | person | 85.68 | 94.7 | | earth | 41.32 | 54.63 | | door | 59.79 | 75.2 | | table | 71.69 | 82.14 | | mountain | 65.32 | 74.47 | | plant | 57.59 | 68.97 | | curtain | 78.47 | 88.72 | | chair | 68.14 | 79.69 | | car | 87.58 | 94.18 | | water | 62.04 | 77.9 | | painting | 79.42 | 91.31 | | sofa | 81.55 | 89.18 | | shelf | 48.96 | 65.48 | | house | 60.66 | 76.69 | | sea | 72.19 | 84.12 | | mirror | 75.61 | 85.29 | | rug | 71.77 | 80.65 | | field | 28.16 | 50.03 | | armchair | 62.85 | 81.1 | | seat | 71.81 | 87.88 | | fence | 52.0 | 67.46 | | desk | 59.39 | 76.59 | | rock | 58.48 | 82.43 | | wardrobe | 57.7 | 73.33 | | lamp | 75.75 | 86.57 | | bathtub | 90.02 | 93.05 | | railing | 44.74 | 64.2 | | cushion | 68.15 | 80.46 | | base | 40.48 | 59.97 | | box | 37.99 | 50.92 | | column | 58.54 | 70.53 | | signboard | 41.64 | 56.62 | | chest of drawers | 49.24 | 67.75 | | counter | 52.26 | 63.8 | | sand | 60.29 | 87.92 | | sink | 82.19 | 87.83 | | skyscraper | 45.5 | 58.48 | | fireplace | 76.34 | 93.86 | | refrigerator | 86.08 | 94.8 | | grandstand | 49.81 | 82.78 | | path | 25.78 | 34.3 | | stairs | 35.68 | 47.22 | | runway | 70.07 | 92.35 | | case | 55.89 | 72.84 | | pool table | 94.15 | 97.71 | | pillow | 64.1 | 73.13 | | screen door | 82.06 | 84.51 | | stairway | 40.8 | 50.29 | | river | 15.12 | 29.68 | | bridge | 57.94 | 63.32 | | bookcase | 48.23 | 63.06 | | blind | 42.31 | 46.03 | | coffee table | 67.39 | 87.18 | | toilet | 90.43 | 93.32 | | flower | 42.2 | 60.16 | | book | 54.94 | 74.26 | | hill | 10.19 | 17.71 | | bench | 61.4 | 70.5 | | countertop | 59.8 | 83.01 | | stove | 86.71 | 92.71 | | palm | 55.4 | 82.3 | | kitchen island | 53.83 | 82.05 | | computer | 79.28 | 90.77 | | swivel chair | 44.79 | 65.4 | | boat | 75.8 | 92.7 | | bar | 59.09 | 68.96 | | arcade machine | 80.66 | 83.9 | | hovel | 21.17 | 23.14 | | bus | 93.87 | 98.04 | | towel | 77.63 | 84.45 | | light | 61.3 | 68.31 | | truck | 48.56 | 63.02 | | tower | 23.04 | 37.7 | | chandelier | 73.91 | 86.39 | | awning | 47.59 | 58.08 | | streetlight | 39.83 | 52.46 | | booth | 49.49 | 70.06 | | television receiver | 78.47 | 91.4 | | airplane | 87.93 | 97.28 | | dirt track | 10.22 | 47.4 | | apparel | 63.48 | 83.84 | | pole | 31.74 | 43.12 | | land | 5.32 | 7.4 | | bannister | 19.64 | 24.56 | | escalator | 64.6 | 86.1 | | ottoman | 59.66 | 74.34 | | bottle | 45.21 | 73.49 | | buffet | 57.94 | 66.57 | | poster | 39.08 | 49.46 | | stage | 21.08 | 52.88 | | van | 46.14 | 66.31 | | ship | 83.75 | 89.14 | | fountain | 36.21 | 37.21 | | conveyer belt | 78.76 | 94.26 | | canopy | 58.14 | 76.07 | | washer | 84.32 | 89.5 | | plaything | 32.77 | 47.13 | | swimming pool | 55.55 | 80.0 | | stool | 54.74 | 68.34 | | barrel | 53.05 | 90.64 | | basket | 43.51 | 60.72 | | waterfall | 54.44 | 63.78 | | tent | 91.51 | 98.36 | | bag | 23.18 | 26.08 | | minibike | 76.52 | 90.64 | | cradle | 88.01 | 97.71 | | oven | 67.41 | 80.73 | | ball | 56.75 | 61.11 | | food | 57.91 | 68.12 | | step | 11.61 | 13.02 | | tank | 81.29 | 91.58 | | trade name | 23.79 | 27.24 | | microwave | 90.41 | 96.38 | | pot | 61.84 | 70.53 | | animal | 65.83 | 67.78 | | bicycle | 62.78 | 82.23 | | lake | 60.13 | 68.93 | | dishwasher | 75.94 | 83.57 | | screen | 48.58 | 74.97 | | blanket | 32.43 | 38.2 | | sculpture | 78.72 | 89.11 | | hood | 63.12 | 75.0 | | sconce | 58.79 | 72.83 | | vase | 48.12 | 65.16 | | traffic light | 38.06 | 62.68 | | tray | 22.87 | 35.6 | | ashcan | 53.23 | 67.76 | | fan | 71.24 | 83.52 | | pier | 37.29 | 44.61 | | crt screen | 1.63 | 4.24 | | plate | 61.81 | 80.31 | | monitor | 27.13 | 34.24 | | bulletin board | 66.47 | 81.24 | | shower | 14.66 | 16.85 | | radiator | 62.24 | 76.04 | | glass | 21.67 | 23.27 | | clock | 53.32 | 65.93 | | flag | 71.57 | 82.69 | +---------------------+-------+-------+ 2023-11-03 10:41:29,419 - mmseg - INFO - Summary: 2023-11-03 10:41:29,420 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.53 | 58.46 | 71.05 | +-------+-------+-------+ 2023-11-03 10:41:29,420 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 10:41:29,421 - mmseg - INFO - Iter(val) [250] aAcc: 0.8653, mIoU: 0.5846, mAcc: 0.7105, IoU.wall: 0.8259, IoU.building: 0.8546, IoU.sky: 0.9493, IoU.floor: 0.8578, IoU.tree: 0.7716, IoU.ceiling: 0.8782, IoU.road: 0.8710, IoU.bed : 0.9264, IoU.windowpane: 0.6592, IoU.grass: 0.6745, IoU.cabinet: 0.6855, IoU.sidewalk: 0.7175, IoU.person: 0.8568, IoU.earth: 0.4132, IoU.door: 0.5979, IoU.table: 0.7169, IoU.mountain: 0.6532, IoU.plant: 0.5759, IoU.curtain: 0.7847, IoU.chair: 0.6814, IoU.car: 0.8758, IoU.water: 0.6204, IoU.painting: 0.7942, IoU.sofa: 0.8155, IoU.shelf: 0.4896, IoU.house: 0.6066, IoU.sea: 0.7219, IoU.mirror: 0.7561, IoU.rug: 0.7177, IoU.field: 0.2816, IoU.armchair: 0.6285, IoU.seat: 0.7181, IoU.fence: 0.5200, IoU.desk: 0.5939, IoU.rock: 0.5848, IoU.wardrobe: 0.5770, IoU.lamp: 0.7575, IoU.bathtub: 0.9002, IoU.railing: 0.4474, IoU.cushion: 0.6815, IoU.base: 0.4048, IoU.box: 0.3799, IoU.column: 0.5854, IoU.signboard: 0.4164, IoU.chest of drawers: 0.4924, IoU.counter: 0.5226, IoU.sand: 0.6029, IoU.sink: 0.8219, IoU.skyscraper: 0.4550, IoU.fireplace: 0.7634, IoU.refrigerator: 0.8608, IoU.grandstand: 0.4981, IoU.path: 0.2578, IoU.stairs: 0.3568, IoU.runway: 0.7007, IoU.case: 0.5589, IoU.pool table: 0.9415, IoU.pillow: 0.6410, IoU.screen door: 0.8206, IoU.stairway: 0.4080, IoU.river: 0.1512, IoU.bridge: 0.5794, IoU.bookcase: 0.4823, IoU.blind: 0.4231, IoU.coffee table: 0.6739, IoU.toilet: 0.9043, IoU.flower: 0.4220, IoU.book: 0.5494, IoU.hill: 0.1019, IoU.bench: 0.6140, IoU.countertop: 0.5980, IoU.stove: 0.8671, IoU.palm: 0.5540, IoU.kitchen island: 0.5383, IoU.computer: 0.7928, IoU.swivel chair: 0.4479, IoU.boat: 0.7580, IoU.bar: 0.5909, IoU.arcade machine: 0.8066, IoU.hovel: 0.2117, IoU.bus: 0.9387, IoU.towel: 0.7763, IoU.light: 0.6130, IoU.truck: 0.4856, IoU.tower: 0.2304, IoU.chandelier: 0.7391, IoU.awning: 0.4759, IoU.streetlight: 0.3983, IoU.booth: 0.4949, IoU.television receiver: 0.7847, IoU.airplane: 0.8793, IoU.dirt track: 0.1022, IoU.apparel: 0.6348, IoU.pole: 0.3174, IoU.land: 0.0532, IoU.bannister: 0.1964, IoU.escalator: 0.6460, IoU.ottoman: 0.5966, IoU.bottle: 0.4521, IoU.buffet: 0.5794, IoU.poster: 0.3908, IoU.stage: 0.2108, IoU.van: 0.4614, IoU.ship: 0.8375, IoU.fountain: 0.3621, IoU.conveyer belt: 0.7876, IoU.canopy: 0.5814, IoU.washer: 0.8432, IoU.plaything: 0.3277, IoU.swimming pool: 0.5555, IoU.stool: 0.5474, IoU.barrel: 0.5305, IoU.basket: 0.4351, IoU.waterfall: 0.5444, IoU.tent: 0.9151, IoU.bag: 0.2318, IoU.minibike: 0.7652, IoU.cradle: 0.8801, IoU.oven: 0.6741, IoU.ball: 0.5675, IoU.food: 0.5791, IoU.step: 0.1161, IoU.tank: 0.8129, IoU.trade name: 0.2379, IoU.microwave: 0.9041, IoU.pot: 0.6184, IoU.animal: 0.6583, IoU.bicycle: 0.6278, IoU.lake: 0.6013, IoU.dishwasher: 0.7594, IoU.screen: 0.4858, IoU.blanket: 0.3243, IoU.sculpture: 0.7872, IoU.hood: 0.6312, IoU.sconce: 0.5879, IoU.vase: 0.4812, IoU.traffic light: 0.3806, IoU.tray: 0.2287, IoU.ashcan: 0.5323, IoU.fan: 0.7124, IoU.pier: 0.3729, IoU.crt screen: 0.0163, IoU.plate: 0.6181, IoU.monitor: 0.2713, IoU.bulletin board: 0.6647, IoU.shower: 0.1466, IoU.radiator: 0.6224, IoU.glass: 0.2167, IoU.clock: 0.5332, IoU.flag: 0.7157, Acc.wall: 0.8992, Acc.building: 0.9314, Acc.sky: 0.9750, Acc.floor: 0.9259, Acc.tree: 0.8974, Acc.ceiling: 0.9459, Acc.road: 0.9147, Acc.bed : 0.9754, Acc.windowpane: 0.8370, Acc.grass: 0.8114, Acc.cabinet: 0.7866, Acc.sidewalk: 0.8628, Acc.person: 0.9470, Acc.earth: 0.5463, Acc.door: 0.7520, Acc.table: 0.8214, Acc.mountain: 0.7447, Acc.plant: 0.6897, Acc.curtain: 0.8872, Acc.chair: 0.7969, Acc.car: 0.9418, Acc.water: 0.7790, Acc.painting: 0.9131, Acc.sofa: 0.8918, Acc.shelf: 0.6548, Acc.house: 0.7669, Acc.sea: 0.8412, Acc.mirror: 0.8529, Acc.rug: 0.8065, Acc.field: 0.5003, Acc.armchair: 0.8110, Acc.seat: 0.8788, Acc.fence: 0.6746, Acc.desk: 0.7659, Acc.rock: 0.8243, Acc.wardrobe: 0.7333, Acc.lamp: 0.8657, Acc.bathtub: 0.9305, Acc.railing: 0.6420, Acc.cushion: 0.8046, Acc.base: 0.5997, Acc.box: 0.5092, Acc.column: 0.7053, Acc.signboard: 0.5662, Acc.chest of drawers: 0.6775, Acc.counter: 0.6380, Acc.sand: 0.8792, Acc.sink: 0.8783, Acc.skyscraper: 0.5848, Acc.fireplace: 0.9386, Acc.refrigerator: 0.9480, Acc.grandstand: 0.8278, Acc.path: 0.3430, Acc.stairs: 0.4722, Acc.runway: 0.9235, Acc.case: 0.7284, Acc.pool table: 0.9771, Acc.pillow: 0.7313, Acc.screen door: 0.8451, Acc.stairway: 0.5029, Acc.river: 0.2968, Acc.bridge: 0.6332, Acc.bookcase: 0.6306, Acc.blind: 0.4603, Acc.coffee table: 0.8718, Acc.toilet: 0.9332, Acc.flower: 0.6016, Acc.book: 0.7426, Acc.hill: 0.1771, Acc.bench: 0.7050, Acc.countertop: 0.8301, Acc.stove: 0.9271, Acc.palm: 0.8230, Acc.kitchen island: 0.8205, Acc.computer: 0.9077, Acc.swivel chair: 0.6540, Acc.boat: 0.9270, Acc.bar: 0.6896, Acc.arcade machine: 0.8390, Acc.hovel: 0.2314, Acc.bus: 0.9804, Acc.towel: 0.8445, Acc.light: 0.6831, Acc.truck: 0.6302, Acc.tower: 0.3770, Acc.chandelier: 0.8639, Acc.awning: 0.5808, Acc.streetlight: 0.5246, Acc.booth: 0.7006, Acc.television receiver: 0.9140, Acc.airplane: 0.9728, Acc.dirt track: 0.4740, Acc.apparel: 0.8384, Acc.pole: 0.4312, Acc.land: 0.0740, Acc.bannister: 0.2456, Acc.escalator: 0.8610, Acc.ottoman: 0.7434, Acc.bottle: 0.7349, Acc.buffet: 0.6657, Acc.poster: 0.4946, Acc.stage: 0.5288, Acc.van: 0.6631, Acc.ship: 0.8914, Acc.fountain: 0.3721, Acc.conveyer belt: 0.9426, Acc.canopy: 0.7607, Acc.washer: 0.8950, Acc.plaything: 0.4713, Acc.swimming pool: 0.8000, Acc.stool: 0.6834, Acc.barrel: 0.9064, Acc.basket: 0.6072, Acc.waterfall: 0.6378, Acc.tent: 0.9836, Acc.bag: 0.2608, Acc.minibike: 0.9064, Acc.cradle: 0.9771, Acc.oven: 0.8073, Acc.ball: 0.6111, Acc.food: 0.6812, Acc.step: 0.1302, Acc.tank: 0.9158, Acc.trade name: 0.2724, Acc.microwave: 0.9638, Acc.pot: 0.7053, Acc.animal: 0.6778, Acc.bicycle: 0.8223, Acc.lake: 0.6893, Acc.dishwasher: 0.8357, Acc.screen: 0.7497, Acc.blanket: 0.3820, Acc.sculpture: 0.8911, Acc.hood: 0.7500, Acc.sconce: 0.7283, Acc.vase: 0.6516, Acc.traffic light: 0.6268, Acc.tray: 0.3560, Acc.ashcan: 0.6776, Acc.fan: 0.8352, Acc.pier: 0.4461, Acc.crt screen: 0.0424, Acc.plate: 0.8031, Acc.monitor: 0.3424, Acc.bulletin board: 0.8124, Acc.shower: 0.1685, Acc.radiator: 0.7604, Acc.glass: 0.2327, Acc.clock: 0.6593, Acc.flag: 0.8269 2023-11-03 10:42:52,520 - mmseg - INFO - Iter [65050/80000] lr: 6.055e-07, eta: 7:31:22, time: 3.606, data_time: 1.951, memory: 69173, decode.loss_ce: 0.1246, decode.acc_seg: 94.4224, aux.loss_ce: 0.0708, aux.acc_seg: 92.5948, loss: 0.1954 2023-11-03 10:44:15,547 - mmseg - INFO - Iter [65100/80000] lr: 6.035e-07, eta: 7:29:50, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1324, decode.acc_seg: 93.9503, aux.loss_ce: 0.0759, aux.acc_seg: 92.0754, loss: 0.2084 2023-11-03 10:45:38,548 - mmseg - INFO - Iter [65150/80000] lr: 6.014e-07, eta: 7:28:17, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1244, decode.acc_seg: 94.3799, aux.loss_ce: 0.0701, aux.acc_seg: 92.6241, loss: 0.1945 2023-11-03 10:47:01,560 - mmseg - INFO - Iter [65200/80000] lr: 5.994e-07, eta: 7:26:45, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1236, decode.acc_seg: 94.4315, aux.loss_ce: 0.0679, aux.acc_seg: 93.0433, loss: 0.1914 2023-11-03 10:48:24,514 - mmseg - INFO - Iter [65250/80000] lr: 5.974e-07, eta: 7:25:13, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1346, decode.acc_seg: 94.1488, aux.loss_ce: 0.0764, aux.acc_seg: 92.1243, loss: 0.2110 2023-11-03 10:49:47,510 - mmseg - INFO - Iter [65300/80000] lr: 5.954e-07, eta: 7:23:41, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1288, decode.acc_seg: 94.2452, aux.loss_ce: 0.0730, aux.acc_seg: 92.3319, loss: 0.2018 2023-11-03 10:51:10,482 - mmseg - INFO - Iter [65350/80000] lr: 5.933e-07, eta: 7:22:08, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1284, decode.acc_seg: 94.3135, aux.loss_ce: 0.0729, aux.acc_seg: 92.5703, loss: 0.2013 2023-11-03 10:52:33,456 - mmseg - INFO - Iter [65400/80000] lr: 5.913e-07, eta: 7:20:36, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1239, decode.acc_seg: 94.3812, aux.loss_ce: 0.0715, aux.acc_seg: 92.2956, loss: 0.1954 2023-11-03 10:53:56,428 - mmseg - INFO - Iter [65450/80000] lr: 5.893e-07, eta: 7:19:04, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1198, decode.acc_seg: 94.5956, aux.loss_ce: 0.0690, aux.acc_seg: 92.7847, loss: 0.1888 2023-11-03 10:55:19,410 - mmseg - INFO - Iter [65500/80000] lr: 5.873e-07, eta: 7:17:32, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1249, decode.acc_seg: 94.4172, aux.loss_ce: 0.0694, aux.acc_seg: 92.6049, loss: 0.1943 2023-11-03 10:56:42,384 - mmseg - INFO - Iter [65550/80000] lr: 5.852e-07, eta: 7:16:00, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1206, decode.acc_seg: 94.5311, aux.loss_ce: 0.0682, aux.acc_seg: 92.9646, loss: 0.1888 2023-11-03 10:58:05,349 - mmseg - INFO - Iter [65600/80000] lr: 5.832e-07, eta: 7:14:27, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1236, decode.acc_seg: 94.3754, aux.loss_ce: 0.0716, aux.acc_seg: 92.3861, loss: 0.1952 2023-11-03 10:59:28,343 - mmseg - INFO - Iter [65650/80000] lr: 5.812e-07, eta: 7:12:55, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1305, decode.acc_seg: 94.2376, aux.loss_ce: 0.0744, aux.acc_seg: 92.3199, loss: 0.2050 2023-11-03 11:00:53,729 - mmseg - INFO - Iter [65700/80000] lr: 5.792e-07, eta: 7:11:24, time: 1.708, data_time: 0.051, memory: 69173, decode.loss_ce: 0.1183, decode.acc_seg: 94.6407, aux.loss_ce: 0.0679, aux.acc_seg: 92.8071, loss: 0.1863 2023-11-03 11:02:16,721 - mmseg - INFO - Iter [65750/80000] lr: 5.771e-07, eta: 7:09:51, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1258, decode.acc_seg: 94.2962, aux.loss_ce: 0.0700, aux.acc_seg: 92.5234, loss: 0.1958 2023-11-03 11:03:39,711 - mmseg - INFO - Iter [65800/80000] lr: 5.751e-07, eta: 7:08:19, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1225, decode.acc_seg: 94.4163, aux.loss_ce: 0.0705, aux.acc_seg: 92.5238, loss: 0.1930 2023-11-03 11:05:02,657 - mmseg - INFO - Iter [65850/80000] lr: 5.731e-07, eta: 7:06:47, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1177, decode.acc_seg: 94.5354, aux.loss_ce: 0.0688, aux.acc_seg: 92.5916, loss: 0.1866 2023-11-03 11:06:25,615 - mmseg - INFO - Iter [65900/80000] lr: 5.711e-07, eta: 7:05:15, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1253, decode.acc_seg: 94.3824, aux.loss_ce: 0.0692, aux.acc_seg: 92.6523, loss: 0.1944 2023-11-03 11:07:48,595 - mmseg - INFO - Iter [65950/80000] lr: 5.690e-07, eta: 7:03:43, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1255, decode.acc_seg: 94.3384, aux.loss_ce: 0.0705, aux.acc_seg: 92.7211, loss: 0.1960 2023-11-03 11:09:11,574 - mmseg - INFO - Saving checkpoint at 66000 iterations 2023-11-03 11:10:13,028 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 11:10:13,028 - mmseg - INFO - Iter [66000/80000] lr: 5.670e-07, eta: 7:02:24, time: 2.889, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1252, decode.acc_seg: 94.4465, aux.loss_ce: 0.0694, aux.acc_seg: 92.8249, loss: 0.1946 2023-11-03 11:11:38,084 - mmseg - INFO - per class results: 2023-11-03 11:11:38,089 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.44 | 89.71 | | building | 84.63 | 93.09 | | sky | 94.89 | 97.54 | | floor | 85.58 | 92.26 | | tree | 77.18 | 90.25 | | ceiling | 87.84 | 94.56 | | road | 87.17 | 91.37 | | bed | 92.9 | 97.34 | | windowpane | 66.37 | 81.89 | | grass | 66.61 | 76.25 | | cabinet | 68.34 | 78.45 | | sidewalk | 72.04 | 86.4 | | person | 85.75 | 94.29 | | earth | 40.7 | 55.64 | | door | 60.23 | 78.76 | | table | 71.16 | 83.16 | | mountain | 63.36 | 73.13 | | plant | 58.51 | 70.1 | | curtain | 78.14 | 89.89 | | chair | 67.98 | 81.33 | | car | 87.55 | 93.89 | | water | 60.85 | 75.94 | | painting | 78.53 | 90.31 | | sofa | 81.06 | 90.07 | | shelf | 49.92 | 69.03 | | house | 52.44 | 63.37 | | sea | 72.77 | 84.33 | | mirror | 74.88 | 83.81 | | rug | 69.48 | 77.66 | | field | 28.24 | 58.41 | | armchair | 60.98 | 77.24 | | seat | 70.91 | 89.66 | | fence | 51.81 | 67.33 | | desk | 59.62 | 78.77 | | rock | 59.22 | 84.8 | | wardrobe | 58.2 | 74.22 | | lamp | 75.85 | 86.21 | | bathtub | 89.79 | 92.84 | | railing | 45.14 | 59.56 | | cushion | 68.38 | 78.89 | | base | 39.43 | 57.92 | | box | 36.82 | 46.07 | | column | 57.16 | 72.91 | | signboard | 41.57 | 55.89 | | chest of drawers | 49.22 | 68.98 | | counter | 53.95 | 65.87 | | sand | 60.09 | 87.3 | | sink | 81.28 | 86.18 | | skyscraper | 44.49 | 56.85 | | fireplace | 75.63 | 94.76 | | refrigerator | 86.07 | 95.15 | | grandstand | 49.33 | 83.6 | | path | 26.62 | 40.65 | | stairs | 35.52 | 45.9 | | runway | 70.92 | 92.69 | | case | 58.15 | 73.16 | | pool table | 94.41 | 97.84 | | pillow | 66.98 | 77.87 | | screen door | 80.36 | 83.84 | | stairway | 45.18 | 54.8 | | river | 14.04 | 29.75 | | bridge | 58.73 | 67.15 | | bookcase | 48.28 | 64.46 | | blind | 41.51 | 45.59 | | coffee table | 67.23 | 87.29 | | toilet | 90.41 | 94.06 | | flower | 43.13 | 56.39 | | book | 54.91 | 75.97 | | hill | 8.54 | 12.79 | | bench | 56.12 | 64.0 | | countertop | 60.05 | 83.78 | | stove | 86.95 | 92.59 | | palm | 55.55 | 81.19 | | kitchen island | 53.71 | 80.94 | | computer | 79.29 | 90.12 | | swivel chair | 46.7 | 67.02 | | boat | 72.66 | 90.67 | | bar | 59.75 | 67.69 | | arcade machine | 80.88 | 84.38 | | hovel | 21.78 | 23.38 | | bus | 94.02 | 98.07 | | towel | 76.19 | 83.89 | | light | 61.72 | 70.1 | | truck | 50.47 | 61.96 | | tower | 26.68 | 46.04 | | chandelier | 74.11 | 88.22 | | awning | 46.17 | 56.91 | | streetlight | 39.11 | 52.09 | | booth | 55.53 | 71.02 | | television receiver | 79.72 | 90.24 | | airplane | 88.11 | 96.63 | | dirt track | 9.67 | 45.24 | | apparel | 64.25 | 86.66 | | pole | 28.33 | 37.53 | | land | 3.24 | 4.59 | | bannister | 20.0 | 25.03 | | escalator | 65.19 | 86.71 | | ottoman | 55.74 | 72.22 | | bottle | 45.04 | 63.36 | | buffet | 55.42 | 63.03 | | poster | 33.09 | 40.33 | | stage | 29.29 | 47.49 | | van | 45.94 | 67.76 | | ship | 86.28 | 92.13 | | fountain | 33.68 | 34.74 | | conveyer belt | 79.08 | 93.94 | | canopy | 57.36 | 73.87 | | washer | 84.41 | 89.66 | | plaything | 30.56 | 47.43 | | swimming pool | 55.69 | 80.27 | | stool | 56.76 | 68.04 | | barrel | 58.97 | 90.39 | | basket | 44.86 | 57.48 | | waterfall | 52.59 | 60.74 | | tent | 91.98 | 98.51 | | bag | 26.18 | 29.7 | | minibike | 76.38 | 90.16 | | cradle | 88.92 | 98.12 | | oven | 69.34 | 80.69 | | ball | 61.39 | 71.21 | | food | 56.82 | 66.25 | | step | 10.98 | 11.9 | | tank | 81.82 | 93.93 | | trade name | 24.9 | 28.53 | | microwave | 90.77 | 96.32 | | pot | 61.8 | 70.58 | | animal | 63.27 | 65.19 | | bicycle | 63.02 | 80.98 | | lake | 60.73 | 68.93 | | dishwasher | 74.03 | 84.08 | | screen | 47.45 | 68.65 | | blanket | 34.35 | 39.54 | | sculpture | 77.88 | 88.55 | | hood | 63.29 | 73.41 | | sconce | 61.1 | 73.81 | | vase | 48.24 | 65.32 | | traffic light | 38.05 | 64.72 | | tray | 21.86 | 33.07 | | ashcan | 52.66 | 66.88 | | fan | 70.79 | 87.01 | | pier | 38.65 | 46.16 | | crt screen | 2.68 | 8.13 | | plate | 61.58 | 80.97 | | monitor | 25.15 | 30.77 | | bulletin board | 63.34 | 74.86 | | shower | 15.45 | 19.3 | | radiator | 62.55 | 80.3 | | glass | 21.35 | 22.86 | | clock | 53.61 | 67.29 | | flag | 71.31 | 81.66 | +---------------------+-------+-------+ 2023-11-03 11:11:38,089 - mmseg - INFO - Summary: 2023-11-03 11:11:38,089 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.34 | 58.41 | 70.81 | +-------+-------+-------+ 2023-11-03 11:11:38,090 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 11:11:38,091 - mmseg - INFO - Iter(val) [250] aAcc: 0.8634, mIoU: 0.5841, mAcc: 0.7081, IoU.wall: 0.8244, IoU.building: 0.8463, IoU.sky: 0.9489, IoU.floor: 0.8558, IoU.tree: 0.7718, IoU.ceiling: 0.8784, IoU.road: 0.8717, IoU.bed : 0.9290, IoU.windowpane: 0.6637, IoU.grass: 0.6661, IoU.cabinet: 0.6834, IoU.sidewalk: 0.7204, IoU.person: 0.8575, IoU.earth: 0.4070, IoU.door: 0.6023, IoU.table: 0.7116, IoU.mountain: 0.6336, IoU.plant: 0.5851, IoU.curtain: 0.7814, IoU.chair: 0.6798, IoU.car: 0.8755, IoU.water: 0.6085, IoU.painting: 0.7853, IoU.sofa: 0.8106, IoU.shelf: 0.4992, IoU.house: 0.5244, IoU.sea: 0.7277, IoU.mirror: 0.7488, IoU.rug: 0.6948, IoU.field: 0.2824, IoU.armchair: 0.6098, IoU.seat: 0.7091, IoU.fence: 0.5181, IoU.desk: 0.5962, IoU.rock: 0.5922, IoU.wardrobe: 0.5820, IoU.lamp: 0.7585, IoU.bathtub: 0.8979, IoU.railing: 0.4514, IoU.cushion: 0.6838, IoU.base: 0.3943, IoU.box: 0.3682, IoU.column: 0.5716, IoU.signboard: 0.4157, IoU.chest of drawers: 0.4922, IoU.counter: 0.5395, IoU.sand: 0.6009, IoU.sink: 0.8128, IoU.skyscraper: 0.4449, IoU.fireplace: 0.7563, IoU.refrigerator: 0.8607, IoU.grandstand: 0.4933, IoU.path: 0.2662, IoU.stairs: 0.3552, IoU.runway: 0.7092, IoU.case: 0.5815, IoU.pool table: 0.9441, IoU.pillow: 0.6698, IoU.screen door: 0.8036, IoU.stairway: 0.4518, IoU.river: 0.1404, IoU.bridge: 0.5873, IoU.bookcase: 0.4828, IoU.blind: 0.4151, IoU.coffee table: 0.6723, IoU.toilet: 0.9041, IoU.flower: 0.4313, IoU.book: 0.5491, IoU.hill: 0.0854, IoU.bench: 0.5612, IoU.countertop: 0.6005, IoU.stove: 0.8695, IoU.palm: 0.5555, IoU.kitchen island: 0.5371, IoU.computer: 0.7929, IoU.swivel chair: 0.4670, IoU.boat: 0.7266, IoU.bar: 0.5975, IoU.arcade machine: 0.8088, IoU.hovel: 0.2178, IoU.bus: 0.9402, IoU.towel: 0.7619, IoU.light: 0.6172, IoU.truck: 0.5047, IoU.tower: 0.2668, IoU.chandelier: 0.7411, IoU.awning: 0.4617, IoU.streetlight: 0.3911, IoU.booth: 0.5553, IoU.television receiver: 0.7972, IoU.airplane: 0.8811, IoU.dirt track: 0.0967, IoU.apparel: 0.6425, IoU.pole: 0.2833, IoU.land: 0.0324, IoU.bannister: 0.2000, IoU.escalator: 0.6519, IoU.ottoman: 0.5574, IoU.bottle: 0.4504, IoU.buffet: 0.5542, IoU.poster: 0.3309, IoU.stage: 0.2929, IoU.van: 0.4594, IoU.ship: 0.8628, IoU.fountain: 0.3368, IoU.conveyer belt: 0.7908, IoU.canopy: 0.5736, IoU.washer: 0.8441, IoU.plaything: 0.3056, IoU.swimming pool: 0.5569, IoU.stool: 0.5676, IoU.barrel: 0.5897, IoU.basket: 0.4486, IoU.waterfall: 0.5259, IoU.tent: 0.9198, IoU.bag: 0.2618, IoU.minibike: 0.7638, IoU.cradle: 0.8892, IoU.oven: 0.6934, IoU.ball: 0.6139, IoU.food: 0.5682, IoU.step: 0.1098, IoU.tank: 0.8182, IoU.trade name: 0.2490, IoU.microwave: 0.9077, IoU.pot: 0.6180, IoU.animal: 0.6327, IoU.bicycle: 0.6302, IoU.lake: 0.6073, IoU.dishwasher: 0.7403, IoU.screen: 0.4745, IoU.blanket: 0.3435, IoU.sculpture: 0.7788, IoU.hood: 0.6329, IoU.sconce: 0.6110, IoU.vase: 0.4824, IoU.traffic light: 0.3805, IoU.tray: 0.2186, IoU.ashcan: 0.5266, IoU.fan: 0.7079, IoU.pier: 0.3865, IoU.crt screen: 0.0268, IoU.plate: 0.6158, IoU.monitor: 0.2515, IoU.bulletin board: 0.6334, IoU.shower: 0.1545, IoU.radiator: 0.6255, IoU.glass: 0.2135, IoU.clock: 0.5361, IoU.flag: 0.7131, Acc.wall: 0.8971, Acc.building: 0.9309, Acc.sky: 0.9754, Acc.floor: 0.9226, Acc.tree: 0.9025, Acc.ceiling: 0.9456, Acc.road: 0.9137, Acc.bed : 0.9734, Acc.windowpane: 0.8189, Acc.grass: 0.7625, Acc.cabinet: 0.7845, Acc.sidewalk: 0.8640, Acc.person: 0.9429, Acc.earth: 0.5564, Acc.door: 0.7876, Acc.table: 0.8316, Acc.mountain: 0.7313, Acc.plant: 0.7010, Acc.curtain: 0.8989, Acc.chair: 0.8133, Acc.car: 0.9389, Acc.water: 0.7594, Acc.painting: 0.9031, Acc.sofa: 0.9007, Acc.shelf: 0.6903, Acc.house: 0.6337, Acc.sea: 0.8433, Acc.mirror: 0.8381, Acc.rug: 0.7766, Acc.field: 0.5841, Acc.armchair: 0.7724, Acc.seat: 0.8966, Acc.fence: 0.6733, Acc.desk: 0.7877, Acc.rock: 0.8480, Acc.wardrobe: 0.7422, Acc.lamp: 0.8621, Acc.bathtub: 0.9284, Acc.railing: 0.5956, Acc.cushion: 0.7889, Acc.base: 0.5792, Acc.box: 0.4607, Acc.column: 0.7291, Acc.signboard: 0.5589, Acc.chest of drawers: 0.6898, Acc.counter: 0.6587, Acc.sand: 0.8730, Acc.sink: 0.8618, Acc.skyscraper: 0.5685, Acc.fireplace: 0.9476, Acc.refrigerator: 0.9515, Acc.grandstand: 0.8360, Acc.path: 0.4065, Acc.stairs: 0.4590, Acc.runway: 0.9269, Acc.case: 0.7316, Acc.pool table: 0.9784, Acc.pillow: 0.7787, Acc.screen door: 0.8384, Acc.stairway: 0.5480, Acc.river: 0.2975, Acc.bridge: 0.6715, Acc.bookcase: 0.6446, Acc.blind: 0.4559, Acc.coffee table: 0.8729, Acc.toilet: 0.9406, Acc.flower: 0.5639, Acc.book: 0.7597, Acc.hill: 0.1279, Acc.bench: 0.6400, Acc.countertop: 0.8378, Acc.stove: 0.9259, Acc.palm: 0.8119, Acc.kitchen island: 0.8094, Acc.computer: 0.9012, Acc.swivel chair: 0.6702, Acc.boat: 0.9067, Acc.bar: 0.6769, Acc.arcade machine: 0.8438, Acc.hovel: 0.2338, Acc.bus: 0.9807, Acc.towel: 0.8389, Acc.light: 0.7010, Acc.truck: 0.6196, Acc.tower: 0.4604, Acc.chandelier: 0.8822, Acc.awning: 0.5691, Acc.streetlight: 0.5209, Acc.booth: 0.7102, Acc.television receiver: 0.9024, Acc.airplane: 0.9663, Acc.dirt track: 0.4524, Acc.apparel: 0.8666, Acc.pole: 0.3753, Acc.land: 0.0459, Acc.bannister: 0.2503, Acc.escalator: 0.8671, Acc.ottoman: 0.7222, Acc.bottle: 0.6336, Acc.buffet: 0.6303, Acc.poster: 0.4033, Acc.stage: 0.4749, Acc.van: 0.6776, Acc.ship: 0.9213, Acc.fountain: 0.3474, Acc.conveyer belt: 0.9394, Acc.canopy: 0.7387, Acc.washer: 0.8966, Acc.plaything: 0.4743, Acc.swimming pool: 0.8027, Acc.stool: 0.6804, Acc.barrel: 0.9039, Acc.basket: 0.5748, Acc.waterfall: 0.6074, Acc.tent: 0.9851, Acc.bag: 0.2970, Acc.minibike: 0.9016, Acc.cradle: 0.9812, Acc.oven: 0.8069, Acc.ball: 0.7121, Acc.food: 0.6625, Acc.step: 0.1190, Acc.tank: 0.9393, Acc.trade name: 0.2853, Acc.microwave: 0.9632, Acc.pot: 0.7058, Acc.animal: 0.6519, Acc.bicycle: 0.8098, Acc.lake: 0.6893, Acc.dishwasher: 0.8408, Acc.screen: 0.6865, Acc.blanket: 0.3954, Acc.sculpture: 0.8855, Acc.hood: 0.7341, Acc.sconce: 0.7381, Acc.vase: 0.6532, Acc.traffic light: 0.6472, Acc.tray: 0.3307, Acc.ashcan: 0.6688, Acc.fan: 0.8701, Acc.pier: 0.4616, Acc.crt screen: 0.0813, Acc.plate: 0.8097, Acc.monitor: 0.3077, Acc.bulletin board: 0.7486, Acc.shower: 0.1930, Acc.radiator: 0.8030, Acc.glass: 0.2286, Acc.clock: 0.6729, Acc.flag: 0.8166 2023-11-03 11:13:01,196 - mmseg - INFO - Iter [66050/80000] lr: 5.650e-07, eta: 7:01:10, time: 3.363, data_time: 1.708, memory: 69173, decode.loss_ce: 0.1324, decode.acc_seg: 93.9882, aux.loss_ce: 0.0756, aux.acc_seg: 91.9864, loss: 0.2080 2023-11-03 11:14:24,149 - mmseg - INFO - Iter [66100/80000] lr: 5.630e-07, eta: 6:59:38, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1215, decode.acc_seg: 94.5602, aux.loss_ce: 0.0681, aux.acc_seg: 92.9979, loss: 0.1896 2023-11-03 11:15:47,118 - mmseg - INFO - Iter [66150/80000] lr: 5.609e-07, eta: 6:58:06, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1273, decode.acc_seg: 94.4889, aux.loss_ce: 0.0743, aux.acc_seg: 92.4752, loss: 0.2016 2023-11-03 11:17:10,067 - mmseg - INFO - Iter [66200/80000] lr: 5.589e-07, eta: 6:56:33, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1188, decode.acc_seg: 94.5415, aux.loss_ce: 0.0651, aux.acc_seg: 93.0068, loss: 0.1839 2023-11-03 11:18:33,053 - mmseg - INFO - Iter [66250/80000] lr: 5.569e-07, eta: 6:55:01, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1237, decode.acc_seg: 94.4414, aux.loss_ce: 0.0740, aux.acc_seg: 92.2344, loss: 0.1977 2023-11-03 11:19:56,001 - mmseg - INFO - Iter [66300/80000] lr: 5.549e-07, eta: 6:53:29, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1284, decode.acc_seg: 94.3020, aux.loss_ce: 0.0722, aux.acc_seg: 92.6598, loss: 0.2006 2023-11-03 11:21:19,014 - mmseg - INFO - Iter [66350/80000] lr: 5.528e-07, eta: 6:51:57, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1236, decode.acc_seg: 94.5634, aux.loss_ce: 0.0704, aux.acc_seg: 92.7989, loss: 0.1940 2023-11-03 11:22:41,984 - mmseg - INFO - Iter [66400/80000] lr: 5.508e-07, eta: 6:50:25, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1311, decode.acc_seg: 94.0422, aux.loss_ce: 0.0729, aux.acc_seg: 92.2637, loss: 0.2040 2023-11-03 11:24:04,944 - mmseg - INFO - Iter [66450/80000] lr: 5.488e-07, eta: 6:48:53, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1274, decode.acc_seg: 94.2947, aux.loss_ce: 0.0744, aux.acc_seg: 92.3275, loss: 0.2018 2023-11-03 11:25:27,943 - mmseg - INFO - Iter [66500/80000] lr: 5.468e-07, eta: 6:47:21, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1233, decode.acc_seg: 94.4350, aux.loss_ce: 0.0697, aux.acc_seg: 92.7204, loss: 0.1930 2023-11-03 11:26:50,909 - mmseg - INFO - Iter [66550/80000] lr: 5.447e-07, eta: 6:45:49, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1195, decode.acc_seg: 94.5065, aux.loss_ce: 0.0707, aux.acc_seg: 92.4049, loss: 0.1902 2023-11-03 11:28:13,900 - mmseg - INFO - Iter [66600/80000] lr: 5.427e-07, eta: 6:44:17, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1269, decode.acc_seg: 94.2922, aux.loss_ce: 0.0723, aux.acc_seg: 92.5008, loss: 0.1992 2023-11-03 11:29:36,860 - mmseg - INFO - Iter [66650/80000] lr: 5.407e-07, eta: 6:42:45, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1232, decode.acc_seg: 94.5425, aux.loss_ce: 0.0714, aux.acc_seg: 92.6495, loss: 0.1946 2023-11-03 11:30:59,857 - mmseg - INFO - Iter [66700/80000] lr: 5.387e-07, eta: 6:41:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1272, decode.acc_seg: 94.2605, aux.loss_ce: 0.0719, aux.acc_seg: 92.3722, loss: 0.1991 2023-11-03 11:32:22,851 - mmseg - INFO - Iter [66750/80000] lr: 5.366e-07, eta: 6:39:41, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1261, decode.acc_seg: 94.3175, aux.loss_ce: 0.0707, aux.acc_seg: 92.5724, loss: 0.1969 2023-11-03 11:33:45,825 - mmseg - INFO - Iter [66800/80000] lr: 5.346e-07, eta: 6:38:09, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1150, decode.acc_seg: 94.7399, aux.loss_ce: 0.0666, aux.acc_seg: 93.0598, loss: 0.1816 2023-11-03 11:35:08,794 - mmseg - INFO - Iter [66850/80000] lr: 5.326e-07, eta: 6:36:37, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1258, decode.acc_seg: 94.3143, aux.loss_ce: 0.0729, aux.acc_seg: 92.4089, loss: 0.1988 2023-11-03 11:36:31,764 - mmseg - INFO - Iter [66900/80000] lr: 5.306e-07, eta: 6:35:05, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1247, decode.acc_seg: 94.4609, aux.loss_ce: 0.0711, aux.acc_seg: 92.5853, loss: 0.1958 2023-11-03 11:37:57,020 - mmseg - INFO - Iter [66950/80000] lr: 5.285e-07, eta: 6:33:33, time: 1.705, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1235, decode.acc_seg: 94.5445, aux.loss_ce: 0.0700, aux.acc_seg: 92.7830, loss: 0.1935 2023-11-03 11:39:19,983 - mmseg - INFO - Saving checkpoint at 67000 iterations 2023-11-03 11:40:20,344 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 11:40:20,344 - mmseg - INFO - Iter [67000/80000] lr: 5.265e-07, eta: 6:32:13, time: 2.866, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1263, decode.acc_seg: 94.3139, aux.loss_ce: 0.0719, aux.acc_seg: 92.5421, loss: 0.1982 2023-11-03 11:41:46,603 - mmseg - INFO - per class results: 2023-11-03 11:41:46,608 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.75 | 90.55 | | building | 84.87 | 93.47 | | sky | 94.96 | 97.43 | | floor | 85.3 | 92.48 | | tree | 77.21 | 90.66 | | ceiling | 87.8 | 94.26 | | road | 86.87 | 91.54 | | bed | 92.74 | 97.62 | | windowpane | 66.41 | 82.34 | | grass | 69.22 | 81.65 | | cabinet | 67.22 | 76.34 | | sidewalk | 71.61 | 85.0 | | person | 85.82 | 94.45 | | earth | 41.58 | 56.77 | | door | 61.34 | 74.86 | | table | 71.4 | 81.34 | | mountain | 65.19 | 75.31 | | plant | 57.89 | 67.71 | | curtain | 78.63 | 89.12 | | chair | 67.51 | 78.89 | | car | 87.46 | 94.3 | | water | 62.68 | 78.52 | | painting | 78.86 | 90.78 | | sofa | 81.39 | 89.0 | | shelf | 48.39 | 66.91 | | house | 51.04 | 60.91 | | sea | 72.79 | 84.04 | | mirror | 75.5 | 84.3 | | rug | 69.68 | 78.33 | | field | 29.31 | 46.07 | | armchair | 62.45 | 80.18 | | seat | 72.3 | 89.19 | | fence | 52.73 | 68.77 | | desk | 58.86 | 77.96 | | rock | 59.43 | 81.87 | | wardrobe | 57.84 | 75.97 | | lamp | 75.62 | 85.48 | | bathtub | 89.79 | 93.13 | | railing | 44.35 | 60.43 | | cushion | 68.01 | 80.29 | | base | 38.95 | 53.63 | | box | 37.56 | 47.76 | | column | 56.83 | 71.36 | | signboard | 42.11 | 57.76 | | chest of drawers | 46.91 | 69.47 | | counter | 49.94 | 59.14 | | sand | 60.57 | 89.6 | | sink | 81.47 | 87.35 | | skyscraper | 44.01 | 56.09 | | fireplace | 76.64 | 94.21 | | refrigerator | 85.17 | 96.3 | | grandstand | 49.5 | 82.95 | | path | 26.44 | 37.83 | | stairs | 35.55 | 44.63 | | runway | 72.82 | 94.76 | | case | 56.55 | 73.99 | | pool table | 94.42 | 97.5 | | pillow | 65.55 | 75.82 | | screen door | 78.8 | 81.81 | | stairway | 43.75 | 51.74 | | river | 14.82 | 28.41 | | bridge | 59.34 | 66.13 | | bookcase | 47.96 | 67.15 | | blind | 43.39 | 48.36 | | coffee table | 67.12 | 87.43 | | toilet | 90.61 | 93.8 | | flower | 42.75 | 58.02 | | book | 53.63 | 75.28 | | hill | 8.74 | 16.55 | | bench | 60.99 | 70.88 | | countertop | 63.18 | 79.81 | | stove | 86.89 | 92.89 | | palm | 55.03 | 80.72 | | kitchen island | 49.41 | 76.61 | | computer | 78.42 | 91.51 | | swivel chair | 45.35 | 71.36 | | boat | 60.52 | 78.46 | | bar | 60.7 | 74.19 | | arcade machine | 80.52 | 83.94 | | hovel | 19.94 | 21.49 | | bus | 94.29 | 97.39 | | towel | 76.32 | 83.41 | | light | 61.48 | 69.32 | | truck | 50.46 | 63.96 | | tower | 27.06 | 46.01 | | chandelier | 73.86 | 86.38 | | awning | 48.48 | 61.58 | | streetlight | 38.18 | 49.81 | | booth | 49.59 | 71.2 | | television receiver | 78.25 | 91.57 | | airplane | 87.37 | 97.72 | | dirt track | 8.62 | 41.3 | | apparel | 65.09 | 86.21 | | pole | 31.36 | 43.74 | | land | 3.49 | 4.49 | | bannister | 21.94 | 27.54 | | escalator | 62.03 | 87.33 | | ottoman | 53.49 | 69.11 | | bottle | 45.1 | 72.83 | | buffet | 51.64 | 58.08 | | poster | 37.29 | 43.87 | | stage | 28.37 | 47.53 | | van | 46.52 | 65.97 | | ship | 70.6 | 86.17 | | fountain | 34.81 | 37.41 | | conveyer belt | 78.28 | 95.04 | | canopy | 55.84 | 74.93 | | washer | 83.47 | 88.59 | | plaything | 30.75 | 46.92 | | swimming pool | 55.52 | 80.14 | | stool | 56.55 | 69.0 | | barrel | 62.6 | 90.14 | | basket | 44.88 | 62.02 | | waterfall | 51.36 | 60.5 | | tent | 91.41 | 98.67 | | bag | 24.67 | 27.87 | | minibike | 77.44 | 89.65 | | cradle | 88.87 | 97.95 | | oven | 65.64 | 76.57 | | ball | 60.68 | 70.02 | | food | 60.22 | 70.0 | | step | 11.61 | 13.13 | | tank | 81.81 | 96.29 | | trade name | 25.37 | 29.51 | | microwave | 90.56 | 96.32 | | pot | 61.44 | 69.84 | | animal | 65.5 | 67.62 | | bicycle | 62.91 | 82.42 | | lake | 61.51 | 69.4 | | dishwasher | 75.48 | 83.55 | | screen | 51.85 | 72.73 | | blanket | 34.29 | 40.01 | | sculpture | 78.88 | 88.73 | | hood | 63.38 | 75.41 | | sconce | 61.07 | 71.81 | | vase | 47.89 | 65.07 | | traffic light | 37.75 | 60.4 | | tray | 21.83 | 30.45 | | ashcan | 52.67 | 67.78 | | fan | 70.25 | 85.14 | | pier | 38.44 | 46.3 | | crt screen | 1.45 | 3.61 | | plate | 62.18 | 80.08 | | monitor | 32.03 | 37.06 | | bulletin board | 62.6 | 75.39 | | shower | 14.81 | 17.81 | | radiator | 63.17 | 79.67 | | glass | 22.8 | 25.02 | | clock | 54.21 | 66.57 | | flag | 71.45 | 79.69 | +---------------------+-------+-------+ 2023-11-03 11:41:46,608 - mmseg - INFO - Summary: 2023-11-03 11:41:46,608 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.5 | 58.27 | 70.73 | +------+-------+-------+ 2023-11-03 11:41:46,609 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 11:41:46,609 - mmseg - INFO - Iter(val) [250] aAcc: 0.8650, mIoU: 0.5827, mAcc: 0.7073, IoU.wall: 0.8275, IoU.building: 0.8487, IoU.sky: 0.9496, IoU.floor: 0.8530, IoU.tree: 0.7721, IoU.ceiling: 0.8780, IoU.road: 0.8687, IoU.bed : 0.9274, IoU.windowpane: 0.6641, IoU.grass: 0.6922, IoU.cabinet: 0.6722, IoU.sidewalk: 0.7161, IoU.person: 0.8582, IoU.earth: 0.4158, IoU.door: 0.6134, IoU.table: 0.7140, IoU.mountain: 0.6519, IoU.plant: 0.5789, IoU.curtain: 0.7863, IoU.chair: 0.6751, IoU.car: 0.8746, IoU.water: 0.6268, IoU.painting: 0.7886, IoU.sofa: 0.8139, IoU.shelf: 0.4839, IoU.house: 0.5104, IoU.sea: 0.7279, IoU.mirror: 0.7550, IoU.rug: 0.6968, IoU.field: 0.2931, IoU.armchair: 0.6245, IoU.seat: 0.7230, IoU.fence: 0.5273, IoU.desk: 0.5886, IoU.rock: 0.5943, IoU.wardrobe: 0.5784, IoU.lamp: 0.7562, IoU.bathtub: 0.8979, IoU.railing: 0.4435, IoU.cushion: 0.6801, IoU.base: 0.3895, IoU.box: 0.3756, IoU.column: 0.5683, IoU.signboard: 0.4211, IoU.chest of drawers: 0.4691, IoU.counter: 0.4994, IoU.sand: 0.6057, IoU.sink: 0.8147, IoU.skyscraper: 0.4401, IoU.fireplace: 0.7664, IoU.refrigerator: 0.8517, IoU.grandstand: 0.4950, IoU.path: 0.2644, IoU.stairs: 0.3555, IoU.runway: 0.7282, IoU.case: 0.5655, IoU.pool table: 0.9442, IoU.pillow: 0.6555, IoU.screen door: 0.7880, IoU.stairway: 0.4375, IoU.river: 0.1482, IoU.bridge: 0.5934, IoU.bookcase: 0.4796, IoU.blind: 0.4339, IoU.coffee table: 0.6712, IoU.toilet: 0.9061, IoU.flower: 0.4275, IoU.book: 0.5363, IoU.hill: 0.0874, IoU.bench: 0.6099, IoU.countertop: 0.6318, IoU.stove: 0.8689, IoU.palm: 0.5503, IoU.kitchen island: 0.4941, IoU.computer: 0.7842, IoU.swivel chair: 0.4535, IoU.boat: 0.6052, IoU.bar: 0.6070, IoU.arcade machine: 0.8052, IoU.hovel: 0.1994, IoU.bus: 0.9429, IoU.towel: 0.7632, IoU.light: 0.6148, IoU.truck: 0.5046, IoU.tower: 0.2706, IoU.chandelier: 0.7386, IoU.awning: 0.4848, IoU.streetlight: 0.3818, IoU.booth: 0.4959, IoU.television receiver: 0.7825, IoU.airplane: 0.8737, IoU.dirt track: 0.0862, IoU.apparel: 0.6509, IoU.pole: 0.3136, IoU.land: 0.0349, IoU.bannister: 0.2194, IoU.escalator: 0.6203, IoU.ottoman: 0.5349, IoU.bottle: 0.4510, IoU.buffet: 0.5164, IoU.poster: 0.3729, IoU.stage: 0.2837, IoU.van: 0.4652, IoU.ship: 0.7060, IoU.fountain: 0.3481, IoU.conveyer belt: 0.7828, IoU.canopy: 0.5584, IoU.washer: 0.8347, IoU.plaything: 0.3075, IoU.swimming pool: 0.5552, IoU.stool: 0.5655, IoU.barrel: 0.6260, IoU.basket: 0.4488, IoU.waterfall: 0.5136, IoU.tent: 0.9141, IoU.bag: 0.2467, IoU.minibike: 0.7744, IoU.cradle: 0.8887, IoU.oven: 0.6564, IoU.ball: 0.6068, IoU.food: 0.6022, IoU.step: 0.1161, IoU.tank: 0.8181, IoU.trade name: 0.2537, IoU.microwave: 0.9056, IoU.pot: 0.6144, IoU.animal: 0.6550, IoU.bicycle: 0.6291, IoU.lake: 0.6151, IoU.dishwasher: 0.7548, IoU.screen: 0.5185, IoU.blanket: 0.3429, IoU.sculpture: 0.7888, IoU.hood: 0.6338, IoU.sconce: 0.6107, IoU.vase: 0.4789, IoU.traffic light: 0.3775, IoU.tray: 0.2183, IoU.ashcan: 0.5267, IoU.fan: 0.7025, IoU.pier: 0.3844, IoU.crt screen: 0.0145, IoU.plate: 0.6218, IoU.monitor: 0.3203, IoU.bulletin board: 0.6260, IoU.shower: 0.1481, IoU.radiator: 0.6317, IoU.glass: 0.2280, IoU.clock: 0.5421, IoU.flag: 0.7145, Acc.wall: 0.9055, Acc.building: 0.9347, Acc.sky: 0.9743, Acc.floor: 0.9248, Acc.tree: 0.9066, Acc.ceiling: 0.9426, Acc.road: 0.9154, Acc.bed : 0.9762, Acc.windowpane: 0.8234, Acc.grass: 0.8165, Acc.cabinet: 0.7634, Acc.sidewalk: 0.8500, Acc.person: 0.9445, Acc.earth: 0.5677, Acc.door: 0.7486, Acc.table: 0.8134, Acc.mountain: 0.7531, Acc.plant: 0.6771, Acc.curtain: 0.8912, Acc.chair: 0.7889, Acc.car: 0.9430, Acc.water: 0.7852, Acc.painting: 0.9078, Acc.sofa: 0.8900, Acc.shelf: 0.6691, Acc.house: 0.6091, Acc.sea: 0.8404, Acc.mirror: 0.8430, Acc.rug: 0.7833, Acc.field: 0.4607, Acc.armchair: 0.8018, Acc.seat: 0.8919, Acc.fence: 0.6877, Acc.desk: 0.7796, Acc.rock: 0.8187, Acc.wardrobe: 0.7597, Acc.lamp: 0.8548, Acc.bathtub: 0.9313, Acc.railing: 0.6043, Acc.cushion: 0.8029, Acc.base: 0.5363, Acc.box: 0.4776, Acc.column: 0.7136, Acc.signboard: 0.5776, Acc.chest of drawers: 0.6947, Acc.counter: 0.5914, Acc.sand: 0.8960, Acc.sink: 0.8735, Acc.skyscraper: 0.5609, Acc.fireplace: 0.9421, Acc.refrigerator: 0.9630, Acc.grandstand: 0.8295, Acc.path: 0.3783, Acc.stairs: 0.4463, Acc.runway: 0.9476, Acc.case: 0.7399, Acc.pool table: 0.9750, Acc.pillow: 0.7582, Acc.screen door: 0.8181, Acc.stairway: 0.5174, Acc.river: 0.2841, Acc.bridge: 0.6613, Acc.bookcase: 0.6715, Acc.blind: 0.4836, Acc.coffee table: 0.8743, Acc.toilet: 0.9380, Acc.flower: 0.5802, Acc.book: 0.7528, Acc.hill: 0.1655, Acc.bench: 0.7088, Acc.countertop: 0.7981, Acc.stove: 0.9289, Acc.palm: 0.8072, Acc.kitchen island: 0.7661, Acc.computer: 0.9151, Acc.swivel chair: 0.7136, Acc.boat: 0.7846, Acc.bar: 0.7419, Acc.arcade machine: 0.8394, Acc.hovel: 0.2149, Acc.bus: 0.9739, Acc.towel: 0.8341, Acc.light: 0.6932, Acc.truck: 0.6396, Acc.tower: 0.4601, Acc.chandelier: 0.8638, Acc.awning: 0.6158, Acc.streetlight: 0.4981, Acc.booth: 0.7120, Acc.television receiver: 0.9157, Acc.airplane: 0.9772, Acc.dirt track: 0.4130, Acc.apparel: 0.8621, Acc.pole: 0.4374, Acc.land: 0.0449, Acc.bannister: 0.2754, Acc.escalator: 0.8733, Acc.ottoman: 0.6911, Acc.bottle: 0.7283, Acc.buffet: 0.5808, Acc.poster: 0.4387, Acc.stage: 0.4753, Acc.van: 0.6597, Acc.ship: 0.8617, Acc.fountain: 0.3741, Acc.conveyer belt: 0.9504, Acc.canopy: 0.7493, Acc.washer: 0.8859, Acc.plaything: 0.4692, Acc.swimming pool: 0.8014, Acc.stool: 0.6900, Acc.barrel: 0.9014, Acc.basket: 0.6202, Acc.waterfall: 0.6050, Acc.tent: 0.9867, Acc.bag: 0.2787, Acc.minibike: 0.8965, Acc.cradle: 0.9795, Acc.oven: 0.7657, Acc.ball: 0.7002, Acc.food: 0.7000, Acc.step: 0.1313, Acc.tank: 0.9629, Acc.trade name: 0.2951, Acc.microwave: 0.9632, Acc.pot: 0.6984, Acc.animal: 0.6762, Acc.bicycle: 0.8242, Acc.lake: 0.6940, Acc.dishwasher: 0.8355, Acc.screen: 0.7273, Acc.blanket: 0.4001, Acc.sculpture: 0.8873, Acc.hood: 0.7541, Acc.sconce: 0.7181, Acc.vase: 0.6507, Acc.traffic light: 0.6040, Acc.tray: 0.3045, Acc.ashcan: 0.6778, Acc.fan: 0.8514, Acc.pier: 0.4630, Acc.crt screen: 0.0361, Acc.plate: 0.8008, Acc.monitor: 0.3706, Acc.bulletin board: 0.7539, Acc.shower: 0.1781, Acc.radiator: 0.7967, Acc.glass: 0.2502, Acc.clock: 0.6657, Acc.flag: 0.7969 2023-11-03 11:43:09,738 - mmseg - INFO - Iter [67050/80000] lr: 5.245e-07, eta: 6:30:58, time: 3.388, data_time: 1.732, memory: 69173, decode.loss_ce: 0.1162, decode.acc_seg: 94.5864, aux.loss_ce: 0.0669, aux.acc_seg: 92.7359, loss: 0.1831 2023-11-03 11:44:32,730 - mmseg - INFO - Iter [67100/80000] lr: 5.225e-07, eta: 6:29:26, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1295, decode.acc_seg: 94.1651, aux.loss_ce: 0.0713, aux.acc_seg: 92.5698, loss: 0.2008 2023-11-03 11:45:55,692 - mmseg - INFO - Iter [67150/80000] lr: 5.204e-07, eta: 6:27:54, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1214, decode.acc_seg: 94.4937, aux.loss_ce: 0.0689, aux.acc_seg: 92.8570, loss: 0.1903 2023-11-03 11:47:18,693 - mmseg - INFO - Iter [67200/80000] lr: 5.184e-07, eta: 6:26:22, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1195, decode.acc_seg: 94.5113, aux.loss_ce: 0.0697, aux.acc_seg: 92.5508, loss: 0.1892 2023-11-03 11:48:41,682 - mmseg - INFO - Iter [67250/80000] lr: 5.164e-07, eta: 6:24:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1173, decode.acc_seg: 94.6519, aux.loss_ce: 0.0689, aux.acc_seg: 92.6027, loss: 0.1862 2023-11-03 11:50:04,681 - mmseg - INFO - Iter [67300/80000] lr: 5.144e-07, eta: 6:23:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1280, decode.acc_seg: 94.2779, aux.loss_ce: 0.0714, aux.acc_seg: 92.6298, loss: 0.1994 2023-11-03 11:51:27,732 - mmseg - INFO - Iter [67350/80000] lr: 5.123e-07, eta: 6:21:46, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1177, decode.acc_seg: 94.6902, aux.loss_ce: 0.0671, aux.acc_seg: 92.9341, loss: 0.1847 2023-11-03 11:52:50,738 - mmseg - INFO - Iter [67400/80000] lr: 5.103e-07, eta: 6:20:14, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1313, decode.acc_seg: 94.2585, aux.loss_ce: 0.0734, aux.acc_seg: 92.5059, loss: 0.2047 2023-11-03 11:54:13,718 - mmseg - INFO - Iter [67450/80000] lr: 5.083e-07, eta: 6:18:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1122, decode.acc_seg: 94.9055, aux.loss_ce: 0.0669, aux.acc_seg: 93.0578, loss: 0.1791 2023-11-03 11:55:36,710 - mmseg - INFO - Iter [67500/80000] lr: 5.063e-07, eta: 6:17:10, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1226, decode.acc_seg: 94.5050, aux.loss_ce: 0.0692, aux.acc_seg: 92.5743, loss: 0.1918 2023-11-03 11:56:59,711 - mmseg - INFO - Iter [67550/80000] lr: 5.042e-07, eta: 6:15:38, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1213, decode.acc_seg: 94.6530, aux.loss_ce: 0.0709, aux.acc_seg: 92.7037, loss: 0.1922 2023-11-03 11:58:22,685 - mmseg - INFO - Iter [67600/80000] lr: 5.022e-07, eta: 6:14:06, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1270, decode.acc_seg: 94.1778, aux.loss_ce: 0.0698, aux.acc_seg: 92.4939, loss: 0.1969 2023-11-03 11:59:45,744 - mmseg - INFO - Iter [67650/80000] lr: 5.002e-07, eta: 6:12:34, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1197, decode.acc_seg: 94.6645, aux.loss_ce: 0.0690, aux.acc_seg: 92.7217, loss: 0.1887 2023-11-03 12:01:08,715 - mmseg - INFO - Iter [67700/80000] lr: 4.982e-07, eta: 6:11:03, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1238, decode.acc_seg: 94.5289, aux.loss_ce: 0.0679, aux.acc_seg: 92.9148, loss: 0.1917 2023-11-03 12:02:31,704 - mmseg - INFO - Iter [67750/80000] lr: 4.961e-07, eta: 6:09:31, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1236, decode.acc_seg: 94.5503, aux.loss_ce: 0.0707, aux.acc_seg: 92.7663, loss: 0.1942 2023-11-03 12:03:54,680 - mmseg - INFO - Iter [67800/80000] lr: 4.941e-07, eta: 6:07:59, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1234, decode.acc_seg: 94.5133, aux.loss_ce: 0.0720, aux.acc_seg: 92.5241, loss: 0.1955 2023-11-03 12:05:17,669 - mmseg - INFO - Iter [67850/80000] lr: 4.921e-07, eta: 6:06:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1257, decode.acc_seg: 94.2537, aux.loss_ce: 0.0704, aux.acc_seg: 92.5261, loss: 0.1961 2023-11-03 12:06:40,678 - mmseg - INFO - Iter [67900/80000] lr: 4.901e-07, eta: 6:04:55, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1207, decode.acc_seg: 94.6427, aux.loss_ce: 0.0706, aux.acc_seg: 92.6982, loss: 0.1912 2023-11-03 12:08:03,664 - mmseg - INFO - Iter [67950/80000] lr: 4.880e-07, eta: 6:03:23, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1217, decode.acc_seg: 94.5095, aux.loss_ce: 0.0682, aux.acc_seg: 92.8075, loss: 0.1899 2023-11-03 12:09:26,603 - mmseg - INFO - Saving checkpoint at 68000 iterations 2023-11-03 12:10:27,057 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 12:10:27,057 - mmseg - INFO - Iter [68000/80000] lr: 4.860e-07, eta: 6:02:02, time: 2.868, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1229, decode.acc_seg: 94.5678, aux.loss_ce: 0.0710, aux.acc_seg: 92.6928, loss: 0.1939 2023-11-03 12:11:52,251 - mmseg - INFO - per class results: 2023-11-03 12:11:52,257 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.84 | 90.4 | | building | 84.87 | 93.49 | | sky | 94.94 | 97.49 | | floor | 85.24 | 92.83 | | tree | 76.95 | 90.34 | | ceiling | 87.93 | 94.11 | | road | 86.78 | 91.63 | | bed | 92.83 | 97.49 | | windowpane | 66.64 | 81.9 | | grass | 69.38 | 82.38 | | cabinet | 67.64 | 77.14 | | sidewalk | 71.57 | 85.2 | | person | 85.96 | 94.22 | | earth | 41.1 | 54.29 | | door | 60.82 | 77.61 | | table | 71.07 | 81.73 | | mountain | 64.08 | 73.97 | | plant | 57.72 | 67.66 | | curtain | 79.09 | 89.24 | | chair | 68.09 | 80.95 | | car | 87.47 | 94.1 | | water | 62.58 | 78.69 | | painting | 78.7 | 90.86 | | sofa | 81.95 | 91.5 | | shelf | 49.68 | 65.72 | | house | 53.5 | 66.39 | | sea | 72.86 | 84.51 | | mirror | 76.23 | 85.83 | | rug | 70.53 | 80.06 | | field | 30.3 | 50.68 | | armchair | 63.08 | 79.39 | | seat | 71.07 | 89.4 | | fence | 52.43 | 68.92 | | desk | 59.73 | 78.27 | | rock | 58.31 | 84.03 | | wardrobe | 57.53 | 75.14 | | lamp | 76.05 | 86.45 | | bathtub | 89.42 | 93.03 | | railing | 44.51 | 60.81 | | cushion | 67.77 | 78.61 | | base | 39.15 | 55.21 | | box | 36.44 | 44.99 | | column | 57.58 | 71.46 | | signboard | 41.27 | 53.46 | | chest of drawers | 48.1 | 69.49 | | counter | 53.74 | 65.47 | | sand | 60.91 | 85.49 | | sink | 82.46 | 87.19 | | skyscraper | 44.59 | 57.39 | | fireplace | 75.98 | 94.02 | | refrigerator | 85.42 | 95.5 | | grandstand | 49.43 | 81.99 | | path | 26.59 | 37.99 | | stairs | 35.12 | 43.19 | | runway | 73.45 | 96.77 | | case | 57.9 | 74.7 | | pool table | 94.24 | 97.8 | | pillow | 65.22 | 75.52 | | screen door | 81.11 | 84.66 | | stairway | 43.14 | 53.55 | | river | 15.12 | 29.59 | | bridge | 51.92 | 56.31 | | bookcase | 49.58 | 64.83 | | blind | 42.48 | 46.97 | | coffee table | 67.47 | 86.81 | | toilet | 90.18 | 93.17 | | flower | 43.73 | 59.21 | | book | 54.72 | 73.98 | | hill | 8.02 | 11.85 | | bench | 57.78 | 65.44 | | countertop | 63.22 | 82.97 | | stove | 86.92 | 92.83 | | palm | 55.21 | 82.85 | | kitchen island | 53.45 | 84.78 | | computer | 79.52 | 90.44 | | swivel chair | 44.75 | 61.25 | | boat | 75.34 | 88.89 | | bar | 65.33 | 73.92 | | arcade machine | 79.09 | 82.07 | | hovel | 18.91 | 20.23 | | bus | 94.57 | 97.64 | | towel | 77.42 | 86.9 | | light | 62.54 | 71.37 | | truck | 50.08 | 63.26 | | tower | 24.18 | 41.05 | | chandelier | 74.17 | 87.72 | | awning | 48.84 | 59.99 | | streetlight | 38.16 | 48.87 | | booth | 49.19 | 70.04 | | television receiver | 79.0 | 91.58 | | airplane | 87.9 | 97.6 | | dirt track | 9.03 | 41.83 | | apparel | 64.32 | 84.48 | | pole | 31.56 | 42.47 | | land | 4.19 | 6.07 | | bannister | 21.46 | 27.12 | | escalator | 63.85 | 86.72 | | ottoman | 53.73 | 68.37 | | bottle | 43.66 | 73.07 | | buffet | 49.23 | 55.01 | | poster | 35.82 | 42.68 | | stage | 25.34 | 47.23 | | van | 46.03 | 63.6 | | ship | 67.53 | 72.24 | | fountain | 34.96 | 36.0 | | conveyer belt | 80.4 | 93.91 | | canopy | 58.9 | 77.06 | | washer | 86.78 | 92.23 | | plaything | 29.91 | 47.0 | | swimming pool | 55.75 | 80.55 | | stool | 55.12 | 67.97 | | barrel | 67.73 | 86.31 | | basket | 44.24 | 56.3 | | waterfall | 51.46 | 61.88 | | tent | 91.28 | 98.77 | | bag | 24.21 | 27.32 | | minibike | 76.72 | 89.97 | | cradle | 88.52 | 98.08 | | oven | 61.31 | 71.78 | | ball | 61.05 | 69.16 | | food | 60.59 | 72.2 | | step | 10.86 | 12.09 | | tank | 83.27 | 96.71 | | trade name | 29.02 | 34.09 | | microwave | 90.13 | 96.68 | | pot | 61.26 | 69.23 | | animal | 67.48 | 69.63 | | bicycle | 63.51 | 80.89 | | lake | 62.08 | 68.99 | | dishwasher | 75.76 | 83.51 | | screen | 51.82 | 68.46 | | blanket | 33.21 | 38.31 | | sculpture | 78.46 | 88.23 | | hood | 64.11 | 76.46 | | sconce | 60.52 | 72.85 | | vase | 48.03 | 64.97 | | traffic light | 38.63 | 61.29 | | tray | 20.52 | 34.97 | | ashcan | 52.9 | 66.0 | | fan | 71.53 | 85.02 | | pier | 39.62 | 42.96 | | crt screen | 4.5 | 10.75 | | plate | 61.98 | 80.8 | | monitor | 39.34 | 46.84 | | bulletin board | 61.25 | 74.32 | | shower | 16.04 | 17.68 | | radiator | 63.94 | 83.45 | | glass | 23.01 | 25.05 | | clock | 54.96 | 66.05 | | flag | 72.01 | 77.93 | +---------------------+-------+-------+ 2023-11-03 12:11:52,257 - mmseg - INFO - Summary: 2023-11-03 12:11:52,257 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.56 | 58.56 | 70.66 | +-------+-------+-------+ 2023-11-03 12:11:52,258 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 12:11:52,258 - mmseg - INFO - Iter(val) [250] aAcc: 0.8656, mIoU: 0.5856, mAcc: 0.7066, IoU.wall: 0.8284, IoU.building: 0.8487, IoU.sky: 0.9494, IoU.floor: 0.8524, IoU.tree: 0.7695, IoU.ceiling: 0.8793, IoU.road: 0.8678, IoU.bed : 0.9283, IoU.windowpane: 0.6664, IoU.grass: 0.6938, IoU.cabinet: 0.6764, IoU.sidewalk: 0.7157, IoU.person: 0.8596, IoU.earth: 0.4110, IoU.door: 0.6082, IoU.table: 0.7107, IoU.mountain: 0.6408, IoU.plant: 0.5772, IoU.curtain: 0.7909, IoU.chair: 0.6809, IoU.car: 0.8747, IoU.water: 0.6258, IoU.painting: 0.7870, IoU.sofa: 0.8195, IoU.shelf: 0.4968, IoU.house: 0.5350, IoU.sea: 0.7286, IoU.mirror: 0.7623, IoU.rug: 0.7053, IoU.field: 0.3030, IoU.armchair: 0.6308, IoU.seat: 0.7107, IoU.fence: 0.5243, IoU.desk: 0.5973, IoU.rock: 0.5831, IoU.wardrobe: 0.5753, IoU.lamp: 0.7605, IoU.bathtub: 0.8942, IoU.railing: 0.4451, IoU.cushion: 0.6777, IoU.base: 0.3915, IoU.box: 0.3644, IoU.column: 0.5758, IoU.signboard: 0.4127, IoU.chest of drawers: 0.4810, IoU.counter: 0.5374, IoU.sand: 0.6091, IoU.sink: 0.8246, IoU.skyscraper: 0.4459, IoU.fireplace: 0.7598, IoU.refrigerator: 0.8542, IoU.grandstand: 0.4943, IoU.path: 0.2659, IoU.stairs: 0.3512, IoU.runway: 0.7345, IoU.case: 0.5790, IoU.pool table: 0.9424, IoU.pillow: 0.6522, IoU.screen door: 0.8111, IoU.stairway: 0.4314, IoU.river: 0.1512, IoU.bridge: 0.5192, IoU.bookcase: 0.4958, IoU.blind: 0.4248, IoU.coffee table: 0.6747, IoU.toilet: 0.9018, IoU.flower: 0.4373, IoU.book: 0.5472, IoU.hill: 0.0802, IoU.bench: 0.5778, IoU.countertop: 0.6322, IoU.stove: 0.8692, IoU.palm: 0.5521, IoU.kitchen island: 0.5345, IoU.computer: 0.7952, IoU.swivel chair: 0.4475, IoU.boat: 0.7534, IoU.bar: 0.6533, IoU.arcade machine: 0.7909, IoU.hovel: 0.1891, IoU.bus: 0.9457, IoU.towel: 0.7742, IoU.light: 0.6254, IoU.truck: 0.5008, IoU.tower: 0.2418, IoU.chandelier: 0.7417, IoU.awning: 0.4884, IoU.streetlight: 0.3816, IoU.booth: 0.4919, IoU.television receiver: 0.7900, IoU.airplane: 0.8790, IoU.dirt track: 0.0903, IoU.apparel: 0.6432, IoU.pole: 0.3156, IoU.land: 0.0419, IoU.bannister: 0.2146, IoU.escalator: 0.6385, IoU.ottoman: 0.5373, IoU.bottle: 0.4366, IoU.buffet: 0.4923, IoU.poster: 0.3582, IoU.stage: 0.2534, IoU.van: 0.4603, IoU.ship: 0.6753, IoU.fountain: 0.3496, IoU.conveyer belt: 0.8040, IoU.canopy: 0.5890, IoU.washer: 0.8678, IoU.plaything: 0.2991, IoU.swimming pool: 0.5575, IoU.stool: 0.5512, IoU.barrel: 0.6773, IoU.basket: 0.4424, IoU.waterfall: 0.5146, IoU.tent: 0.9128, IoU.bag: 0.2421, IoU.minibike: 0.7672, IoU.cradle: 0.8852, IoU.oven: 0.6131, IoU.ball: 0.6105, IoU.food: 0.6059, IoU.step: 0.1086, IoU.tank: 0.8327, IoU.trade name: 0.2902, IoU.microwave: 0.9013, IoU.pot: 0.6126, IoU.animal: 0.6748, IoU.bicycle: 0.6351, IoU.lake: 0.6208, IoU.dishwasher: 0.7576, IoU.screen: 0.5182, IoU.blanket: 0.3321, IoU.sculpture: 0.7846, IoU.hood: 0.6411, IoU.sconce: 0.6052, IoU.vase: 0.4803, IoU.traffic light: 0.3863, IoU.tray: 0.2052, IoU.ashcan: 0.5290, IoU.fan: 0.7153, IoU.pier: 0.3962, IoU.crt screen: 0.0450, IoU.plate: 0.6198, IoU.monitor: 0.3934, IoU.bulletin board: 0.6125, IoU.shower: 0.1604, IoU.radiator: 0.6394, IoU.glass: 0.2301, IoU.clock: 0.5496, IoU.flag: 0.7201, Acc.wall: 0.9040, Acc.building: 0.9349, Acc.sky: 0.9749, Acc.floor: 0.9283, Acc.tree: 0.9034, Acc.ceiling: 0.9411, Acc.road: 0.9163, Acc.bed : 0.9749, Acc.windowpane: 0.8190, Acc.grass: 0.8238, Acc.cabinet: 0.7714, Acc.sidewalk: 0.8520, Acc.person: 0.9422, Acc.earth: 0.5429, Acc.door: 0.7761, Acc.table: 0.8173, Acc.mountain: 0.7397, Acc.plant: 0.6766, Acc.curtain: 0.8924, Acc.chair: 0.8095, Acc.car: 0.9410, Acc.water: 0.7869, Acc.painting: 0.9086, Acc.sofa: 0.9150, Acc.shelf: 0.6572, Acc.house: 0.6639, Acc.sea: 0.8451, Acc.mirror: 0.8583, Acc.rug: 0.8006, Acc.field: 0.5068, Acc.armchair: 0.7939, Acc.seat: 0.8940, Acc.fence: 0.6892, Acc.desk: 0.7827, Acc.rock: 0.8403, Acc.wardrobe: 0.7514, Acc.lamp: 0.8645, Acc.bathtub: 0.9303, Acc.railing: 0.6081, Acc.cushion: 0.7861, Acc.base: 0.5521, Acc.box: 0.4499, Acc.column: 0.7146, Acc.signboard: 0.5346, Acc.chest of drawers: 0.6949, Acc.counter: 0.6547, Acc.sand: 0.8549, Acc.sink: 0.8719, Acc.skyscraper: 0.5739, Acc.fireplace: 0.9402, Acc.refrigerator: 0.9550, Acc.grandstand: 0.8199, Acc.path: 0.3799, Acc.stairs: 0.4319, Acc.runway: 0.9677, Acc.case: 0.7470, Acc.pool table: 0.9780, Acc.pillow: 0.7552, Acc.screen door: 0.8466, Acc.stairway: 0.5355, Acc.river: 0.2959, Acc.bridge: 0.5631, Acc.bookcase: 0.6483, Acc.blind: 0.4697, Acc.coffee table: 0.8681, Acc.toilet: 0.9317, Acc.flower: 0.5921, Acc.book: 0.7398, Acc.hill: 0.1185, Acc.bench: 0.6544, Acc.countertop: 0.8297, Acc.stove: 0.9283, Acc.palm: 0.8285, Acc.kitchen island: 0.8478, Acc.computer: 0.9044, Acc.swivel chair: 0.6125, Acc.boat: 0.8889, Acc.bar: 0.7392, Acc.arcade machine: 0.8207, Acc.hovel: 0.2023, Acc.bus: 0.9764, Acc.towel: 0.8690, Acc.light: 0.7137, Acc.truck: 0.6326, Acc.tower: 0.4105, Acc.chandelier: 0.8772, Acc.awning: 0.5999, Acc.streetlight: 0.4887, Acc.booth: 0.7004, Acc.television receiver: 0.9158, Acc.airplane: 0.9760, Acc.dirt track: 0.4183, Acc.apparel: 0.8448, Acc.pole: 0.4247, Acc.land: 0.0607, Acc.bannister: 0.2712, Acc.escalator: 0.8672, Acc.ottoman: 0.6837, Acc.bottle: 0.7307, Acc.buffet: 0.5501, Acc.poster: 0.4268, Acc.stage: 0.4723, Acc.van: 0.6360, Acc.ship: 0.7224, Acc.fountain: 0.3600, Acc.conveyer belt: 0.9391, Acc.canopy: 0.7706, Acc.washer: 0.9223, Acc.plaything: 0.4700, Acc.swimming pool: 0.8055, Acc.stool: 0.6797, Acc.barrel: 0.8631, Acc.basket: 0.5630, Acc.waterfall: 0.6188, Acc.tent: 0.9877, Acc.bag: 0.2732, Acc.minibike: 0.8997, Acc.cradle: 0.9808, Acc.oven: 0.7178, Acc.ball: 0.6916, Acc.food: 0.7220, Acc.step: 0.1209, Acc.tank: 0.9671, Acc.trade name: 0.3409, Acc.microwave: 0.9668, Acc.pot: 0.6923, Acc.animal: 0.6963, Acc.bicycle: 0.8089, Acc.lake: 0.6899, Acc.dishwasher: 0.8351, Acc.screen: 0.6846, Acc.blanket: 0.3831, Acc.sculpture: 0.8823, Acc.hood: 0.7646, Acc.sconce: 0.7285, Acc.vase: 0.6497, Acc.traffic light: 0.6129, Acc.tray: 0.3497, Acc.ashcan: 0.6600, Acc.fan: 0.8502, Acc.pier: 0.4296, Acc.crt screen: 0.1075, Acc.plate: 0.8080, Acc.monitor: 0.4684, Acc.bulletin board: 0.7432, Acc.shower: 0.1768, Acc.radiator: 0.8345, Acc.glass: 0.2505, Acc.clock: 0.6605, Acc.flag: 0.7793 2023-11-03 12:13:15,407 - mmseg - INFO - Iter [68050/80000] lr: 4.840e-07, eta: 6:00:45, time: 3.367, data_time: 1.711, memory: 69173, decode.loss_ce: 0.1198, decode.acc_seg: 94.6033, aux.loss_ce: 0.0681, aux.acc_seg: 93.0200, loss: 0.1879 2023-11-03 12:14:38,392 - mmseg - INFO - Iter [68100/80000] lr: 4.820e-07, eta: 5:59:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1192, decode.acc_seg: 94.5935, aux.loss_ce: 0.0684, aux.acc_seg: 92.7972, loss: 0.1877 2023-11-03 12:16:01,375 - mmseg - INFO - Iter [68150/80000] lr: 4.799e-07, eta: 5:57:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1242, decode.acc_seg: 94.4153, aux.loss_ce: 0.0721, aux.acc_seg: 92.3718, loss: 0.1963 2023-11-03 12:17:24,377 - mmseg - INFO - Iter [68200/80000] lr: 4.779e-07, eta: 5:56:10, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1239, decode.acc_seg: 94.2379, aux.loss_ce: 0.0736, aux.acc_seg: 92.1942, loss: 0.1975 2023-11-03 12:18:49,568 - mmseg - INFO - Iter [68250/80000] lr: 4.759e-07, eta: 5:54:38, time: 1.704, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1326, decode.acc_seg: 94.1525, aux.loss_ce: 0.0753, aux.acc_seg: 92.1945, loss: 0.2079 2023-11-03 12:20:12,531 - mmseg - INFO - Iter [68300/80000] lr: 4.739e-07, eta: 5:53:06, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1197, decode.acc_seg: 94.5848, aux.loss_ce: 0.0686, aux.acc_seg: 92.7051, loss: 0.1882 2023-11-03 12:21:35,523 - mmseg - INFO - Iter [68350/80000] lr: 4.718e-07, eta: 5:51:35, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1160, decode.acc_seg: 94.7107, aux.loss_ce: 0.0658, aux.acc_seg: 93.0006, loss: 0.1819 2023-11-03 12:22:58,516 - mmseg - INFO - Iter [68400/80000] lr: 4.698e-07, eta: 5:50:03, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1242, decode.acc_seg: 94.3634, aux.loss_ce: 0.0711, aux.acc_seg: 92.5238, loss: 0.1953 2023-11-03 12:24:21,575 - mmseg - INFO - Iter [68450/80000] lr: 4.678e-07, eta: 5:48:31, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1247, decode.acc_seg: 94.3846, aux.loss_ce: 0.0722, aux.acc_seg: 92.2460, loss: 0.1969 2023-11-03 12:25:44,619 - mmseg - INFO - Iter [68500/80000] lr: 4.658e-07, eta: 5:46:59, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1145, decode.acc_seg: 94.7934, aux.loss_ce: 0.0671, aux.acc_seg: 92.9642, loss: 0.1816 2023-11-03 12:27:07,623 - mmseg - INFO - Iter [68550/80000] lr: 4.637e-07, eta: 5:45:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1164, decode.acc_seg: 94.7822, aux.loss_ce: 0.0653, aux.acc_seg: 92.9900, loss: 0.1817 2023-11-03 12:28:30,575 - mmseg - INFO - Iter [68600/80000] lr: 4.617e-07, eta: 5:43:56, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1266, decode.acc_seg: 94.4028, aux.loss_ce: 0.0703, aux.acc_seg: 92.7750, loss: 0.1969 2023-11-03 12:29:53,547 - mmseg - INFO - Iter [68650/80000] lr: 4.597e-07, eta: 5:42:24, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1219, decode.acc_seg: 94.5561, aux.loss_ce: 0.0688, aux.acc_seg: 92.8102, loss: 0.1907 2023-11-03 12:31:16,519 - mmseg - INFO - Iter [68700/80000] lr: 4.577e-07, eta: 5:40:52, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1235, decode.acc_seg: 94.3590, aux.loss_ce: 0.0720, aux.acc_seg: 92.2862, loss: 0.1955 2023-11-03 12:32:39,481 - mmseg - INFO - Iter [68750/80000] lr: 4.556e-07, eta: 5:39:20, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1178, decode.acc_seg: 94.5137, aux.loss_ce: 0.0678, aux.acc_seg: 92.6838, loss: 0.1856 2023-11-03 12:34:02,448 - mmseg - INFO - Iter [68800/80000] lr: 4.536e-07, eta: 5:37:49, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1212, decode.acc_seg: 94.4521, aux.loss_ce: 0.0704, aux.acc_seg: 92.4388, loss: 0.1915 2023-11-03 12:35:25,413 - mmseg - INFO - Iter [68850/80000] lr: 4.516e-07, eta: 5:36:17, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1228, decode.acc_seg: 94.5364, aux.loss_ce: 0.0724, aux.acc_seg: 92.5946, loss: 0.1953 2023-11-03 12:36:48,387 - mmseg - INFO - Iter [68900/80000] lr: 4.496e-07, eta: 5:34:45, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1236, decode.acc_seg: 94.3896, aux.loss_ce: 0.0705, aux.acc_seg: 92.6107, loss: 0.1941 2023-11-03 12:38:11,357 - mmseg - INFO - Iter [68950/80000] lr: 4.475e-07, eta: 5:33:14, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1211, decode.acc_seg: 94.6174, aux.loss_ce: 0.0682, aux.acc_seg: 92.8820, loss: 0.1893 2023-11-03 12:39:34,378 - mmseg - INFO - Saving checkpoint at 69000 iterations 2023-11-03 12:40:34,763 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 12:40:34,763 - mmseg - INFO - Iter [69000/80000] lr: 4.455e-07, eta: 5:31:52, time: 2.868, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1143, decode.acc_seg: 94.7466, aux.loss_ce: 0.0661, aux.acc_seg: 92.9751, loss: 0.1804 2023-11-03 12:42:00,952 - mmseg - INFO - per class results: 2023-11-03 12:42:00,958 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.67 | 90.44 | | building | 85.15 | 93.47 | | sky | 94.92 | 97.38 | | floor | 85.59 | 92.6 | | tree | 77.36 | 90.64 | | ceiling | 88.01 | 94.65 | | road | 86.84 | 91.5 | | bed | 92.57 | 97.63 | | windowpane | 66.31 | 82.31 | | grass | 68.97 | 81.83 | | cabinet | 67.87 | 78.6 | | sidewalk | 70.71 | 84.04 | | person | 85.89 | 94.5 | | earth | 40.88 | 56.07 | | door | 60.72 | 75.78 | | table | 71.98 | 82.09 | | mountain | 62.81 | 71.33 | | plant | 59.05 | 70.04 | | curtain | 78.07 | 88.86 | | chair | 67.74 | 80.21 | | car | 87.5 | 93.88 | | water | 62.53 | 78.66 | | painting | 78.79 | 90.73 | | sofa | 82.4 | 88.93 | | shelf | 49.45 | 66.34 | | house | 55.44 | 67.7 | | sea | 73.18 | 84.23 | | mirror | 76.5 | 85.15 | | rug | 70.13 | 80.0 | | field | 31.72 | 50.9 | | armchair | 63.6 | 79.43 | | seat | 69.44 | 88.77 | | fence | 51.0 | 64.39 | | desk | 59.1 | 78.19 | | rock | 60.25 | 85.76 | | wardrobe | 57.62 | 74.11 | | lamp | 76.37 | 87.19 | | bathtub | 90.15 | 93.31 | | railing | 45.27 | 62.71 | | cushion | 67.78 | 80.11 | | base | 37.48 | 55.08 | | box | 37.08 | 46.68 | | column | 57.28 | 70.91 | | signboard | 42.13 | 55.3 | | chest of drawers | 47.17 | 65.43 | | counter | 53.03 | 63.31 | | sand | 62.87 | 88.2 | | sink | 82.22 | 86.86 | | skyscraper | 43.81 | 54.65 | | fireplace | 75.87 | 94.1 | | refrigerator | 85.42 | 95.44 | | grandstand | 49.58 | 81.26 | | path | 26.67 | 38.67 | | stairs | 36.48 | 46.33 | | runway | 74.78 | 97.48 | | case | 58.38 | 74.98 | | pool table | 94.27 | 97.88 | | pillow | 64.7 | 74.11 | | screen door | 73.38 | 75.0 | | stairway | 44.77 | 50.65 | | river | 15.23 | 30.09 | | bridge | 52.41 | 60.83 | | bookcase | 49.79 | 65.02 | | blind | 42.33 | 47.33 | | coffee table | 67.1 | 87.0 | | toilet | 90.26 | 93.4 | | flower | 42.61 | 61.14 | | book | 54.27 | 76.77 | | hill | 11.38 | 18.98 | | bench | 56.9 | 63.39 | | countertop | 63.81 | 83.48 | | stove | 86.87 | 92.85 | | palm | 56.18 | 80.64 | | kitchen island | 55.78 | 83.11 | | computer | 79.39 | 90.75 | | swivel chair | 45.05 | 67.23 | | boat | 73.06 | 87.68 | | bar | 65.4 | 74.28 | | arcade machine | 80.17 | 83.66 | | hovel | 18.59 | 19.81 | | bus | 94.64 | 97.74 | | towel | 76.41 | 83.28 | | light | 62.8 | 71.26 | | truck | 49.64 | 63.68 | | tower | 24.98 | 41.27 | | chandelier | 74.58 | 85.38 | | awning | 47.99 | 59.59 | | streetlight | 38.74 | 51.63 | | booth | 52.91 | 71.23 | | television receiver | 78.27 | 91.76 | | airplane | 88.38 | 97.23 | | dirt track | 7.9 | 36.32 | | apparel | 63.12 | 84.33 | | pole | 31.04 | 44.89 | | land | 3.13 | 4.26 | | bannister | 20.92 | 26.13 | | escalator | 67.47 | 84.78 | | ottoman | 52.77 | 69.84 | | bottle | 44.05 | 69.91 | | buffet | 50.16 | 56.94 | | poster | 34.44 | 38.59 | | stage | 29.13 | 47.09 | | van | 45.0 | 64.75 | | ship | 79.29 | 86.53 | | fountain | 33.65 | 34.45 | | conveyer belt | 79.82 | 93.85 | | canopy | 59.69 | 74.52 | | washer | 83.42 | 88.5 | | plaything | 29.35 | 49.42 | | swimming pool | 54.86 | 79.17 | | stool | 56.83 | 68.9 | | barrel | 56.98 | 90.81 | | basket | 45.34 | 61.37 | | waterfall | 51.23 | 58.86 | | tent | 92.54 | 98.44 | | bag | 24.66 | 28.67 | | minibike | 76.4 | 90.33 | | cradle | 88.63 | 98.2 | | oven | 64.82 | 75.79 | | ball | 58.46 | 63.99 | | food | 60.58 | 72.35 | | step | 10.67 | 11.93 | | tank | 82.5 | 93.86 | | trade name | 27.92 | 32.78 | | microwave | 90.68 | 96.07 | | pot | 61.21 | 69.36 | | animal | 64.34 | 65.98 | | bicycle | 62.84 | 80.06 | | lake | 59.45 | 68.86 | | dishwasher | 75.73 | 83.36 | | screen | 53.34 | 72.72 | | blanket | 35.3 | 41.03 | | sculpture | 80.62 | 87.04 | | hood | 64.71 | 73.54 | | sconce | 60.54 | 71.23 | | vase | 48.14 | 67.54 | | traffic light | 38.66 | 63.43 | | tray | 23.43 | 33.04 | | ashcan | 53.61 | 67.09 | | fan | 71.67 | 84.29 | | pier | 39.69 | 45.91 | | crt screen | 3.62 | 10.27 | | plate | 62.71 | 79.81 | | monitor | 21.02 | 24.31 | | bulletin board | 64.06 | 72.64 | | shower | 16.7 | 18.4 | | radiator | 63.46 | 79.03 | | glass | 22.94 | 24.9 | | clock | 54.65 | 68.76 | | flag | 71.93 | 80.18 | +---------------------+-------+-------+ 2023-11-03 12:42:00,958 - mmseg - INFO - Summary: 2023-11-03 12:42:00,959 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.56 | 58.52 | 70.52 | +-------+-------+-------+ 2023-11-03 12:42:00,959 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 12:42:00,960 - mmseg - INFO - Iter(val) [250] aAcc: 0.8656, mIoU: 0.5852, mAcc: 0.7052, IoU.wall: 0.8267, IoU.building: 0.8515, IoU.sky: 0.9492, IoU.floor: 0.8559, IoU.tree: 0.7736, IoU.ceiling: 0.8801, IoU.road: 0.8684, IoU.bed : 0.9257, IoU.windowpane: 0.6631, IoU.grass: 0.6897, IoU.cabinet: 0.6787, IoU.sidewalk: 0.7071, IoU.person: 0.8589, IoU.earth: 0.4088, IoU.door: 0.6072, IoU.table: 0.7198, IoU.mountain: 0.6281, IoU.plant: 0.5905, IoU.curtain: 0.7807, IoU.chair: 0.6774, IoU.car: 0.8750, IoU.water: 0.6253, IoU.painting: 0.7879, IoU.sofa: 0.8240, IoU.shelf: 0.4945, IoU.house: 0.5544, IoU.sea: 0.7318, IoU.mirror: 0.7650, IoU.rug: 0.7013, IoU.field: 0.3172, IoU.armchair: 0.6360, IoU.seat: 0.6944, IoU.fence: 0.5100, IoU.desk: 0.5910, IoU.rock: 0.6025, IoU.wardrobe: 0.5762, IoU.lamp: 0.7637, IoU.bathtub: 0.9015, IoU.railing: 0.4527, IoU.cushion: 0.6778, IoU.base: 0.3748, IoU.box: 0.3708, IoU.column: 0.5728, IoU.signboard: 0.4213, IoU.chest of drawers: 0.4717, IoU.counter: 0.5303, IoU.sand: 0.6287, IoU.sink: 0.8222, IoU.skyscraper: 0.4381, IoU.fireplace: 0.7587, IoU.refrigerator: 0.8542, IoU.grandstand: 0.4958, IoU.path: 0.2667, IoU.stairs: 0.3648, IoU.runway: 0.7478, IoU.case: 0.5838, IoU.pool table: 0.9427, IoU.pillow: 0.6470, IoU.screen door: 0.7338, IoU.stairway: 0.4477, IoU.river: 0.1523, IoU.bridge: 0.5241, IoU.bookcase: 0.4979, IoU.blind: 0.4233, IoU.coffee table: 0.6710, IoU.toilet: 0.9026, IoU.flower: 0.4261, IoU.book: 0.5427, IoU.hill: 0.1138, IoU.bench: 0.5690, IoU.countertop: 0.6381, IoU.stove: 0.8687, IoU.palm: 0.5618, IoU.kitchen island: 0.5578, IoU.computer: 0.7939, IoU.swivel chair: 0.4505, IoU.boat: 0.7306, IoU.bar: 0.6540, IoU.arcade machine: 0.8017, IoU.hovel: 0.1859, IoU.bus: 0.9464, IoU.towel: 0.7641, IoU.light: 0.6280, IoU.truck: 0.4964, IoU.tower: 0.2498, IoU.chandelier: 0.7458, IoU.awning: 0.4799, IoU.streetlight: 0.3874, IoU.booth: 0.5291, IoU.television receiver: 0.7827, IoU.airplane: 0.8838, IoU.dirt track: 0.0790, IoU.apparel: 0.6312, IoU.pole: 0.3104, IoU.land: 0.0313, IoU.bannister: 0.2092, IoU.escalator: 0.6747, IoU.ottoman: 0.5277, IoU.bottle: 0.4405, IoU.buffet: 0.5016, IoU.poster: 0.3444, IoU.stage: 0.2913, IoU.van: 0.4500, IoU.ship: 0.7929, IoU.fountain: 0.3365, IoU.conveyer belt: 0.7982, IoU.canopy: 0.5969, IoU.washer: 0.8342, IoU.plaything: 0.2935, IoU.swimming pool: 0.5486, IoU.stool: 0.5683, IoU.barrel: 0.5698, IoU.basket: 0.4534, IoU.waterfall: 0.5123, IoU.tent: 0.9254, IoU.bag: 0.2466, IoU.minibike: 0.7640, IoU.cradle: 0.8863, IoU.oven: 0.6482, IoU.ball: 0.5846, IoU.food: 0.6058, IoU.step: 0.1067, IoU.tank: 0.8250, IoU.trade name: 0.2792, IoU.microwave: 0.9068, IoU.pot: 0.6121, IoU.animal: 0.6434, IoU.bicycle: 0.6284, IoU.lake: 0.5945, IoU.dishwasher: 0.7573, IoU.screen: 0.5334, IoU.blanket: 0.3530, IoU.sculpture: 0.8062, IoU.hood: 0.6471, IoU.sconce: 0.6054, IoU.vase: 0.4814, IoU.traffic light: 0.3866, IoU.tray: 0.2343, IoU.ashcan: 0.5361, IoU.fan: 0.7167, IoU.pier: 0.3969, IoU.crt screen: 0.0362, IoU.plate: 0.6271, IoU.monitor: 0.2102, IoU.bulletin board: 0.6406, IoU.shower: 0.1670, IoU.radiator: 0.6346, IoU.glass: 0.2294, IoU.clock: 0.5465, IoU.flag: 0.7193, Acc.wall: 0.9044, Acc.building: 0.9347, Acc.sky: 0.9738, Acc.floor: 0.9260, Acc.tree: 0.9064, Acc.ceiling: 0.9465, Acc.road: 0.9150, Acc.bed : 0.9763, Acc.windowpane: 0.8231, Acc.grass: 0.8183, Acc.cabinet: 0.7860, Acc.sidewalk: 0.8404, Acc.person: 0.9450, Acc.earth: 0.5607, Acc.door: 0.7578, Acc.table: 0.8209, Acc.mountain: 0.7133, Acc.plant: 0.7004, Acc.curtain: 0.8886, Acc.chair: 0.8021, Acc.car: 0.9388, Acc.water: 0.7866, Acc.painting: 0.9073, Acc.sofa: 0.8893, Acc.shelf: 0.6634, Acc.house: 0.6770, Acc.sea: 0.8423, Acc.mirror: 0.8515, Acc.rug: 0.8000, Acc.field: 0.5090, Acc.armchair: 0.7943, Acc.seat: 0.8877, Acc.fence: 0.6439, Acc.desk: 0.7819, Acc.rock: 0.8576, Acc.wardrobe: 0.7411, Acc.lamp: 0.8719, Acc.bathtub: 0.9331, Acc.railing: 0.6271, Acc.cushion: 0.8011, Acc.base: 0.5508, Acc.box: 0.4668, Acc.column: 0.7091, Acc.signboard: 0.5530, Acc.chest of drawers: 0.6543, Acc.counter: 0.6331, Acc.sand: 0.8820, Acc.sink: 0.8686, Acc.skyscraper: 0.5465, Acc.fireplace: 0.9410, Acc.refrigerator: 0.9544, Acc.grandstand: 0.8126, Acc.path: 0.3867, Acc.stairs: 0.4633, Acc.runway: 0.9748, Acc.case: 0.7498, Acc.pool table: 0.9788, Acc.pillow: 0.7411, Acc.screen door: 0.7500, Acc.stairway: 0.5065, Acc.river: 0.3009, Acc.bridge: 0.6083, Acc.bookcase: 0.6502, Acc.blind: 0.4733, Acc.coffee table: 0.8700, Acc.toilet: 0.9340, Acc.flower: 0.6114, Acc.book: 0.7677, Acc.hill: 0.1898, Acc.bench: 0.6339, Acc.countertop: 0.8348, Acc.stove: 0.9285, Acc.palm: 0.8064, Acc.kitchen island: 0.8311, Acc.computer: 0.9075, Acc.swivel chair: 0.6723, Acc.boat: 0.8768, Acc.bar: 0.7428, Acc.arcade machine: 0.8366, Acc.hovel: 0.1981, Acc.bus: 0.9774, Acc.towel: 0.8328, Acc.light: 0.7126, Acc.truck: 0.6368, Acc.tower: 0.4127, Acc.chandelier: 0.8538, Acc.awning: 0.5959, Acc.streetlight: 0.5163, Acc.booth: 0.7123, Acc.television receiver: 0.9176, Acc.airplane: 0.9723, Acc.dirt track: 0.3632, Acc.apparel: 0.8433, Acc.pole: 0.4489, Acc.land: 0.0426, Acc.bannister: 0.2613, Acc.escalator: 0.8478, Acc.ottoman: 0.6984, Acc.bottle: 0.6991, Acc.buffet: 0.5694, Acc.poster: 0.3859, Acc.stage: 0.4709, Acc.van: 0.6475, Acc.ship: 0.8653, Acc.fountain: 0.3445, Acc.conveyer belt: 0.9385, Acc.canopy: 0.7452, Acc.washer: 0.8850, Acc.plaything: 0.4942, Acc.swimming pool: 0.7917, Acc.stool: 0.6890, Acc.barrel: 0.9081, Acc.basket: 0.6137, Acc.waterfall: 0.5886, Acc.tent: 0.9844, Acc.bag: 0.2867, Acc.minibike: 0.9033, Acc.cradle: 0.9820, Acc.oven: 0.7579, Acc.ball: 0.6399, Acc.food: 0.7235, Acc.step: 0.1193, Acc.tank: 0.9386, Acc.trade name: 0.3278, Acc.microwave: 0.9607, Acc.pot: 0.6936, Acc.animal: 0.6598, Acc.bicycle: 0.8006, Acc.lake: 0.6886, Acc.dishwasher: 0.8336, Acc.screen: 0.7272, Acc.blanket: 0.4103, Acc.sculpture: 0.8704, Acc.hood: 0.7354, Acc.sconce: 0.7123, Acc.vase: 0.6754, Acc.traffic light: 0.6343, Acc.tray: 0.3304, Acc.ashcan: 0.6709, Acc.fan: 0.8429, Acc.pier: 0.4591, Acc.crt screen: 0.1027, Acc.plate: 0.7981, Acc.monitor: 0.2431, Acc.bulletin board: 0.7264, Acc.shower: 0.1840, Acc.radiator: 0.7903, Acc.glass: 0.2490, Acc.clock: 0.6876, Acc.flag: 0.8018 2023-11-03 12:43:24,063 - mmseg - INFO - Iter [69050/80000] lr: 4.435e-07, eta: 5:30:34, time: 3.386, data_time: 1.731, memory: 69173, decode.loss_ce: 0.1272, decode.acc_seg: 94.4117, aux.loss_ce: 0.0728, aux.acc_seg: 92.4935, loss: 0.2001 2023-11-03 12:44:47,053 - mmseg - INFO - Iter [69100/80000] lr: 4.415e-07, eta: 5:29:02, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1212, decode.acc_seg: 94.5397, aux.loss_ce: 0.0692, aux.acc_seg: 92.6774, loss: 0.1904 2023-11-03 12:46:09,997 - mmseg - INFO - Iter [69150/80000] lr: 4.394e-07, eta: 5:27:30, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1186, decode.acc_seg: 94.7038, aux.loss_ce: 0.0693, aux.acc_seg: 92.7855, loss: 0.1879 2023-11-03 12:47:32,969 - mmseg - INFO - Iter [69200/80000] lr: 4.374e-07, eta: 5:25:58, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1233, decode.acc_seg: 94.5791, aux.loss_ce: 0.0696, aux.acc_seg: 92.8592, loss: 0.1929 2023-11-03 12:48:55,945 - mmseg - INFO - Iter [69250/80000] lr: 4.354e-07, eta: 5:24:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1181, decode.acc_seg: 94.5027, aux.loss_ce: 0.0677, aux.acc_seg: 92.8301, loss: 0.1857 2023-11-03 12:50:18,916 - mmseg - INFO - Iter [69300/80000] lr: 4.334e-07, eta: 5:22:55, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1192, decode.acc_seg: 94.4849, aux.loss_ce: 0.0688, aux.acc_seg: 92.4855, loss: 0.1880 2023-11-03 12:51:41,918 - mmseg - INFO - Iter [69350/80000] lr: 4.313e-07, eta: 5:21:23, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1263, decode.acc_seg: 94.2822, aux.loss_ce: 0.0718, aux.acc_seg: 92.4956, loss: 0.1981 2023-11-03 12:53:04,870 - mmseg - INFO - Iter [69400/80000] lr: 4.293e-07, eta: 5:19:51, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1226, decode.acc_seg: 94.4180, aux.loss_ce: 0.0716, aux.acc_seg: 92.4894, loss: 0.1942 2023-11-03 12:54:27,826 - mmseg - INFO - Iter [69450/80000] lr: 4.273e-07, eta: 5:18:20, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1244, decode.acc_seg: 94.3317, aux.loss_ce: 0.0718, aux.acc_seg: 92.4719, loss: 0.1962 2023-11-03 12:55:53,119 - mmseg - INFO - Iter [69500/80000] lr: 4.253e-07, eta: 5:16:49, time: 1.706, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1191, decode.acc_seg: 94.5683, aux.loss_ce: 0.0672, aux.acc_seg: 92.8166, loss: 0.1863 2023-11-03 12:57:16,081 - mmseg - INFO - Iter [69550/80000] lr: 4.232e-07, eta: 5:15:17, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1162, decode.acc_seg: 94.6775, aux.loss_ce: 0.0659, aux.acc_seg: 92.9550, loss: 0.1821 2023-11-03 12:58:39,051 - mmseg - INFO - Iter [69600/80000] lr: 4.212e-07, eta: 5:13:45, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1126, decode.acc_seg: 94.8095, aux.loss_ce: 0.0658, aux.acc_seg: 92.9594, loss: 0.1784 2023-11-03 13:00:02,015 - mmseg - INFO - Iter [69650/80000] lr: 4.192e-07, eta: 5:12:14, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1164, decode.acc_seg: 94.7739, aux.loss_ce: 0.0694, aux.acc_seg: 92.7892, loss: 0.1857 2023-11-03 13:01:24,995 - mmseg - INFO - Iter [69700/80000] lr: 4.172e-07, eta: 5:10:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1231, decode.acc_seg: 94.3921, aux.loss_ce: 0.0724, aux.acc_seg: 92.3036, loss: 0.1955 2023-11-03 13:02:47,979 - mmseg - INFO - Iter [69750/80000] lr: 4.151e-07, eta: 5:09:10, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1193, decode.acc_seg: 94.4321, aux.loss_ce: 0.0690, aux.acc_seg: 92.4450, loss: 0.1883 2023-11-03 13:04:10,990 - mmseg - INFO - Iter [69800/80000] lr: 4.131e-07, eta: 5:07:39, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1179, decode.acc_seg: 94.6526, aux.loss_ce: 0.0689, aux.acc_seg: 92.6932, loss: 0.1869 2023-11-03 13:05:33,979 - mmseg - INFO - Iter [69850/80000] lr: 4.111e-07, eta: 5:06:07, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1149, decode.acc_seg: 94.8695, aux.loss_ce: 0.0650, aux.acc_seg: 93.1773, loss: 0.1799 2023-11-03 13:06:56,945 - mmseg - INFO - Iter [69900/80000] lr: 4.091e-07, eta: 5:04:36, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1143, decode.acc_seg: 94.7654, aux.loss_ce: 0.0673, aux.acc_seg: 92.8650, loss: 0.1816 2023-11-03 13:08:19,931 - mmseg - INFO - Iter [69950/80000] lr: 4.070e-07, eta: 5:03:04, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1218, decode.acc_seg: 94.5066, aux.loss_ce: 0.0696, aux.acc_seg: 92.7387, loss: 0.1914 2023-11-03 13:09:42,898 - mmseg - INFO - Saving checkpoint at 70000 iterations 2023-11-03 13:10:41,956 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 13:10:41,956 - mmseg - INFO - Iter [70000/80000] lr: 4.050e-07, eta: 5:01:41, time: 2.841, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1186, decode.acc_seg: 94.5812, aux.loss_ce: 0.0697, aux.acc_seg: 92.6718, loss: 0.1883 2023-11-03 13:12:13,378 - mmseg - INFO - per class results: 2023-11-03 13:12:13,383 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.66 | 90.15 | | building | 85.1 | 93.46 | | sky | 94.9 | 97.54 | | floor | 85.59 | 92.14 | | tree | 77.28 | 89.85 | | ceiling | 87.78 | 94.9 | | road | 86.51 | 91.68 | | bed | 92.69 | 97.57 | | windowpane | 66.28 | 82.09 | | grass | 67.98 | 79.92 | | cabinet | 67.68 | 77.81 | | sidewalk | 71.77 | 84.87 | | person | 85.85 | 94.93 | | earth | 41.47 | 56.61 | | door | 60.78 | 75.67 | | table | 72.16 | 82.7 | | mountain | 65.09 | 75.0 | | plant | 58.3 | 68.12 | | curtain | 78.88 | 88.6 | | chair | 68.04 | 80.03 | | car | 87.53 | 93.69 | | water | 63.34 | 79.53 | | painting | 78.69 | 90.54 | | sofa | 81.94 | 89.12 | | shelf | 48.68 | 66.15 | | house | 56.55 | 69.32 | | sea | 73.64 | 84.43 | | mirror | 76.29 | 85.66 | | rug | 70.06 | 82.11 | | field | 30.9 | 50.76 | | armchair | 63.45 | 83.67 | | seat | 70.33 | 88.55 | | fence | 51.4 | 64.52 | | desk | 60.22 | 77.44 | | rock | 60.93 | 81.38 | | wardrobe | 55.15 | 73.82 | | lamp | 76.01 | 87.25 | | bathtub | 90.85 | 93.98 | | railing | 46.26 | 63.65 | | cushion | 66.82 | 80.41 | | base | 37.95 | 54.43 | | box | 37.78 | 48.67 | | column | 56.53 | 68.93 | | signboard | 42.45 | 57.91 | | chest of drawers | 46.08 | 69.41 | | counter | 54.58 | 65.84 | | sand | 62.6 | 87.49 | | sink | 82.58 | 87.83 | | skyscraper | 43.42 | 55.71 | | fireplace | 75.47 | 95.63 | | refrigerator | 85.13 | 95.63 | | grandstand | 50.46 | 81.7 | | path | 29.26 | 43.19 | | stairs | 35.97 | 46.4 | | runway | 71.65 | 93.95 | | case | 58.97 | 74.65 | | pool table | 94.1 | 97.84 | | pillow | 61.91 | 70.55 | | screen door | 73.28 | 75.29 | | stairway | 43.32 | 50.61 | | river | 14.95 | 28.45 | | bridge | 53.93 | 61.39 | | bookcase | 45.88 | 64.15 | | blind | 43.2 | 50.54 | | coffee table | 65.83 | 84.66 | | toilet | 90.69 | 93.59 | | flower | 42.58 | 58.04 | | book | 55.11 | 77.87 | | hill | 9.95 | 18.01 | | bench | 58.14 | 66.8 | | countertop | 63.07 | 85.12 | | stove | 86.84 | 92.19 | | palm | 55.02 | 83.55 | | kitchen island | 57.77 | 85.93 | | computer | 78.79 | 91.78 | | swivel chair | 45.62 | 70.46 | | boat | 70.95 | 82.79 | | bar | 64.79 | 75.66 | | arcade machine | 79.58 | 82.6 | | hovel | 16.17 | 17.22 | | bus | 94.34 | 98.02 | | towel | 77.66 | 85.98 | | light | 62.54 | 71.71 | | truck | 50.24 | 64.51 | | tower | 29.1 | 50.08 | | chandelier | 74.68 | 87.16 | | awning | 43.7 | 52.32 | | streetlight | 39.43 | 52.43 | | booth | 52.29 | 70.67 | | television receiver | 80.08 | 91.28 | | airplane | 88.32 | 97.08 | | dirt track | 7.97 | 37.06 | | apparel | 64.83 | 83.85 | | pole | 31.92 | 44.03 | | land | 3.66 | 5.42 | | bannister | 22.01 | 28.05 | | escalator | 65.98 | 85.71 | | ottoman | 53.07 | 65.69 | | bottle | 44.62 | 69.94 | | buffet | 57.87 | 65.1 | | poster | 41.5 | 48.81 | | stage | 25.26 | 47.68 | | van | 44.89 | 64.49 | | ship | 71.88 | 82.35 | | fountain | 34.6 | 35.45 | | conveyer belt | 81.17 | 93.69 | | canopy | 58.73 | 74.28 | | washer | 85.4 | 90.86 | | plaything | 30.21 | 49.71 | | swimming pool | 55.93 | 80.51 | | stool | 56.45 | 70.53 | | barrel | 58.1 | 83.29 | | basket | 44.84 | 59.63 | | waterfall | 51.18 | 58.35 | | tent | 92.32 | 98.34 | | bag | 23.99 | 26.63 | | minibike | 76.83 | 90.48 | | cradle | 88.91 | 98.27 | | oven | 63.67 | 76.25 | | ball | 59.33 | 65.06 | | food | 59.74 | 68.15 | | step | 11.73 | 12.88 | | tank | 81.4 | 94.59 | | trade name | 24.43 | 28.6 | | microwave | 90.52 | 95.97 | | pot | 61.66 | 70.36 | | animal | 66.6 | 68.66 | | bicycle | 62.29 | 84.64 | | lake | 58.23 | 68.84 | | dishwasher | 76.39 | 83.32 | | screen | 54.09 | 76.24 | | blanket | 34.72 | 39.35 | | sculpture | 79.37 | 87.88 | | hood | 63.51 | 74.97 | | sconce | 61.21 | 72.48 | | vase | 48.47 | 64.85 | | traffic light | 38.91 | 64.54 | | tray | 23.05 | 33.18 | | ashcan | 53.14 | 66.13 | | fan | 71.72 | 86.04 | | pier | 39.94 | 44.43 | | crt screen | 1.44 | 3.66 | | plate | 60.8 | 83.09 | | monitor | 33.57 | 38.97 | | bulletin board | 64.95 | 78.07 | | shower | 16.59 | 18.92 | | radiator | 63.82 | 80.47 | | glass | 22.93 | 24.96 | | clock | 54.57 | 67.46 | | flag | 70.37 | 76.59 | +---------------------+-------+-------+ 2023-11-03 13:12:13,383 - mmseg - INFO - Summary: 2023-11-03 13:12:13,384 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.55 | 58.59 | 70.87 | +-------+-------+-------+ 2023-11-03 13:12:13,384 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 13:12:13,385 - mmseg - INFO - Iter(val) [250] aAcc: 0.8655, mIoU: 0.5859, mAcc: 0.7087, IoU.wall: 0.8266, IoU.building: 0.8510, IoU.sky: 0.9490, IoU.floor: 0.8559, IoU.tree: 0.7728, IoU.ceiling: 0.8778, IoU.road: 0.8651, IoU.bed : 0.9269, IoU.windowpane: 0.6628, IoU.grass: 0.6798, IoU.cabinet: 0.6768, IoU.sidewalk: 0.7177, IoU.person: 0.8585, IoU.earth: 0.4147, IoU.door: 0.6078, IoU.table: 0.7216, IoU.mountain: 0.6509, IoU.plant: 0.5830, IoU.curtain: 0.7888, IoU.chair: 0.6804, IoU.car: 0.8753, IoU.water: 0.6334, IoU.painting: 0.7869, IoU.sofa: 0.8194, IoU.shelf: 0.4868, IoU.house: 0.5655, IoU.sea: 0.7364, IoU.mirror: 0.7629, IoU.rug: 0.7006, IoU.field: 0.3090, IoU.armchair: 0.6345, IoU.seat: 0.7033, IoU.fence: 0.5140, IoU.desk: 0.6022, IoU.rock: 0.6093, IoU.wardrobe: 0.5515, IoU.lamp: 0.7601, IoU.bathtub: 0.9085, IoU.railing: 0.4626, IoU.cushion: 0.6682, IoU.base: 0.3795, IoU.box: 0.3778, IoU.column: 0.5653, IoU.signboard: 0.4245, IoU.chest of drawers: 0.4608, IoU.counter: 0.5458, IoU.sand: 0.6260, IoU.sink: 0.8258, IoU.skyscraper: 0.4342, IoU.fireplace: 0.7547, IoU.refrigerator: 0.8513, IoU.grandstand: 0.5046, IoU.path: 0.2926, IoU.stairs: 0.3597, IoU.runway: 0.7165, IoU.case: 0.5897, IoU.pool table: 0.9410, IoU.pillow: 0.6191, IoU.screen door: 0.7328, IoU.stairway: 0.4332, IoU.river: 0.1495, IoU.bridge: 0.5393, IoU.bookcase: 0.4588, IoU.blind: 0.4320, IoU.coffee table: 0.6583, IoU.toilet: 0.9069, IoU.flower: 0.4258, IoU.book: 0.5511, IoU.hill: 0.0995, IoU.bench: 0.5814, IoU.countertop: 0.6307, IoU.stove: 0.8684, IoU.palm: 0.5502, IoU.kitchen island: 0.5777, IoU.computer: 0.7879, IoU.swivel chair: 0.4562, IoU.boat: 0.7095, IoU.bar: 0.6479, IoU.arcade machine: 0.7958, IoU.hovel: 0.1617, IoU.bus: 0.9434, IoU.towel: 0.7766, IoU.light: 0.6254, IoU.truck: 0.5024, IoU.tower: 0.2910, IoU.chandelier: 0.7468, IoU.awning: 0.4370, IoU.streetlight: 0.3943, IoU.booth: 0.5229, IoU.television receiver: 0.8008, IoU.airplane: 0.8832, IoU.dirt track: 0.0797, IoU.apparel: 0.6483, IoU.pole: 0.3192, IoU.land: 0.0366, IoU.bannister: 0.2201, IoU.escalator: 0.6598, IoU.ottoman: 0.5307, IoU.bottle: 0.4462, IoU.buffet: 0.5787, IoU.poster: 0.4150, IoU.stage: 0.2526, IoU.van: 0.4489, IoU.ship: 0.7188, IoU.fountain: 0.3460, IoU.conveyer belt: 0.8117, IoU.canopy: 0.5873, IoU.washer: 0.8540, IoU.plaything: 0.3021, IoU.swimming pool: 0.5593, IoU.stool: 0.5645, IoU.barrel: 0.5810, IoU.basket: 0.4484, IoU.waterfall: 0.5118, IoU.tent: 0.9232, IoU.bag: 0.2399, IoU.minibike: 0.7683, IoU.cradle: 0.8891, IoU.oven: 0.6367, IoU.ball: 0.5933, IoU.food: 0.5974, IoU.step: 0.1173, IoU.tank: 0.8140, IoU.trade name: 0.2443, IoU.microwave: 0.9052, IoU.pot: 0.6166, IoU.animal: 0.6660, IoU.bicycle: 0.6229, IoU.lake: 0.5823, IoU.dishwasher: 0.7639, IoU.screen: 0.5409, IoU.blanket: 0.3472, IoU.sculpture: 0.7937, IoU.hood: 0.6351, IoU.sconce: 0.6121, IoU.vase: 0.4847, IoU.traffic light: 0.3891, IoU.tray: 0.2305, IoU.ashcan: 0.5314, IoU.fan: 0.7172, IoU.pier: 0.3994, IoU.crt screen: 0.0144, IoU.plate: 0.6080, IoU.monitor: 0.3357, IoU.bulletin board: 0.6495, IoU.shower: 0.1659, IoU.radiator: 0.6382, IoU.glass: 0.2293, IoU.clock: 0.5457, IoU.flag: 0.7037, Acc.wall: 0.9015, Acc.building: 0.9346, Acc.sky: 0.9754, Acc.floor: 0.9214, Acc.tree: 0.8985, Acc.ceiling: 0.9490, Acc.road: 0.9168, Acc.bed : 0.9757, Acc.windowpane: 0.8209, Acc.grass: 0.7992, Acc.cabinet: 0.7781, Acc.sidewalk: 0.8487, Acc.person: 0.9493, Acc.earth: 0.5661, Acc.door: 0.7567, Acc.table: 0.8270, Acc.mountain: 0.7500, Acc.plant: 0.6812, Acc.curtain: 0.8860, Acc.chair: 0.8003, Acc.car: 0.9369, Acc.water: 0.7953, Acc.painting: 0.9054, Acc.sofa: 0.8912, Acc.shelf: 0.6615, Acc.house: 0.6932, Acc.sea: 0.8443, Acc.mirror: 0.8566, Acc.rug: 0.8211, Acc.field: 0.5076, Acc.armchair: 0.8367, Acc.seat: 0.8855, Acc.fence: 0.6452, Acc.desk: 0.7744, Acc.rock: 0.8138, Acc.wardrobe: 0.7382, Acc.lamp: 0.8725, Acc.bathtub: 0.9398, Acc.railing: 0.6365, Acc.cushion: 0.8041, Acc.base: 0.5443, Acc.box: 0.4867, Acc.column: 0.6893, Acc.signboard: 0.5791, Acc.chest of drawers: 0.6941, Acc.counter: 0.6584, Acc.sand: 0.8749, Acc.sink: 0.8783, Acc.skyscraper: 0.5571, Acc.fireplace: 0.9563, Acc.refrigerator: 0.9563, Acc.grandstand: 0.8170, Acc.path: 0.4319, Acc.stairs: 0.4640, Acc.runway: 0.9395, Acc.case: 0.7465, Acc.pool table: 0.9784, Acc.pillow: 0.7055, Acc.screen door: 0.7529, Acc.stairway: 0.5061, Acc.river: 0.2845, Acc.bridge: 0.6139, Acc.bookcase: 0.6415, Acc.blind: 0.5054, Acc.coffee table: 0.8466, Acc.toilet: 0.9359, Acc.flower: 0.5804, Acc.book: 0.7787, Acc.hill: 0.1801, Acc.bench: 0.6680, Acc.countertop: 0.8512, Acc.stove: 0.9219, Acc.palm: 0.8355, Acc.kitchen island: 0.8593, Acc.computer: 0.9178, Acc.swivel chair: 0.7046, Acc.boat: 0.8279, Acc.bar: 0.7566, Acc.arcade machine: 0.8260, Acc.hovel: 0.1722, Acc.bus: 0.9802, Acc.towel: 0.8598, Acc.light: 0.7171, Acc.truck: 0.6451, Acc.tower: 0.5008, Acc.chandelier: 0.8716, Acc.awning: 0.5232, Acc.streetlight: 0.5243, Acc.booth: 0.7067, Acc.television receiver: 0.9128, Acc.airplane: 0.9708, Acc.dirt track: 0.3706, Acc.apparel: 0.8385, Acc.pole: 0.4403, Acc.land: 0.0542, Acc.bannister: 0.2805, Acc.escalator: 0.8571, Acc.ottoman: 0.6569, Acc.bottle: 0.6994, Acc.buffet: 0.6510, Acc.poster: 0.4881, Acc.stage: 0.4768, Acc.van: 0.6449, Acc.ship: 0.8235, Acc.fountain: 0.3545, Acc.conveyer belt: 0.9369, Acc.canopy: 0.7428, Acc.washer: 0.9086, Acc.plaything: 0.4971, Acc.swimming pool: 0.8051, Acc.stool: 0.7053, Acc.barrel: 0.8329, Acc.basket: 0.5963, Acc.waterfall: 0.5835, Acc.tent: 0.9834, Acc.bag: 0.2663, Acc.minibike: 0.9048, Acc.cradle: 0.9827, Acc.oven: 0.7625, Acc.ball: 0.6506, Acc.food: 0.6815, Acc.step: 0.1288, Acc.tank: 0.9459, Acc.trade name: 0.2860, Acc.microwave: 0.9597, Acc.pot: 0.7036, Acc.animal: 0.6866, Acc.bicycle: 0.8464, Acc.lake: 0.6884, Acc.dishwasher: 0.8332, Acc.screen: 0.7624, Acc.blanket: 0.3935, Acc.sculpture: 0.8788, Acc.hood: 0.7497, Acc.sconce: 0.7248, Acc.vase: 0.6485, Acc.traffic light: 0.6454, Acc.tray: 0.3318, Acc.ashcan: 0.6613, Acc.fan: 0.8604, Acc.pier: 0.4443, Acc.crt screen: 0.0366, Acc.plate: 0.8309, Acc.monitor: 0.3897, Acc.bulletin board: 0.7807, Acc.shower: 0.1892, Acc.radiator: 0.8047, Acc.glass: 0.2496, Acc.clock: 0.6746, Acc.flag: 0.7659 2023-11-03 13:13:36,446 - mmseg - INFO - Iter [70050/80000] lr: 4.030e-07, eta: 5:00:22, time: 3.490, data_time: 1.836, memory: 69173, decode.loss_ce: 0.1192, decode.acc_seg: 94.6005, aux.loss_ce: 0.0718, aux.acc_seg: 92.5222, loss: 0.1909 2023-11-03 13:14:59,394 - mmseg - INFO - Iter [70100/80000] lr: 4.010e-07, eta: 4:58:51, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1215, decode.acc_seg: 94.4320, aux.loss_ce: 0.0682, aux.acc_seg: 92.8339, loss: 0.1897 2023-11-03 13:16:22,390 - mmseg - INFO - Iter [70150/80000] lr: 3.989e-07, eta: 4:57:19, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1174, decode.acc_seg: 94.6931, aux.loss_ce: 0.0678, aux.acc_seg: 92.8170, loss: 0.1853 2023-11-03 13:17:45,402 - mmseg - INFO - Iter [70200/80000] lr: 3.969e-07, eta: 4:55:48, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1219, decode.acc_seg: 94.4838, aux.loss_ce: 0.0697, aux.acc_seg: 92.6842, loss: 0.1916 2023-11-03 13:19:08,405 - mmseg - INFO - Iter [70250/80000] lr: 3.949e-07, eta: 4:54:16, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1217, decode.acc_seg: 94.4424, aux.loss_ce: 0.0687, aux.acc_seg: 92.6985, loss: 0.1904 2023-11-03 13:20:31,458 - mmseg - INFO - Iter [70300/80000] lr: 3.929e-07, eta: 4:52:44, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1327, decode.acc_seg: 94.2268, aux.loss_ce: 0.0782, aux.acc_seg: 91.9388, loss: 0.2108 2023-11-03 13:21:54,441 - mmseg - INFO - Iter [70350/80000] lr: 3.908e-07, eta: 4:51:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1156, decode.acc_seg: 94.8260, aux.loss_ce: 0.0670, aux.acc_seg: 92.9102, loss: 0.1826 2023-11-03 13:23:17,417 - mmseg - INFO - Iter [70400/80000] lr: 3.888e-07, eta: 4:49:41, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1212, decode.acc_seg: 94.5615, aux.loss_ce: 0.0724, aux.acc_seg: 92.4468, loss: 0.1936 2023-11-03 13:24:40,396 - mmseg - INFO - Iter [70450/80000] lr: 3.868e-07, eta: 4:48:10, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1196, decode.acc_seg: 94.7068, aux.loss_ce: 0.0697, aux.acc_seg: 92.9013, loss: 0.1893 2023-11-03 13:26:03,372 - mmseg - INFO - Iter [70500/80000] lr: 3.848e-07, eta: 4:46:38, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1228, decode.acc_seg: 94.4441, aux.loss_ce: 0.0718, aux.acc_seg: 92.5509, loss: 0.1946 2023-11-03 13:27:26,380 - mmseg - INFO - Iter [70550/80000] lr: 3.827e-07, eta: 4:45:07, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1285, decode.acc_seg: 94.2291, aux.loss_ce: 0.0738, aux.acc_seg: 92.3530, loss: 0.2023 2023-11-03 13:28:49,323 - mmseg - INFO - Iter [70600/80000] lr: 3.807e-07, eta: 4:43:35, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1248, decode.acc_seg: 94.4788, aux.loss_ce: 0.0707, aux.acc_seg: 92.7069, loss: 0.1955 2023-11-03 13:30:12,322 - mmseg - INFO - Iter [70650/80000] lr: 3.787e-07, eta: 4:42:04, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1216, decode.acc_seg: 94.4743, aux.loss_ce: 0.0689, aux.acc_seg: 92.6547, loss: 0.1905 2023-11-03 13:31:35,315 - mmseg - INFO - Iter [70700/80000] lr: 3.767e-07, eta: 4:40:32, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1213, decode.acc_seg: 94.4066, aux.loss_ce: 0.0716, aux.acc_seg: 92.3967, loss: 0.1929 2023-11-03 13:33:00,576 - mmseg - INFO - Iter [70750/80000] lr: 3.746e-07, eta: 4:39:01, time: 1.705, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1215, decode.acc_seg: 94.5161, aux.loss_ce: 0.0698, aux.acc_seg: 92.6897, loss: 0.1913 2023-11-03 13:34:23,532 - mmseg - INFO - Iter [70800/80000] lr: 3.726e-07, eta: 4:37:29, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1220, decode.acc_seg: 94.5141, aux.loss_ce: 0.0690, aux.acc_seg: 92.7094, loss: 0.1911 2023-11-03 13:35:46,545 - mmseg - INFO - Iter [70850/80000] lr: 3.706e-07, eta: 4:35:58, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1257, decode.acc_seg: 94.3104, aux.loss_ce: 0.0742, aux.acc_seg: 92.2097, loss: 0.1999 2023-11-03 13:37:09,548 - mmseg - INFO - Iter [70900/80000] lr: 3.686e-07, eta: 4:34:27, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1212, decode.acc_seg: 94.5169, aux.loss_ce: 0.0706, aux.acc_seg: 92.6534, loss: 0.1918 2023-11-03 13:38:32,506 - mmseg - INFO - Iter [70950/80000] lr: 3.665e-07, eta: 4:32:55, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1284, decode.acc_seg: 94.3370, aux.loss_ce: 0.0739, aux.acc_seg: 92.5184, loss: 0.2023 2023-11-03 13:39:55,464 - mmseg - INFO - Saving checkpoint at 71000 iterations 2023-11-03 13:40:54,321 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 13:40:54,321 - mmseg - INFO - Iter [71000/80000] lr: 3.645e-07, eta: 4:31:31, time: 2.836, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1171, decode.acc_seg: 94.8113, aux.loss_ce: 0.0690, aux.acc_seg: 92.9592, loss: 0.1861 2023-11-03 13:42:24,683 - mmseg - INFO - per class results: 2023-11-03 13:42:24,688 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.79 | 90.59 | | building | 84.97 | 93.64 | | sky | 94.93 | 97.43 | | floor | 85.74 | 92.72 | | tree | 76.9 | 90.43 | | ceiling | 87.98 | 94.37 | | road | 86.56 | 91.32 | | bed | 92.88 | 97.33 | | windowpane | 66.09 | 82.74 | | grass | 70.57 | 82.7 | | cabinet | 67.77 | 78.62 | | sidewalk | 70.98 | 85.71 | | person | 85.86 | 94.62 | | earth | 42.17 | 57.9 | | door | 61.41 | 73.85 | | table | 71.9 | 82.15 | | mountain | 63.91 | 73.79 | | plant | 57.69 | 68.34 | | curtain | 77.55 | 87.52 | | chair | 67.93 | 79.28 | | car | 87.43 | 94.05 | | water | 63.04 | 78.71 | | painting | 78.9 | 90.58 | | sofa | 82.42 | 89.95 | | shelf | 47.92 | 64.97 | | house | 53.1 | 64.63 | | sea | 72.99 | 83.72 | | mirror | 76.04 | 84.94 | | rug | 69.92 | 79.82 | | field | 31.13 | 49.07 | | armchair | 64.26 | 82.03 | | seat | 71.31 | 89.26 | | fence | 50.23 | 63.03 | | desk | 59.28 | 78.99 | | rock | 59.36 | 86.02 | | wardrobe | 56.71 | 75.15 | | lamp | 75.97 | 87.15 | | bathtub | 90.67 | 93.86 | | railing | 46.35 | 63.85 | | cushion | 67.42 | 81.41 | | base | 39.3 | 53.67 | | box | 38.0 | 48.9 | | column | 57.06 | 69.75 | | signboard | 41.63 | 56.21 | | chest of drawers | 47.28 | 65.25 | | counter | 54.89 | 65.17 | | sand | 58.72 | 82.89 | | sink | 82.67 | 87.97 | | skyscraper | 43.64 | 55.2 | | fireplace | 75.24 | 95.66 | | refrigerator | 85.21 | 95.36 | | grandstand | 53.95 | 80.12 | | path | 27.56 | 34.68 | | stairs | 38.67 | 49.6 | | runway | 71.52 | 92.77 | | case | 57.52 | 72.31 | | pool table | 94.29 | 97.88 | | pillow | 64.0 | 73.86 | | screen door | 81.35 | 83.92 | | stairway | 41.66 | 49.88 | | river | 14.88 | 29.26 | | bridge | 53.74 | 60.05 | | bookcase | 46.75 | 66.8 | | blind | 41.81 | 45.03 | | coffee table | 65.58 | 86.38 | | toilet | 90.5 | 93.81 | | flower | 42.71 | 57.95 | | book | 54.53 | 76.65 | | hill | 9.86 | 16.47 | | bench | 58.11 | 65.19 | | countertop | 63.7 | 84.95 | | stove | 87.06 | 92.42 | | palm | 55.02 | 81.17 | | kitchen island | 57.98 | 82.06 | | computer | 79.47 | 91.3 | | swivel chair | 45.71 | 67.41 | | boat | 68.61 | 79.02 | | bar | 63.06 | 73.06 | | arcade machine | 77.7 | 80.32 | | hovel | 18.21 | 19.4 | | bus | 94.36 | 97.52 | | towel | 78.11 | 86.57 | | light | 63.32 | 73.28 | | truck | 50.77 | 63.58 | | tower | 27.61 | 46.58 | | chandelier | 74.28 | 85.89 | | awning | 40.87 | 47.92 | | streetlight | 39.66 | 54.38 | | booth | 54.0 | 70.97 | | television receiver | 80.9 | 91.08 | | airplane | 88.68 | 96.64 | | dirt track | 5.53 | 23.84 | | apparel | 64.18 | 86.88 | | pole | 30.68 | 41.07 | | land | 4.54 | 6.6 | | bannister | 21.32 | 26.17 | | escalator | 65.89 | 86.36 | | ottoman | 55.12 | 70.5 | | bottle | 44.66 | 70.94 | | buffet | 56.29 | 64.65 | | poster | 35.85 | 40.21 | | stage | 28.6 | 48.09 | | van | 44.68 | 61.83 | | ship | 69.84 | 83.85 | | fountain | 35.73 | 36.99 | | conveyer belt | 82.28 | 93.09 | | canopy | 57.78 | 71.81 | | washer | 82.65 | 87.55 | | plaything | 30.41 | 50.58 | | swimming pool | 54.87 | 78.79 | | stool | 56.06 | 66.75 | | barrel | 70.08 | 83.93 | | basket | 45.25 | 60.03 | | waterfall | 52.04 | 59.41 | | tent | 91.62 | 98.4 | | bag | 25.76 | 30.13 | | minibike | 76.67 | 90.14 | | cradle | 88.56 | 98.13 | | oven | 62.03 | 73.69 | | ball | 60.34 | 67.2 | | food | 59.87 | 69.01 | | step | 10.63 | 11.55 | | tank | 72.15 | 80.51 | | trade name | 23.66 | 26.43 | | microwave | 90.5 | 96.42 | | pot | 62.13 | 70.81 | | animal | 64.41 | 66.25 | | bicycle | 63.08 | 82.05 | | lake | 60.97 | 68.86 | | dishwasher | 76.16 | 83.78 | | screen | 53.23 | 71.17 | | blanket | 33.67 | 38.56 | | sculpture | 78.69 | 88.06 | | hood | 63.8 | 73.85 | | sconce | 61.7 | 74.22 | | vase | 48.17 | 65.73 | | traffic light | 38.57 | 62.99 | | tray | 24.0 | 32.56 | | ashcan | 53.03 | 67.55 | | fan | 71.9 | 87.1 | | pier | 39.25 | 45.65 | | crt screen | 1.34 | 3.63 | | plate | 62.41 | 80.32 | | monitor | 31.71 | 37.3 | | bulletin board | 63.42 | 77.15 | | shower | 17.1 | 18.73 | | radiator | 62.52 | 79.62 | | glass | 22.91 | 24.88 | | clock | 54.23 | 68.12 | | flag | 71.75 | 80.09 | +---------------------+-------+-------+ 2023-11-03 13:42:24,688 - mmseg - INFO - Summary: 2023-11-03 13:42:24,689 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.59 | 58.53 | 70.27 | +-------+-------+-------+ 2023-11-03 13:42:24,689 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 13:42:24,689 - mmseg - INFO - Iter(val) [250] aAcc: 0.8659, mIoU: 0.5853, mAcc: 0.7027, IoU.wall: 0.8279, IoU.building: 0.8497, IoU.sky: 0.9493, IoU.floor: 0.8574, IoU.tree: 0.7690, IoU.ceiling: 0.8798, IoU.road: 0.8656, IoU.bed : 0.9288, IoU.windowpane: 0.6609, IoU.grass: 0.7057, IoU.cabinet: 0.6777, IoU.sidewalk: 0.7098, IoU.person: 0.8586, IoU.earth: 0.4217, IoU.door: 0.6141, IoU.table: 0.7190, IoU.mountain: 0.6391, IoU.plant: 0.5769, IoU.curtain: 0.7755, IoU.chair: 0.6793, IoU.car: 0.8743, IoU.water: 0.6304, IoU.painting: 0.7890, IoU.sofa: 0.8242, IoU.shelf: 0.4792, IoU.house: 0.5310, IoU.sea: 0.7299, IoU.mirror: 0.7604, IoU.rug: 0.6992, IoU.field: 0.3113, IoU.armchair: 0.6426, IoU.seat: 0.7131, IoU.fence: 0.5023, IoU.desk: 0.5928, IoU.rock: 0.5936, IoU.wardrobe: 0.5671, IoU.lamp: 0.7597, IoU.bathtub: 0.9067, IoU.railing: 0.4635, IoU.cushion: 0.6742, IoU.base: 0.3930, IoU.box: 0.3800, IoU.column: 0.5706, IoU.signboard: 0.4163, IoU.chest of drawers: 0.4728, IoU.counter: 0.5489, IoU.sand: 0.5872, IoU.sink: 0.8267, IoU.skyscraper: 0.4364, IoU.fireplace: 0.7524, IoU.refrigerator: 0.8521, IoU.grandstand: 0.5395, IoU.path: 0.2756, IoU.stairs: 0.3867, IoU.runway: 0.7152, IoU.case: 0.5752, IoU.pool table: 0.9429, IoU.pillow: 0.6400, IoU.screen door: 0.8135, IoU.stairway: 0.4166, IoU.river: 0.1488, IoU.bridge: 0.5374, IoU.bookcase: 0.4675, IoU.blind: 0.4181, IoU.coffee table: 0.6558, IoU.toilet: 0.9050, IoU.flower: 0.4271, IoU.book: 0.5453, IoU.hill: 0.0986, IoU.bench: 0.5811, IoU.countertop: 0.6370, IoU.stove: 0.8706, IoU.palm: 0.5502, IoU.kitchen island: 0.5798, IoU.computer: 0.7947, IoU.swivel chair: 0.4571, IoU.boat: 0.6861, IoU.bar: 0.6306, IoU.arcade machine: 0.7770, IoU.hovel: 0.1821, IoU.bus: 0.9436, IoU.towel: 0.7811, IoU.light: 0.6332, IoU.truck: 0.5077, IoU.tower: 0.2761, IoU.chandelier: 0.7428, IoU.awning: 0.4087, IoU.streetlight: 0.3966, IoU.booth: 0.5400, IoU.television receiver: 0.8090, IoU.airplane: 0.8868, IoU.dirt track: 0.0553, IoU.apparel: 0.6418, IoU.pole: 0.3068, IoU.land: 0.0454, IoU.bannister: 0.2132, IoU.escalator: 0.6589, IoU.ottoman: 0.5512, IoU.bottle: 0.4466, IoU.buffet: 0.5629, IoU.poster: 0.3585, IoU.stage: 0.2860, IoU.van: 0.4468, IoU.ship: 0.6984, IoU.fountain: 0.3573, IoU.conveyer belt: 0.8228, IoU.canopy: 0.5778, IoU.washer: 0.8265, IoU.plaything: 0.3041, IoU.swimming pool: 0.5487, IoU.stool: 0.5606, IoU.barrel: 0.7008, IoU.basket: 0.4525, IoU.waterfall: 0.5204, IoU.tent: 0.9162, IoU.bag: 0.2576, IoU.minibike: 0.7667, IoU.cradle: 0.8856, IoU.oven: 0.6203, IoU.ball: 0.6034, IoU.food: 0.5987, IoU.step: 0.1063, IoU.tank: 0.7215, IoU.trade name: 0.2366, IoU.microwave: 0.9050, IoU.pot: 0.6213, IoU.animal: 0.6441, IoU.bicycle: 0.6308, IoU.lake: 0.6097, IoU.dishwasher: 0.7616, IoU.screen: 0.5323, IoU.blanket: 0.3367, IoU.sculpture: 0.7869, IoU.hood: 0.6380, IoU.sconce: 0.6170, IoU.vase: 0.4817, IoU.traffic light: 0.3857, IoU.tray: 0.2400, IoU.ashcan: 0.5303, IoU.fan: 0.7190, IoU.pier: 0.3925, IoU.crt screen: 0.0134, IoU.plate: 0.6241, IoU.monitor: 0.3171, IoU.bulletin board: 0.6342, IoU.shower: 0.1710, IoU.radiator: 0.6252, IoU.glass: 0.2291, IoU.clock: 0.5423, IoU.flag: 0.7175, Acc.wall: 0.9059, Acc.building: 0.9364, Acc.sky: 0.9743, Acc.floor: 0.9272, Acc.tree: 0.9043, Acc.ceiling: 0.9437, Acc.road: 0.9132, Acc.bed : 0.9733, Acc.windowpane: 0.8274, Acc.grass: 0.8270, Acc.cabinet: 0.7862, Acc.sidewalk: 0.8571, Acc.person: 0.9462, Acc.earth: 0.5790, Acc.door: 0.7385, Acc.table: 0.8215, Acc.mountain: 0.7379, Acc.plant: 0.6834, Acc.curtain: 0.8752, Acc.chair: 0.7928, Acc.car: 0.9405, Acc.water: 0.7871, Acc.painting: 0.9058, Acc.sofa: 0.8995, Acc.shelf: 0.6497, Acc.house: 0.6463, Acc.sea: 0.8372, Acc.mirror: 0.8494, Acc.rug: 0.7982, Acc.field: 0.4907, Acc.armchair: 0.8203, Acc.seat: 0.8926, Acc.fence: 0.6303, Acc.desk: 0.7899, Acc.rock: 0.8602, Acc.wardrobe: 0.7515, Acc.lamp: 0.8715, Acc.bathtub: 0.9386, Acc.railing: 0.6385, Acc.cushion: 0.8141, Acc.base: 0.5367, Acc.box: 0.4890, Acc.column: 0.6975, Acc.signboard: 0.5621, Acc.chest of drawers: 0.6525, Acc.counter: 0.6517, Acc.sand: 0.8289, Acc.sink: 0.8797, Acc.skyscraper: 0.5520, Acc.fireplace: 0.9566, Acc.refrigerator: 0.9536, Acc.grandstand: 0.8012, Acc.path: 0.3468, Acc.stairs: 0.4960, Acc.runway: 0.9277, Acc.case: 0.7231, Acc.pool table: 0.9788, Acc.pillow: 0.7386, Acc.screen door: 0.8392, Acc.stairway: 0.4988, Acc.river: 0.2926, Acc.bridge: 0.6005, Acc.bookcase: 0.6680, Acc.blind: 0.4503, Acc.coffee table: 0.8638, Acc.toilet: 0.9381, Acc.flower: 0.5795, Acc.book: 0.7665, Acc.hill: 0.1647, Acc.bench: 0.6519, Acc.countertop: 0.8495, Acc.stove: 0.9242, Acc.palm: 0.8117, Acc.kitchen island: 0.8206, Acc.computer: 0.9130, Acc.swivel chair: 0.6741, Acc.boat: 0.7902, Acc.bar: 0.7306, Acc.arcade machine: 0.8032, Acc.hovel: 0.1940, Acc.bus: 0.9752, Acc.towel: 0.8657, Acc.light: 0.7328, Acc.truck: 0.6358, Acc.tower: 0.4658, Acc.chandelier: 0.8589, Acc.awning: 0.4792, Acc.streetlight: 0.5438, Acc.booth: 0.7097, Acc.television receiver: 0.9108, Acc.airplane: 0.9664, Acc.dirt track: 0.2384, Acc.apparel: 0.8688, Acc.pole: 0.4107, Acc.land: 0.0660, Acc.bannister: 0.2617, Acc.escalator: 0.8636, Acc.ottoman: 0.7050, Acc.bottle: 0.7094, Acc.buffet: 0.6465, Acc.poster: 0.4021, Acc.stage: 0.4809, Acc.van: 0.6183, Acc.ship: 0.8385, Acc.fountain: 0.3699, Acc.conveyer belt: 0.9309, Acc.canopy: 0.7181, Acc.washer: 0.8755, Acc.plaything: 0.5058, Acc.swimming pool: 0.7879, Acc.stool: 0.6675, Acc.barrel: 0.8393, Acc.basket: 0.6003, Acc.waterfall: 0.5941, Acc.tent: 0.9840, Acc.bag: 0.3013, Acc.minibike: 0.9014, Acc.cradle: 0.9813, Acc.oven: 0.7369, Acc.ball: 0.6720, Acc.food: 0.6901, Acc.step: 0.1155, Acc.tank: 0.8051, Acc.trade name: 0.2643, Acc.microwave: 0.9642, Acc.pot: 0.7081, Acc.animal: 0.6625, Acc.bicycle: 0.8205, Acc.lake: 0.6886, Acc.dishwasher: 0.8378, Acc.screen: 0.7117, Acc.blanket: 0.3856, Acc.sculpture: 0.8806, Acc.hood: 0.7385, Acc.sconce: 0.7422, Acc.vase: 0.6573, Acc.traffic light: 0.6299, Acc.tray: 0.3256, Acc.ashcan: 0.6755, Acc.fan: 0.8710, Acc.pier: 0.4565, Acc.crt screen: 0.0363, Acc.plate: 0.8032, Acc.monitor: 0.3730, Acc.bulletin board: 0.7715, Acc.shower: 0.1873, Acc.radiator: 0.7962, Acc.glass: 0.2488, Acc.clock: 0.6812, Acc.flag: 0.8009 2023-11-03 13:43:47,751 - mmseg - INFO - Iter [71050/80000] lr: 3.625e-07, eta: 4:30:11, time: 3.469, data_time: 1.815, memory: 69173, decode.loss_ce: 0.1184, decode.acc_seg: 94.5524, aux.loss_ce: 0.0697, aux.acc_seg: 92.6295, loss: 0.1881 2023-11-03 13:45:10,720 - mmseg - INFO - Iter [71100/80000] lr: 3.605e-07, eta: 4:28:40, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1207, decode.acc_seg: 94.5301, aux.loss_ce: 0.0714, aux.acc_seg: 92.4969, loss: 0.1921 2023-11-03 13:46:33,696 - mmseg - INFO - Iter [71150/80000] lr: 3.584e-07, eta: 4:27:08, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1218, decode.acc_seg: 94.5901, aux.loss_ce: 0.0702, aux.acc_seg: 92.7301, loss: 0.1920 2023-11-03 13:47:56,662 - mmseg - INFO - Iter [71200/80000] lr: 3.564e-07, eta: 4:25:37, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1153, decode.acc_seg: 94.7587, aux.loss_ce: 0.0663, aux.acc_seg: 93.0292, loss: 0.1817 2023-11-03 13:49:19,635 - mmseg - INFO - Iter [71250/80000] lr: 3.544e-07, eta: 4:24:05, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1207, decode.acc_seg: 94.5052, aux.loss_ce: 0.0706, aux.acc_seg: 92.6329, loss: 0.1913 2023-11-03 13:50:42,621 - mmseg - INFO - Iter [71300/80000] lr: 3.524e-07, eta: 4:22:34, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1121, decode.acc_seg: 94.7398, aux.loss_ce: 0.0662, aux.acc_seg: 92.9946, loss: 0.1783 2023-11-03 13:52:05,634 - mmseg - INFO - Iter [71350/80000] lr: 3.503e-07, eta: 4:21:02, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1217, decode.acc_seg: 94.5664, aux.loss_ce: 0.0707, aux.acc_seg: 92.6366, loss: 0.1924 2023-11-03 13:53:28,658 - mmseg - INFO - Iter [71400/80000] lr: 3.483e-07, eta: 4:19:31, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1168, decode.acc_seg: 94.7490, aux.loss_ce: 0.0671, aux.acc_seg: 92.9903, loss: 0.1840 2023-11-03 13:54:51,679 - mmseg - INFO - Iter [71450/80000] lr: 3.463e-07, eta: 4:17:59, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1212, decode.acc_seg: 94.4975, aux.loss_ce: 0.0706, aux.acc_seg: 92.5252, loss: 0.1918 2023-11-03 13:56:14,691 - mmseg - INFO - Iter [71500/80000] lr: 3.443e-07, eta: 4:16:28, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1176, decode.acc_seg: 94.5725, aux.loss_ce: 0.0660, aux.acc_seg: 92.8704, loss: 0.1836 2023-11-03 13:57:37,691 - mmseg - INFO - Iter [71550/80000] lr: 3.422e-07, eta: 4:14:56, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1196, decode.acc_seg: 94.6027, aux.loss_ce: 0.0689, aux.acc_seg: 92.6657, loss: 0.1885 2023-11-03 13:59:01,292 - mmseg - INFO - Iter [71600/80000] lr: 3.402e-07, eta: 4:13:25, time: 1.672, data_time: 0.020, memory: 69173, decode.loss_ce: 0.1216, decode.acc_seg: 94.5510, aux.loss_ce: 0.0722, aux.acc_seg: 92.5560, loss: 0.1938 2023-11-03 14:00:24,338 - mmseg - INFO - Iter [71650/80000] lr: 3.382e-07, eta: 4:11:54, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1173, decode.acc_seg: 94.7217, aux.loss_ce: 0.0667, aux.acc_seg: 93.0497, loss: 0.1840 2023-11-03 14:01:47,530 - mmseg - INFO - Iter [71700/80000] lr: 3.362e-07, eta: 4:10:22, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1150, decode.acc_seg: 94.9329, aux.loss_ce: 0.0666, aux.acc_seg: 93.1802, loss: 0.1816 2023-11-03 14:03:10,586 - mmseg - INFO - Iter [71750/80000] lr: 3.341e-07, eta: 4:08:51, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1189, decode.acc_seg: 94.6165, aux.loss_ce: 0.0678, aux.acc_seg: 92.8909, loss: 0.1866 2023-11-03 14:04:33,861 - mmseg - INFO - Iter [71800/80000] lr: 3.321e-07, eta: 4:07:20, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1179, decode.acc_seg: 94.7736, aux.loss_ce: 0.0681, aux.acc_seg: 92.9601, loss: 0.1859 2023-11-03 14:05:57,219 - mmseg - INFO - Iter [71850/80000] lr: 3.301e-07, eta: 4:05:48, time: 1.667, data_time: 0.013, memory: 69173, decode.loss_ce: 0.1069, decode.acc_seg: 95.0159, aux.loss_ce: 0.0627, aux.acc_seg: 93.2225, loss: 0.1697 2023-11-03 14:07:20,354 - mmseg - INFO - Iter [71900/80000] lr: 3.281e-07, eta: 4:04:17, time: 1.663, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1179, decode.acc_seg: 94.8669, aux.loss_ce: 0.0691, aux.acc_seg: 92.8633, loss: 0.1870 2023-11-03 14:08:43,352 - mmseg - INFO - Iter [71950/80000] lr: 3.260e-07, eta: 4:02:46, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1225, decode.acc_seg: 94.3505, aux.loss_ce: 0.0711, aux.acc_seg: 92.5489, loss: 0.1936 2023-11-03 14:10:08,691 - mmseg - INFO - Saving checkpoint at 72000 iterations 2023-11-03 14:11:08,172 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 14:11:08,173 - mmseg - INFO - Iter [72000/80000] lr: 3.240e-07, eta: 4:01:21, time: 2.896, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1188, decode.acc_seg: 94.6484, aux.loss_ce: 0.0690, aux.acc_seg: 92.8964, loss: 0.1878 2023-11-03 14:12:39,576 - mmseg - INFO - per class results: 2023-11-03 14:12:39,581 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.66 | 90.47 | | building | 85.32 | 93.34 | | sky | 94.94 | 97.56 | | floor | 85.59 | 92.8 | | tree | 77.4 | 89.85 | | ceiling | 87.99 | 94.66 | | road | 86.9 | 91.37 | | bed | 92.9 | 97.46 | | windowpane | 65.93 | 83.07 | | grass | 69.52 | 81.98 | | cabinet | 68.04 | 78.76 | | sidewalk | 71.04 | 85.17 | | person | 85.85 | 94.55 | | earth | 42.05 | 56.21 | | door | 60.6 | 74.78 | | table | 71.92 | 82.51 | | mountain | 64.39 | 74.5 | | plant | 58.1 | 69.28 | | curtain | 77.37 | 87.69 | | chair | 68.31 | 80.01 | | car | 87.67 | 93.75 | | water | 62.92 | 78.56 | | painting | 78.81 | 91.09 | | sofa | 81.99 | 90.28 | | shelf | 48.96 | 66.08 | | house | 55.3 | 69.37 | | sea | 73.41 | 83.95 | | mirror | 75.64 | 84.14 | | rug | 70.35 | 80.17 | | field | 28.95 | 49.19 | | armchair | 63.51 | 80.87 | | seat | 71.35 | 89.24 | | fence | 49.88 | 62.11 | | desk | 59.86 | 79.09 | | rock | 59.07 | 84.6 | | wardrobe | 56.24 | 72.71 | | lamp | 76.32 | 86.98 | | bathtub | 90.31 | 93.59 | | railing | 45.41 | 60.87 | | cushion | 67.59 | 78.82 | | base | 39.35 | 54.86 | | box | 38.25 | 49.08 | | column | 56.92 | 69.7 | | signboard | 41.78 | 56.83 | | chest of drawers | 45.99 | 66.3 | | counter | 54.79 | 64.91 | | sand | 60.89 | 86.81 | | sink | 82.07 | 88.52 | | skyscraper | 45.67 | 58.31 | | fireplace | 75.32 | 94.93 | | refrigerator | 86.49 | 95.05 | | grandstand | 54.39 | 81.13 | | path | 29.31 | 40.99 | | stairs | 38.24 | 48.61 | | runway | 72.35 | 94.07 | | case | 58.59 | 76.68 | | pool table | 94.34 | 97.77 | | pillow | 65.36 | 76.38 | | screen door | 76.66 | 78.76 | | stairway | 43.21 | 53.03 | | river | 14.9 | 29.04 | | bridge | 55.82 | 64.26 | | bookcase | 45.63 | 63.57 | | blind | 41.49 | 45.34 | | coffee table | 66.45 | 84.88 | | toilet | 90.65 | 93.93 | | flower | 42.1 | 59.42 | | book | 56.36 | 77.22 | | hill | 7.19 | 12.57 | | bench | 57.93 | 64.98 | | countertop | 63.24 | 84.01 | | stove | 86.79 | 92.71 | | palm | 54.91 | 82.85 | | kitchen island | 55.99 | 77.31 | | computer | 78.93 | 91.48 | | swivel chair | 45.65 | 67.15 | | boat | 74.77 | 85.89 | | bar | 63.96 | 74.41 | | arcade machine | 79.4 | 82.5 | | hovel | 19.5 | 20.97 | | bus | 94.26 | 97.15 | | towel | 76.98 | 86.79 | | light | 62.57 | 70.46 | | truck | 50.61 | 63.89 | | tower | 29.56 | 50.13 | | chandelier | 74.95 | 86.7 | | awning | 41.97 | 52.19 | | streetlight | 39.32 | 52.17 | | booth | 50.56 | 70.58 | | television receiver | 78.61 | 91.58 | | airplane | 88.51 | 96.82 | | dirt track | 5.84 | 26.82 | | apparel | 64.51 | 83.31 | | pole | 30.71 | 44.0 | | land | 3.15 | 4.27 | | bannister | 21.9 | 27.95 | | escalator | 66.43 | 86.48 | | ottoman | 56.93 | 72.16 | | bottle | 45.22 | 70.08 | | buffet | 53.47 | 59.9 | | poster | 37.74 | 47.34 | | stage | 29.18 | 47.47 | | van | 45.61 | 64.13 | | ship | 70.34 | 78.12 | | fountain | 35.65 | 36.69 | | conveyer belt | 80.81 | 93.65 | | canopy | 60.06 | 74.58 | | washer | 82.51 | 87.25 | | plaything | 31.79 | 47.56 | | swimming pool | 55.46 | 79.79 | | stool | 57.48 | 70.09 | | barrel | 60.69 | 93.46 | | basket | 45.27 | 61.91 | | waterfall | 52.41 | 59.66 | | tent | 92.73 | 98.26 | | bag | 24.27 | 27.78 | | minibike | 76.87 | 90.69 | | cradle | 89.01 | 98.0 | | oven | 65.52 | 77.48 | | ball | 59.95 | 66.5 | | food | 59.27 | 68.1 | | step | 11.8 | 13.43 | | tank | 76.12 | 87.0 | | trade name | 26.07 | 31.05 | | microwave | 90.6 | 96.26 | | pot | 61.9 | 70.55 | | animal | 64.27 | 66.27 | | bicycle | 62.56 | 82.8 | | lake | 60.81 | 68.76 | | dishwasher | 76.21 | 83.12 | | screen | 56.22 | 75.51 | | blanket | 34.74 | 39.84 | | sculpture | 78.77 | 87.92 | | hood | 63.65 | 74.58 | | sconce | 61.36 | 72.87 | | vase | 48.22 | 67.18 | | traffic light | 38.6 | 62.67 | | tray | 22.92 | 31.58 | | ashcan | 53.65 | 65.72 | | fan | 72.09 | 86.91 | | pier | 39.87 | 45.1 | | crt screen | 1.5 | 3.61 | | plate | 63.33 | 79.46 | | monitor | 34.2 | 39.64 | | bulletin board | 64.28 | 78.93 | | shower | 17.13 | 20.24 | | radiator | 63.0 | 78.2 | | glass | 23.1 | 25.37 | | clock | 54.07 | 67.4 | | flag | 70.58 | 78.11 | +---------------------+-------+-------+ 2023-11-03 14:12:39,581 - mmseg - INFO - Summary: 2023-11-03 14:12:39,581 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 86.6 | 58.68 | 70.67 | +------+-------+-------+ 2023-11-03 14:12:39,582 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 14:12:39,582 - mmseg - INFO - Iter(val) [250] aAcc: 0.8660, mIoU: 0.5868, mAcc: 0.7067, IoU.wall: 0.8266, IoU.building: 0.8532, IoU.sky: 0.9494, IoU.floor: 0.8559, IoU.tree: 0.7740, IoU.ceiling: 0.8799, IoU.road: 0.8690, IoU.bed : 0.9290, IoU.windowpane: 0.6593, IoU.grass: 0.6952, IoU.cabinet: 0.6804, IoU.sidewalk: 0.7104, IoU.person: 0.8585, IoU.earth: 0.4205, IoU.door: 0.6060, IoU.table: 0.7192, IoU.mountain: 0.6439, IoU.plant: 0.5810, IoU.curtain: 0.7737, IoU.chair: 0.6831, IoU.car: 0.8767, IoU.water: 0.6292, IoU.painting: 0.7881, IoU.sofa: 0.8199, IoU.shelf: 0.4896, IoU.house: 0.5530, IoU.sea: 0.7341, IoU.mirror: 0.7564, IoU.rug: 0.7035, IoU.field: 0.2895, IoU.armchair: 0.6351, IoU.seat: 0.7135, IoU.fence: 0.4988, IoU.desk: 0.5986, IoU.rock: 0.5907, IoU.wardrobe: 0.5624, IoU.lamp: 0.7632, IoU.bathtub: 0.9031, IoU.railing: 0.4541, IoU.cushion: 0.6759, IoU.base: 0.3935, IoU.box: 0.3825, IoU.column: 0.5692, IoU.signboard: 0.4178, IoU.chest of drawers: 0.4599, IoU.counter: 0.5479, IoU.sand: 0.6089, IoU.sink: 0.8207, IoU.skyscraper: 0.4567, IoU.fireplace: 0.7532, IoU.refrigerator: 0.8649, IoU.grandstand: 0.5439, IoU.path: 0.2931, IoU.stairs: 0.3824, IoU.runway: 0.7235, IoU.case: 0.5859, IoU.pool table: 0.9434, IoU.pillow: 0.6536, IoU.screen door: 0.7666, IoU.stairway: 0.4321, IoU.river: 0.1490, IoU.bridge: 0.5582, IoU.bookcase: 0.4563, IoU.blind: 0.4149, IoU.coffee table: 0.6645, IoU.toilet: 0.9065, IoU.flower: 0.4210, IoU.book: 0.5636, IoU.hill: 0.0719, IoU.bench: 0.5793, IoU.countertop: 0.6324, IoU.stove: 0.8679, IoU.palm: 0.5491, IoU.kitchen island: 0.5599, IoU.computer: 0.7893, IoU.swivel chair: 0.4565, IoU.boat: 0.7477, IoU.bar: 0.6396, IoU.arcade machine: 0.7940, IoU.hovel: 0.1950, IoU.bus: 0.9426, IoU.towel: 0.7698, IoU.light: 0.6257, IoU.truck: 0.5061, IoU.tower: 0.2956, IoU.chandelier: 0.7495, IoU.awning: 0.4197, IoU.streetlight: 0.3932, IoU.booth: 0.5056, IoU.television receiver: 0.7861, IoU.airplane: 0.8851, IoU.dirt track: 0.0584, IoU.apparel: 0.6451, IoU.pole: 0.3071, IoU.land: 0.0315, IoU.bannister: 0.2190, IoU.escalator: 0.6643, IoU.ottoman: 0.5693, IoU.bottle: 0.4522, IoU.buffet: 0.5347, IoU.poster: 0.3774, IoU.stage: 0.2918, IoU.van: 0.4561, IoU.ship: 0.7034, IoU.fountain: 0.3565, IoU.conveyer belt: 0.8081, IoU.canopy: 0.6006, IoU.washer: 0.8251, IoU.plaything: 0.3179, IoU.swimming pool: 0.5546, IoU.stool: 0.5748, IoU.barrel: 0.6069, IoU.basket: 0.4527, IoU.waterfall: 0.5241, IoU.tent: 0.9273, IoU.bag: 0.2427, IoU.minibike: 0.7687, IoU.cradle: 0.8901, IoU.oven: 0.6552, IoU.ball: 0.5995, IoU.food: 0.5927, IoU.step: 0.1180, IoU.tank: 0.7612, IoU.trade name: 0.2607, IoU.microwave: 0.9060, IoU.pot: 0.6190, IoU.animal: 0.6427, IoU.bicycle: 0.6256, IoU.lake: 0.6081, IoU.dishwasher: 0.7621, IoU.screen: 0.5622, IoU.blanket: 0.3474, IoU.sculpture: 0.7877, IoU.hood: 0.6365, IoU.sconce: 0.6136, IoU.vase: 0.4822, IoU.traffic light: 0.3860, IoU.tray: 0.2292, IoU.ashcan: 0.5365, IoU.fan: 0.7209, IoU.pier: 0.3987, IoU.crt screen: 0.0150, IoU.plate: 0.6333, IoU.monitor: 0.3420, IoU.bulletin board: 0.6428, IoU.shower: 0.1713, IoU.radiator: 0.6300, IoU.glass: 0.2310, IoU.clock: 0.5407, IoU.flag: 0.7058, Acc.wall: 0.9047, Acc.building: 0.9334, Acc.sky: 0.9756, Acc.floor: 0.9280, Acc.tree: 0.8985, Acc.ceiling: 0.9466, Acc.road: 0.9137, Acc.bed : 0.9746, Acc.windowpane: 0.8307, Acc.grass: 0.8198, Acc.cabinet: 0.7876, Acc.sidewalk: 0.8517, Acc.person: 0.9455, Acc.earth: 0.5621, Acc.door: 0.7478, Acc.table: 0.8251, Acc.mountain: 0.7450, Acc.plant: 0.6928, Acc.curtain: 0.8769, Acc.chair: 0.8001, Acc.car: 0.9375, Acc.water: 0.7856, Acc.painting: 0.9109, Acc.sofa: 0.9028, Acc.shelf: 0.6608, Acc.house: 0.6937, Acc.sea: 0.8395, Acc.mirror: 0.8414, Acc.rug: 0.8017, Acc.field: 0.4919, Acc.armchair: 0.8087, Acc.seat: 0.8924, Acc.fence: 0.6211, Acc.desk: 0.7909, Acc.rock: 0.8460, Acc.wardrobe: 0.7271, Acc.lamp: 0.8698, Acc.bathtub: 0.9359, Acc.railing: 0.6087, Acc.cushion: 0.7882, Acc.base: 0.5486, Acc.box: 0.4908, Acc.column: 0.6970, Acc.signboard: 0.5683, Acc.chest of drawers: 0.6630, Acc.counter: 0.6491, Acc.sand: 0.8681, Acc.sink: 0.8852, Acc.skyscraper: 0.5831, Acc.fireplace: 0.9493, Acc.refrigerator: 0.9505, Acc.grandstand: 0.8113, Acc.path: 0.4099, Acc.stairs: 0.4861, Acc.runway: 0.9407, Acc.case: 0.7668, Acc.pool table: 0.9777, Acc.pillow: 0.7638, Acc.screen door: 0.7876, Acc.stairway: 0.5303, Acc.river: 0.2904, Acc.bridge: 0.6426, Acc.bookcase: 0.6357, Acc.blind: 0.4534, Acc.coffee table: 0.8488, Acc.toilet: 0.9393, Acc.flower: 0.5942, Acc.book: 0.7722, Acc.hill: 0.1257, Acc.bench: 0.6498, Acc.countertop: 0.8401, Acc.stove: 0.9271, Acc.palm: 0.8285, Acc.kitchen island: 0.7731, Acc.computer: 0.9148, Acc.swivel chair: 0.6715, Acc.boat: 0.8589, Acc.bar: 0.7441, Acc.arcade machine: 0.8250, Acc.hovel: 0.2097, Acc.bus: 0.9715, Acc.towel: 0.8679, Acc.light: 0.7046, Acc.truck: 0.6389, Acc.tower: 0.5013, Acc.chandelier: 0.8670, Acc.awning: 0.5219, Acc.streetlight: 0.5217, Acc.booth: 0.7058, Acc.television receiver: 0.9158, Acc.airplane: 0.9682, Acc.dirt track: 0.2682, Acc.apparel: 0.8331, Acc.pole: 0.4400, Acc.land: 0.0427, Acc.bannister: 0.2795, Acc.escalator: 0.8648, Acc.ottoman: 0.7216, Acc.bottle: 0.7008, Acc.buffet: 0.5990, Acc.poster: 0.4734, Acc.stage: 0.4747, Acc.van: 0.6413, Acc.ship: 0.7812, Acc.fountain: 0.3669, Acc.conveyer belt: 0.9365, Acc.canopy: 0.7458, Acc.washer: 0.8725, Acc.plaything: 0.4756, Acc.swimming pool: 0.7979, Acc.stool: 0.7009, Acc.barrel: 0.9346, Acc.basket: 0.6191, Acc.waterfall: 0.5966, Acc.tent: 0.9826, Acc.bag: 0.2778, Acc.minibike: 0.9069, Acc.cradle: 0.9800, Acc.oven: 0.7748, Acc.ball: 0.6650, Acc.food: 0.6810, Acc.step: 0.1343, Acc.tank: 0.8700, Acc.trade name: 0.3105, Acc.microwave: 0.9626, Acc.pot: 0.7055, Acc.animal: 0.6627, Acc.bicycle: 0.8280, Acc.lake: 0.6876, Acc.dishwasher: 0.8312, Acc.screen: 0.7551, Acc.blanket: 0.3984, Acc.sculpture: 0.8792, Acc.hood: 0.7458, Acc.sconce: 0.7287, Acc.vase: 0.6718, Acc.traffic light: 0.6267, Acc.tray: 0.3158, Acc.ashcan: 0.6572, Acc.fan: 0.8691, Acc.pier: 0.4510, Acc.crt screen: 0.0361, Acc.plate: 0.7946, Acc.monitor: 0.3964, Acc.bulletin board: 0.7893, Acc.shower: 0.2024, Acc.radiator: 0.7820, Acc.glass: 0.2537, Acc.clock: 0.6740, Acc.flag: 0.7811 2023-11-03 14:14:02,751 - mmseg - INFO - Iter [72050/80000] lr: 3.220e-07, eta: 4:00:00, time: 3.492, data_time: 1.836, memory: 69173, decode.loss_ce: 0.1197, decode.acc_seg: 94.5520, aux.loss_ce: 0.0703, aux.acc_seg: 92.6245, loss: 0.1900 2023-11-03 14:15:25,962 - mmseg - INFO - Iter [72100/80000] lr: 3.200e-07, eta: 3:58:29, time: 1.664, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1235, decode.acc_seg: 94.4731, aux.loss_ce: 0.0723, aux.acc_seg: 92.5168, loss: 0.1958 2023-11-03 14:16:49,116 - mmseg - INFO - Iter [72150/80000] lr: 3.179e-07, eta: 3:56:57, time: 1.663, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1150, decode.acc_seg: 94.8846, aux.loss_ce: 0.0661, aux.acc_seg: 93.1509, loss: 0.1811 2023-11-03 14:18:12,212 - mmseg - INFO - Iter [72200/80000] lr: 3.159e-07, eta: 3:55:26, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1180, decode.acc_seg: 94.4921, aux.loss_ce: 0.0686, aux.acc_seg: 92.5629, loss: 0.1866 2023-11-03 14:19:35,296 - mmseg - INFO - Iter [72250/80000] lr: 3.139e-07, eta: 3:53:55, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1137, decode.acc_seg: 94.8780, aux.loss_ce: 0.0671, aux.acc_seg: 92.9206, loss: 0.1808 2023-11-03 14:20:58,418 - mmseg - INFO - Iter [72300/80000] lr: 3.119e-07, eta: 3:52:23, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1214, decode.acc_seg: 94.6011, aux.loss_ce: 0.0720, aux.acc_seg: 92.5012, loss: 0.1934 2023-11-03 14:22:21,458 - mmseg - INFO - Iter [72350/80000] lr: 3.098e-07, eta: 3:50:52, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1218, decode.acc_seg: 94.4854, aux.loss_ce: 0.0697, aux.acc_seg: 92.5907, loss: 0.1915 2023-11-03 14:23:44,515 - mmseg - INFO - Iter [72400/80000] lr: 3.078e-07, eta: 3:49:21, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1193, decode.acc_seg: 94.6462, aux.loss_ce: 0.0710, aux.acc_seg: 92.5789, loss: 0.1902 2023-11-03 14:25:07,547 - mmseg - INFO - Iter [72450/80000] lr: 3.058e-07, eta: 3:47:49, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1163, decode.acc_seg: 94.5993, aux.loss_ce: 0.0670, aux.acc_seg: 92.6947, loss: 0.1833 2023-11-03 14:26:30,568 - mmseg - INFO - Iter [72500/80000] lr: 3.038e-07, eta: 3:46:18, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1167, decode.acc_seg: 94.6852, aux.loss_ce: 0.0670, aux.acc_seg: 92.9261, loss: 0.1837 2023-11-03 14:27:53,620 - mmseg - INFO - Iter [72550/80000] lr: 3.017e-07, eta: 3:44:47, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1151, decode.acc_seg: 94.8640, aux.loss_ce: 0.0655, aux.acc_seg: 93.2064, loss: 0.1805 2023-11-03 14:29:16,707 - mmseg - INFO - Iter [72600/80000] lr: 2.997e-07, eta: 3:43:15, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1203, decode.acc_seg: 94.5464, aux.loss_ce: 0.0686, aux.acc_seg: 92.8106, loss: 0.1888 2023-11-03 14:30:42,957 - mmseg - INFO - Iter [72650/80000] lr: 2.977e-07, eta: 3:41:44, time: 1.725, data_time: 0.071, memory: 69173, decode.loss_ce: 0.1199, decode.acc_seg: 94.5572, aux.loss_ce: 0.0682, aux.acc_seg: 92.8361, loss: 0.1882 2023-11-03 14:32:05,970 - mmseg - INFO - Iter [72700/80000] lr: 2.957e-07, eta: 3:40:13, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1134, decode.acc_seg: 94.8532, aux.loss_ce: 0.0650, aux.acc_seg: 93.1523, loss: 0.1784 2023-11-03 14:33:28,967 - mmseg - INFO - Iter [72750/80000] lr: 2.936e-07, eta: 3:38:42, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1206, decode.acc_seg: 94.5858, aux.loss_ce: 0.0700, aux.acc_seg: 92.7652, loss: 0.1906 2023-11-03 14:34:51,936 - mmseg - INFO - Iter [72800/80000] lr: 2.916e-07, eta: 3:37:11, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1173, decode.acc_seg: 94.5940, aux.loss_ce: 0.0688, aux.acc_seg: 92.6392, loss: 0.1861 2023-11-03 14:36:14,952 - mmseg - INFO - Iter [72850/80000] lr: 2.896e-07, eta: 3:35:40, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1200, decode.acc_seg: 94.3960, aux.loss_ce: 0.0690, aux.acc_seg: 92.6278, loss: 0.1890 2023-11-03 14:37:37,967 - mmseg - INFO - Iter [72900/80000] lr: 2.876e-07, eta: 3:34:08, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1157, decode.acc_seg: 94.8555, aux.loss_ce: 0.0676, aux.acc_seg: 92.9977, loss: 0.1833 2023-11-03 14:39:00,970 - mmseg - INFO - Iter [72950/80000] lr: 2.855e-07, eta: 3:32:37, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1209, decode.acc_seg: 94.4580, aux.loss_ce: 0.0707, aux.acc_seg: 92.5189, loss: 0.1916 2023-11-03 14:40:23,972 - mmseg - INFO - Saving checkpoint at 73000 iterations 2023-11-03 14:41:23,780 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 14:41:23,780 - mmseg - INFO - Iter [73000/80000] lr: 2.835e-07, eta: 3:31:12, time: 2.856, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1106, decode.acc_seg: 94.9567, aux.loss_ce: 0.0649, aux.acc_seg: 93.0902, loss: 0.1756 2023-11-03 14:43:14,524 - mmseg - INFO - per class results: 2023-11-03 14:43:14,529 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.74 | 90.27 | | building | 85.24 | 93.57 | | sky | 94.9 | 97.57 | | floor | 85.61 | 92.81 | | tree | 77.14 | 89.61 | | ceiling | 87.83 | 95.37 | | road | 87.2 | 90.91 | | bed | 92.73 | 97.51 | | windowpane | 65.58 | 82.05 | | grass | 68.96 | 80.83 | | cabinet | 68.19 | 78.14 | | sidewalk | 71.37 | 86.46 | | person | 85.84 | 94.47 | | earth | 41.53 | 55.64 | | door | 60.9 | 75.8 | | table | 71.64 | 83.57 | | mountain | 63.65 | 74.27 | | plant | 58.29 | 69.31 | | curtain | 77.41 | 87.34 | | chair | 68.57 | 81.16 | | car | 87.54 | 93.87 | | water | 59.33 | 73.95 | | painting | 78.9 | 90.61 | | sofa | 81.77 | 89.97 | | shelf | 48.77 | 66.86 | | house | 54.62 | 67.7 | | sea | 72.83 | 84.21 | | mirror | 76.51 | 86.16 | | rug | 70.62 | 79.9 | | field | 28.26 | 50.44 | | armchair | 62.94 | 79.33 | | seat | 70.89 | 89.01 | | fence | 51.21 | 64.02 | | desk | 59.26 | 78.11 | | rock | 59.11 | 85.39 | | wardrobe | 57.42 | 74.11 | | lamp | 76.11 | 85.94 | | bathtub | 89.92 | 93.21 | | railing | 46.55 | 64.43 | | cushion | 67.31 | 79.5 | | base | 38.01 | 53.13 | | box | 37.91 | 48.14 | | column | 57.13 | 69.63 | | signboard | 40.86 | 53.49 | | chest of drawers | 47.83 | 70.33 | | counter | 52.34 | 61.74 | | sand | 59.33 | 84.19 | | sink | 81.87 | 87.45 | | skyscraper | 44.6 | 56.91 | | fireplace | 75.75 | 95.24 | | refrigerator | 86.18 | 95.19 | | grandstand | 53.85 | 81.35 | | path | 29.02 | 40.31 | | stairs | 37.88 | 47.6 | | runway | 75.12 | 97.51 | | case | 57.18 | 73.4 | | pool table | 94.19 | 97.74 | | pillow | 62.76 | 72.49 | | screen door | 78.56 | 80.63 | | stairway | 42.36 | 52.83 | | river | 13.3 | 30.57 | | bridge | 56.38 | 64.47 | | bookcase | 47.5 | 65.24 | | blind | 42.4 | 46.99 | | coffee table | 66.45 | 84.94 | | toilet | 90.43 | 93.82 | | flower | 42.14 | 57.3 | | book | 55.19 | 74.73 | | hill | 7.94 | 12.89 | | bench | 57.87 | 64.88 | | countertop | 63.16 | 83.6 | | stove | 86.82 | 92.83 | | palm | 55.06 | 82.38 | | kitchen island | 59.08 | 85.34 | | computer | 78.86 | 91.15 | | swivel chair | 46.41 | 65.24 | | boat | 77.15 | 88.62 | | bar | 63.19 | 76.44 | | arcade machine | 79.92 | 83.26 | | hovel | 20.17 | 21.71 | | bus | 94.05 | 97.35 | | towel | 78.42 | 85.1 | | light | 62.65 | 71.02 | | truck | 49.15 | 62.68 | | tower | 30.47 | 52.24 | | chandelier | 74.29 | 87.75 | | awning | 41.15 | 50.03 | | streetlight | 38.45 | 52.91 | | booth | 51.94 | 69.75 | | television receiver | 77.58 | 91.44 | | airplane | 87.84 | 96.9 | | dirt track | 7.41 | 33.93 | | apparel | 64.84 | 83.06 | | pole | 29.22 | 38.81 | | land | 3.04 | 4.45 | | bannister | 21.36 | 27.7 | | escalator | 66.32 | 86.33 | | ottoman | 56.37 | 70.36 | | bottle | 45.04 | 71.04 | | buffet | 58.16 | 65.35 | | poster | 37.55 | 44.86 | | stage | 29.24 | 47.94 | | van | 45.03 | 64.33 | | ship | 65.25 | 70.34 | | fountain | 35.3 | 36.41 | | conveyer belt | 81.34 | 93.49 | | canopy | 59.97 | 74.46 | | washer | 86.68 | 92.3 | | plaything | 31.21 | 46.64 | | swimming pool | 55.26 | 79.43 | | stool | 56.36 | 67.39 | | barrel | 56.02 | 92.13 | | basket | 45.37 | 59.99 | | waterfall | 51.9 | 63.56 | | tent | 92.38 | 98.44 | | bag | 23.71 | 27.14 | | minibike | 77.12 | 90.13 | | cradle | 89.1 | 97.89 | | oven | 66.93 | 80.52 | | ball | 58.02 | 63.42 | | food | 56.24 | 63.75 | | step | 10.52 | 11.65 | | tank | 75.24 | 84.56 | | trade name | 23.32 | 26.16 | | microwave | 90.66 | 95.97 | | pot | 62.12 | 70.9 | | animal | 62.39 | 64.14 | | bicycle | 61.82 | 79.63 | | lake | 57.94 | 69.22 | | dishwasher | 75.79 | 83.2 | | screen | 56.11 | 76.33 | | blanket | 35.4 | 40.73 | | sculpture | 78.44 | 87.47 | | hood | 64.44 | 76.25 | | sconce | 60.11 | 70.99 | | vase | 48.42 | 65.29 | | traffic light | 38.38 | 61.27 | | tray | 23.89 | 35.14 | | ashcan | 52.81 | 65.07 | | fan | 71.54 | 85.24 | | pier | 40.41 | 46.14 | | crt screen | 1.56 | 3.61 | | plate | 62.48 | 78.51 | | monitor | 37.22 | 42.98 | | bulletin board | 59.62 | 68.36 | | shower | 17.15 | 19.6 | | radiator | 63.66 | 79.41 | | glass | 22.51 | 24.37 | | clock | 54.33 | 66.41 | | flag | 70.95 | 77.71 | +---------------------+-------+-------+ 2023-11-03 14:43:14,529 - mmseg - INFO - Summary: 2023-11-03 14:43:14,530 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 86.53 | 58.5 | 70.45 | +-------+------+-------+ 2023-11-03 14:43:14,530 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 14:43:14,531 - mmseg - INFO - Iter(val) [250] aAcc: 0.8653, mIoU: 0.5850, mAcc: 0.7045, IoU.wall: 0.8274, IoU.building: 0.8524, IoU.sky: 0.9490, IoU.floor: 0.8561, IoU.tree: 0.7714, IoU.ceiling: 0.8783, IoU.road: 0.8720, IoU.bed : 0.9273, IoU.windowpane: 0.6558, IoU.grass: 0.6896, IoU.cabinet: 0.6819, IoU.sidewalk: 0.7137, IoU.person: 0.8584, IoU.earth: 0.4153, IoU.door: 0.6090, IoU.table: 0.7164, IoU.mountain: 0.6365, IoU.plant: 0.5829, IoU.curtain: 0.7741, IoU.chair: 0.6857, IoU.car: 0.8754, IoU.water: 0.5933, IoU.painting: 0.7890, IoU.sofa: 0.8177, IoU.shelf: 0.4877, IoU.house: 0.5462, IoU.sea: 0.7283, IoU.mirror: 0.7651, IoU.rug: 0.7062, IoU.field: 0.2826, IoU.armchair: 0.6294, IoU.seat: 0.7089, IoU.fence: 0.5121, IoU.desk: 0.5926, IoU.rock: 0.5911, IoU.wardrobe: 0.5742, IoU.lamp: 0.7611, IoU.bathtub: 0.8992, IoU.railing: 0.4655, IoU.cushion: 0.6731, IoU.base: 0.3801, IoU.box: 0.3791, IoU.column: 0.5713, IoU.signboard: 0.4086, IoU.chest of drawers: 0.4783, IoU.counter: 0.5234, IoU.sand: 0.5933, IoU.sink: 0.8187, IoU.skyscraper: 0.4460, IoU.fireplace: 0.7575, IoU.refrigerator: 0.8618, IoU.grandstand: 0.5385, IoU.path: 0.2902, IoU.stairs: 0.3788, IoU.runway: 0.7512, IoU.case: 0.5718, IoU.pool table: 0.9419, IoU.pillow: 0.6276, IoU.screen door: 0.7856, IoU.stairway: 0.4236, IoU.river: 0.1330, IoU.bridge: 0.5638, IoU.bookcase: 0.4750, IoU.blind: 0.4240, IoU.coffee table: 0.6645, IoU.toilet: 0.9043, IoU.flower: 0.4214, IoU.book: 0.5519, IoU.hill: 0.0794, IoU.bench: 0.5787, IoU.countertop: 0.6316, IoU.stove: 0.8682, IoU.palm: 0.5506, IoU.kitchen island: 0.5908, IoU.computer: 0.7886, IoU.swivel chair: 0.4641, IoU.boat: 0.7715, IoU.bar: 0.6319, IoU.arcade machine: 0.7992, IoU.hovel: 0.2017, IoU.bus: 0.9405, IoU.towel: 0.7842, IoU.light: 0.6265, IoU.truck: 0.4915, IoU.tower: 0.3047, IoU.chandelier: 0.7429, IoU.awning: 0.4115, IoU.streetlight: 0.3845, IoU.booth: 0.5194, IoU.television receiver: 0.7758, IoU.airplane: 0.8784, IoU.dirt track: 0.0741, IoU.apparel: 0.6484, IoU.pole: 0.2922, IoU.land: 0.0304, IoU.bannister: 0.2136, IoU.escalator: 0.6632, IoU.ottoman: 0.5637, IoU.bottle: 0.4504, IoU.buffet: 0.5816, IoU.poster: 0.3755, IoU.stage: 0.2924, IoU.van: 0.4503, IoU.ship: 0.6525, IoU.fountain: 0.3530, IoU.conveyer belt: 0.8134, IoU.canopy: 0.5997, IoU.washer: 0.8668, IoU.plaything: 0.3121, IoU.swimming pool: 0.5526, IoU.stool: 0.5636, IoU.barrel: 0.5602, IoU.basket: 0.4537, IoU.waterfall: 0.5190, IoU.tent: 0.9238, IoU.bag: 0.2371, IoU.minibike: 0.7712, IoU.cradle: 0.8910, IoU.oven: 0.6693, IoU.ball: 0.5802, IoU.food: 0.5624, IoU.step: 0.1052, IoU.tank: 0.7524, IoU.trade name: 0.2332, IoU.microwave: 0.9066, IoU.pot: 0.6212, IoU.animal: 0.6239, IoU.bicycle: 0.6182, IoU.lake: 0.5794, IoU.dishwasher: 0.7579, IoU.screen: 0.5611, IoU.blanket: 0.3540, IoU.sculpture: 0.7844, IoU.hood: 0.6444, IoU.sconce: 0.6011, IoU.vase: 0.4842, IoU.traffic light: 0.3838, IoU.tray: 0.2389, IoU.ashcan: 0.5281, IoU.fan: 0.7154, IoU.pier: 0.4041, IoU.crt screen: 0.0156, IoU.plate: 0.6248, IoU.monitor: 0.3722, IoU.bulletin board: 0.5962, IoU.shower: 0.1715, IoU.radiator: 0.6366, IoU.glass: 0.2251, IoU.clock: 0.5433, IoU.flag: 0.7095, Acc.wall: 0.9027, Acc.building: 0.9357, Acc.sky: 0.9757, Acc.floor: 0.9281, Acc.tree: 0.8961, Acc.ceiling: 0.9537, Acc.road: 0.9091, Acc.bed : 0.9751, Acc.windowpane: 0.8205, Acc.grass: 0.8083, Acc.cabinet: 0.7814, Acc.sidewalk: 0.8646, Acc.person: 0.9447, Acc.earth: 0.5564, Acc.door: 0.7580, Acc.table: 0.8357, Acc.mountain: 0.7427, Acc.plant: 0.6931, Acc.curtain: 0.8734, Acc.chair: 0.8116, Acc.car: 0.9387, Acc.water: 0.7395, Acc.painting: 0.9061, Acc.sofa: 0.8997, Acc.shelf: 0.6686, Acc.house: 0.6770, Acc.sea: 0.8421, Acc.mirror: 0.8616, Acc.rug: 0.7990, Acc.field: 0.5044, Acc.armchair: 0.7933, Acc.seat: 0.8901, Acc.fence: 0.6402, Acc.desk: 0.7811, Acc.rock: 0.8539, Acc.wardrobe: 0.7411, Acc.lamp: 0.8594, Acc.bathtub: 0.9321, Acc.railing: 0.6443, Acc.cushion: 0.7950, Acc.base: 0.5313, Acc.box: 0.4814, Acc.column: 0.6963, Acc.signboard: 0.5349, Acc.chest of drawers: 0.7033, Acc.counter: 0.6174, Acc.sand: 0.8419, Acc.sink: 0.8745, Acc.skyscraper: 0.5691, Acc.fireplace: 0.9524, Acc.refrigerator: 0.9519, Acc.grandstand: 0.8135, Acc.path: 0.4031, Acc.stairs: 0.4760, Acc.runway: 0.9751, Acc.case: 0.7340, Acc.pool table: 0.9774, Acc.pillow: 0.7249, Acc.screen door: 0.8063, Acc.stairway: 0.5283, Acc.river: 0.3057, Acc.bridge: 0.6447, Acc.bookcase: 0.6524, Acc.blind: 0.4699, Acc.coffee table: 0.8494, Acc.toilet: 0.9382, Acc.flower: 0.5730, Acc.book: 0.7473, Acc.hill: 0.1289, Acc.bench: 0.6488, Acc.countertop: 0.8360, Acc.stove: 0.9283, Acc.palm: 0.8238, Acc.kitchen island: 0.8534, Acc.computer: 0.9115, Acc.swivel chair: 0.6524, Acc.boat: 0.8862, Acc.bar: 0.7644, Acc.arcade machine: 0.8326, Acc.hovel: 0.2171, Acc.bus: 0.9735, Acc.towel: 0.8510, Acc.light: 0.7102, Acc.truck: 0.6268, Acc.tower: 0.5224, Acc.chandelier: 0.8775, Acc.awning: 0.5003, Acc.streetlight: 0.5291, Acc.booth: 0.6975, Acc.television receiver: 0.9144, Acc.airplane: 0.9690, Acc.dirt track: 0.3393, Acc.apparel: 0.8306, Acc.pole: 0.3881, Acc.land: 0.0445, Acc.bannister: 0.2770, Acc.escalator: 0.8633, Acc.ottoman: 0.7036, Acc.bottle: 0.7104, Acc.buffet: 0.6535, Acc.poster: 0.4486, Acc.stage: 0.4794, Acc.van: 0.6433, Acc.ship: 0.7034, Acc.fountain: 0.3641, Acc.conveyer belt: 0.9349, Acc.canopy: 0.7446, Acc.washer: 0.9230, Acc.plaything: 0.4664, Acc.swimming pool: 0.7943, Acc.stool: 0.6739, Acc.barrel: 0.9213, Acc.basket: 0.5999, Acc.waterfall: 0.6356, Acc.tent: 0.9844, Acc.bag: 0.2714, Acc.minibike: 0.9013, Acc.cradle: 0.9789, Acc.oven: 0.8052, Acc.ball: 0.6342, Acc.food: 0.6375, Acc.step: 0.1165, Acc.tank: 0.8456, Acc.trade name: 0.2616, Acc.microwave: 0.9597, Acc.pot: 0.7090, Acc.animal: 0.6414, Acc.bicycle: 0.7963, Acc.lake: 0.6922, Acc.dishwasher: 0.8320, Acc.screen: 0.7633, Acc.blanket: 0.4073, Acc.sculpture: 0.8747, Acc.hood: 0.7625, Acc.sconce: 0.7099, Acc.vase: 0.6529, Acc.traffic light: 0.6127, Acc.tray: 0.3514, Acc.ashcan: 0.6507, Acc.fan: 0.8524, Acc.pier: 0.4614, Acc.crt screen: 0.0361, Acc.plate: 0.7851, Acc.monitor: 0.4298, Acc.bulletin board: 0.6836, Acc.shower: 0.1960, Acc.radiator: 0.7941, Acc.glass: 0.2437, Acc.clock: 0.6641, Acc.flag: 0.7771 2023-11-03 14:44:37,687 - mmseg - INFO - Iter [73050/80000] lr: 2.815e-07, eta: 3:29:51, time: 3.878, data_time: 2.222, memory: 69173, decode.loss_ce: 0.1212, decode.acc_seg: 94.5464, aux.loss_ce: 0.0711, aux.acc_seg: 92.5609, loss: 0.1922 2023-11-03 14:46:00,772 - mmseg - INFO - Iter [73100/80000] lr: 2.795e-07, eta: 3:28:20, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1188, decode.acc_seg: 94.7206, aux.loss_ce: 0.0666, aux.acc_seg: 92.9271, loss: 0.1854 2023-11-03 14:47:23,883 - mmseg - INFO - Iter [73150/80000] lr: 2.774e-07, eta: 3:26:48, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1195, decode.acc_seg: 94.7139, aux.loss_ce: 0.0674, aux.acc_seg: 93.0533, loss: 0.1869 2023-11-03 14:48:46,983 - mmseg - INFO - Iter [73200/80000] lr: 2.754e-07, eta: 3:25:17, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1174, decode.acc_seg: 94.7140, aux.loss_ce: 0.0675, aux.acc_seg: 92.7516, loss: 0.1849 2023-11-03 14:50:10,110 - mmseg - INFO - Iter [73250/80000] lr: 2.734e-07, eta: 3:23:46, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1207, decode.acc_seg: 94.6206, aux.loss_ce: 0.0708, aux.acc_seg: 92.6300, loss: 0.1915 2023-11-03 14:51:35,574 - mmseg - INFO - Iter [73300/80000] lr: 2.714e-07, eta: 3:22:15, time: 1.709, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1204, decode.acc_seg: 94.5335, aux.loss_ce: 0.0698, aux.acc_seg: 92.6843, loss: 0.1901 2023-11-03 14:52:58,674 - mmseg - INFO - Iter [73350/80000] lr: 2.693e-07, eta: 3:20:44, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1150, decode.acc_seg: 94.8069, aux.loss_ce: 0.0685, aux.acc_seg: 92.7202, loss: 0.1835 2023-11-03 14:54:21,766 - mmseg - INFO - Iter [73400/80000] lr: 2.673e-07, eta: 3:19:12, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1106, decode.acc_seg: 95.0034, aux.loss_ce: 0.0647, aux.acc_seg: 93.1878, loss: 0.1753 2023-11-03 14:55:44,814 - mmseg - INFO - Iter [73450/80000] lr: 2.653e-07, eta: 3:17:41, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1185, decode.acc_seg: 94.5078, aux.loss_ce: 0.0675, aux.acc_seg: 92.6885, loss: 0.1860 2023-11-03 14:57:07,982 - mmseg - INFO - Iter [73500/80000] lr: 2.633e-07, eta: 3:16:10, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1148, decode.acc_seg: 94.7976, aux.loss_ce: 0.0641, aux.acc_seg: 93.2778, loss: 0.1790 2023-11-03 14:58:31,137 - mmseg - INFO - Iter [73550/80000] lr: 2.612e-07, eta: 3:14:39, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1168, decode.acc_seg: 94.6975, aux.loss_ce: 0.0691, aux.acc_seg: 92.7930, loss: 0.1859 2023-11-03 14:59:54,278 - mmseg - INFO - Iter [73600/80000] lr: 2.592e-07, eta: 3:13:08, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1152, decode.acc_seg: 94.7804, aux.loss_ce: 0.0664, aux.acc_seg: 92.9709, loss: 0.1816 2023-11-03 15:01:17,446 - mmseg - INFO - Iter [73650/80000] lr: 2.572e-07, eta: 3:11:36, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1213, decode.acc_seg: 94.5213, aux.loss_ce: 0.0717, aux.acc_seg: 92.5254, loss: 0.1930 2023-11-03 15:02:40,628 - mmseg - INFO - Iter [73700/80000] lr: 2.552e-07, eta: 3:10:05, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1153, decode.acc_seg: 94.7940, aux.loss_ce: 0.0669, aux.acc_seg: 93.0006, loss: 0.1821 2023-11-03 15:04:03,796 - mmseg - INFO - Iter [73750/80000] lr: 2.531e-07, eta: 3:08:34, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1082, decode.acc_seg: 95.0143, aux.loss_ce: 0.0616, aux.acc_seg: 93.3755, loss: 0.1697 2023-11-03 15:05:26,948 - mmseg - INFO - Iter [73800/80000] lr: 2.511e-07, eta: 3:07:03, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1138, decode.acc_seg: 94.8741, aux.loss_ce: 0.0655, aux.acc_seg: 93.1194, loss: 0.1793 2023-11-03 15:06:50,114 - mmseg - INFO - Iter [73850/80000] lr: 2.491e-07, eta: 3:05:32, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1147, decode.acc_seg: 94.7272, aux.loss_ce: 0.0666, aux.acc_seg: 92.9193, loss: 0.1812 2023-11-03 15:08:13,264 - mmseg - INFO - Iter [73900/80000] lr: 2.471e-07, eta: 3:04:01, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1186, decode.acc_seg: 94.6481, aux.loss_ce: 0.0691, aux.acc_seg: 92.7530, loss: 0.1877 2023-11-03 15:09:36,462 - mmseg - INFO - Iter [73950/80000] lr: 2.450e-07, eta: 3:02:30, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1185, decode.acc_seg: 94.5797, aux.loss_ce: 0.0664, aux.acc_seg: 93.0349, loss: 0.1850 2023-11-03 15:10:59,632 - mmseg - INFO - Saving checkpoint at 74000 iterations 2023-11-03 15:11:57,337 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 15:11:57,337 - mmseg - INFO - Iter [74000/80000] lr: 2.430e-07, eta: 3:01:03, time: 2.817, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1215, decode.acc_seg: 94.4113, aux.loss_ce: 0.0676, aux.acc_seg: 92.7378, loss: 0.1891 2023-11-03 15:13:29,590 - mmseg - INFO - per class results: 2023-11-03 15:13:29,595 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.86 | 90.08 | | building | 84.85 | 93.58 | | sky | 94.93 | 97.47 | | floor | 85.4 | 92.94 | | tree | 77.16 | 90.1 | | ceiling | 87.96 | 94.59 | | road | 86.91 | 91.67 | | bed | 92.61 | 97.57 | | windowpane | 66.12 | 81.69 | | grass | 68.98 | 81.62 | | cabinet | 68.14 | 78.51 | | sidewalk | 71.37 | 84.89 | | person | 85.76 | 94.63 | | earth | 40.77 | 53.56 | | door | 60.89 | 77.35 | | table | 71.49 | 82.87 | | mountain | 63.83 | 75.14 | | plant | 58.15 | 68.18 | | curtain | 77.62 | 87.93 | | chair | 68.19 | 80.52 | | car | 87.51 | 93.77 | | water | 59.58 | 74.86 | | painting | 78.91 | 90.18 | | sofa | 81.59 | 89.32 | | shelf | 48.54 | 64.79 | | house | 50.32 | 62.32 | | sea | 72.62 | 84.39 | | mirror | 76.62 | 85.79 | | rug | 70.03 | 79.6 | | field | 28.35 | 50.65 | | armchair | 62.67 | 79.47 | | seat | 70.81 | 88.78 | | fence | 52.37 | 66.78 | | desk | 59.75 | 78.68 | | rock | 59.17 | 86.92 | | wardrobe | 57.17 | 75.25 | | lamp | 76.21 | 87.1 | | bathtub | 90.05 | 93.59 | | railing | 45.74 | 61.86 | | cushion | 67.53 | 80.48 | | base | 39.87 | 55.34 | | box | 37.51 | 46.87 | | column | 57.25 | 70.17 | | signboard | 41.26 | 54.04 | | chest of drawers | 47.9 | 66.96 | | counter | 53.63 | 64.22 | | sand | 60.47 | 84.34 | | sink | 81.77 | 87.3 | | skyscraper | 44.15 | 55.74 | | fireplace | 75.39 | 95.77 | | refrigerator | 86.43 | 94.97 | | grandstand | 54.21 | 81.02 | | path | 29.95 | 42.34 | | stairs | 38.16 | 48.16 | | runway | 73.55 | 96.27 | | case | 57.99 | 74.85 | | pool table | 94.09 | 97.99 | | pillow | 62.27 | 71.56 | | screen door | 73.13 | 74.76 | | stairway | 40.79 | 52.52 | | river | 13.58 | 30.9 | | bridge | 54.74 | 63.62 | | bookcase | 46.53 | 65.79 | | blind | 42.9 | 48.0 | | coffee table | 65.82 | 86.31 | | toilet | 90.59 | 93.77 | | flower | 42.37 | 58.64 | | book | 54.67 | 76.92 | | hill | 7.35 | 11.52 | | bench | 57.39 | 64.92 | | countertop | 63.48 | 85.49 | | stove | 86.61 | 92.57 | | palm | 55.01 | 82.77 | | kitchen island | 56.86 | 82.81 | | computer | 78.83 | 91.2 | | swivel chair | 45.38 | 68.12 | | boat | 77.67 | 91.29 | | bar | 64.12 | 73.9 | | arcade machine | 81.36 | 84.94 | | hovel | 20.31 | 22.06 | | bus | 94.32 | 97.35 | | towel | 77.68 | 86.04 | | light | 62.7 | 71.85 | | truck | 49.0 | 60.52 | | tower | 27.93 | 46.54 | | chandelier | 74.7 | 87.16 | | awning | 42.92 | 53.65 | | streetlight | 39.21 | 52.45 | | booth | 53.05 | 70.97 | | television receiver | 77.75 | 91.21 | | airplane | 87.72 | 96.89 | | dirt track | 8.25 | 38.55 | | apparel | 64.91 | 83.3 | | pole | 31.51 | 42.84 | | land | 3.46 | 5.05 | | bannister | 21.0 | 27.6 | | escalator | 65.29 | 85.63 | | ottoman | 56.9 | 72.67 | | bottle | 45.41 | 70.76 | | buffet | 60.45 | 68.69 | | poster | 39.9 | 48.22 | | stage | 28.11 | 49.35 | | van | 43.64 | 63.52 | | ship | 69.33 | 72.45 | | fountain | 36.58 | 37.79 | | conveyer belt | 81.37 | 93.35 | | canopy | 59.33 | 74.96 | | washer | 86.79 | 92.5 | | plaything | 30.55 | 49.1 | | swimming pool | 55.01 | 78.9 | | stool | 56.85 | 69.35 | | barrel | 61.75 | 91.61 | | basket | 45.66 | 61.62 | | waterfall | 50.83 | 60.42 | | tent | 91.49 | 98.69 | | bag | 24.89 | 28.95 | | minibike | 76.85 | 90.21 | | cradle | 88.87 | 98.08 | | oven | 65.24 | 79.29 | | ball | 60.63 | 67.66 | | food | 59.32 | 68.96 | | step | 10.06 | 11.16 | | tank | 81.11 | 92.98 | | trade name | 23.46 | 26.56 | | microwave | 90.45 | 96.71 | | pot | 62.29 | 70.8 | | animal | 64.66 | 66.51 | | bicycle | 62.67 | 78.93 | | lake | 58.21 | 68.86 | | dishwasher | 75.56 | 84.64 | | screen | 56.11 | 77.27 | | blanket | 33.45 | 38.11 | | sculpture | 79.21 | 87.62 | | hood | 64.08 | 75.78 | | sconce | 61.05 | 73.78 | | vase | 48.19 | 66.42 | | traffic light | 38.78 | 60.39 | | tray | 23.11 | 30.94 | | ashcan | 51.8 | 66.68 | | fan | 70.75 | 82.96 | | pier | 40.02 | 44.62 | | crt screen | 1.57 | 3.61 | | plate | 62.66 | 80.04 | | monitor | 38.82 | 44.24 | | bulletin board | 64.64 | 78.12 | | shower | 16.61 | 20.44 | | radiator | 63.35 | 79.56 | | glass | 22.4 | 24.32 | | clock | 54.39 | 65.54 | | flag | 71.85 | 79.72 | +---------------------+-------+-------+ 2023-11-03 15:13:29,595 - mmseg - INFO - Summary: 2023-11-03 15:13:29,595 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.49 | 58.62 | 70.81 | +-------+-------+-------+ 2023-11-03 15:13:29,596 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 15:13:29,596 - mmseg - INFO - Iter(val) [250] aAcc: 0.8649, mIoU: 0.5862, mAcc: 0.7081, IoU.wall: 0.8286, IoU.building: 0.8485, IoU.sky: 0.9493, IoU.floor: 0.8540, IoU.tree: 0.7716, IoU.ceiling: 0.8796, IoU.road: 0.8691, IoU.bed : 0.9261, IoU.windowpane: 0.6612, IoU.grass: 0.6898, IoU.cabinet: 0.6814, IoU.sidewalk: 0.7137, IoU.person: 0.8576, IoU.earth: 0.4077, IoU.door: 0.6089, IoU.table: 0.7149, IoU.mountain: 0.6383, IoU.plant: 0.5815, IoU.curtain: 0.7762, IoU.chair: 0.6819, IoU.car: 0.8751, IoU.water: 0.5958, IoU.painting: 0.7891, IoU.sofa: 0.8159, IoU.shelf: 0.4854, IoU.house: 0.5032, IoU.sea: 0.7262, IoU.mirror: 0.7662, IoU.rug: 0.7003, IoU.field: 0.2835, IoU.armchair: 0.6267, IoU.seat: 0.7081, IoU.fence: 0.5237, IoU.desk: 0.5975, IoU.rock: 0.5917, IoU.wardrobe: 0.5717, IoU.lamp: 0.7621, IoU.bathtub: 0.9005, IoU.railing: 0.4574, IoU.cushion: 0.6753, IoU.base: 0.3987, IoU.box: 0.3751, IoU.column: 0.5725, IoU.signboard: 0.4126, IoU.chest of drawers: 0.4790, IoU.counter: 0.5363, IoU.sand: 0.6047, IoU.sink: 0.8177, IoU.skyscraper: 0.4415, IoU.fireplace: 0.7539, IoU.refrigerator: 0.8643, IoU.grandstand: 0.5421, IoU.path: 0.2995, IoU.stairs: 0.3816, IoU.runway: 0.7355, IoU.case: 0.5799, IoU.pool table: 0.9409, IoU.pillow: 0.6227, IoU.screen door: 0.7313, IoU.stairway: 0.4079, IoU.river: 0.1358, IoU.bridge: 0.5474, IoU.bookcase: 0.4653, IoU.blind: 0.4290, IoU.coffee table: 0.6582, IoU.toilet: 0.9059, IoU.flower: 0.4237, IoU.book: 0.5467, IoU.hill: 0.0735, IoU.bench: 0.5739, IoU.countertop: 0.6348, IoU.stove: 0.8661, IoU.palm: 0.5501, IoU.kitchen island: 0.5686, IoU.computer: 0.7883, IoU.swivel chair: 0.4538, IoU.boat: 0.7767, IoU.bar: 0.6412, IoU.arcade machine: 0.8136, IoU.hovel: 0.2031, IoU.bus: 0.9432, IoU.towel: 0.7768, IoU.light: 0.6270, IoU.truck: 0.4900, IoU.tower: 0.2793, IoU.chandelier: 0.7470, IoU.awning: 0.4292, IoU.streetlight: 0.3921, IoU.booth: 0.5305, IoU.television receiver: 0.7775, IoU.airplane: 0.8772, IoU.dirt track: 0.0825, IoU.apparel: 0.6491, IoU.pole: 0.3151, IoU.land: 0.0346, IoU.bannister: 0.2100, IoU.escalator: 0.6529, IoU.ottoman: 0.5690, IoU.bottle: 0.4541, IoU.buffet: 0.6045, IoU.poster: 0.3990, IoU.stage: 0.2811, IoU.van: 0.4364, IoU.ship: 0.6933, IoU.fountain: 0.3658, IoU.conveyer belt: 0.8137, IoU.canopy: 0.5933, IoU.washer: 0.8679, IoU.plaything: 0.3055, IoU.swimming pool: 0.5501, IoU.stool: 0.5685, IoU.barrel: 0.6175, IoU.basket: 0.4566, IoU.waterfall: 0.5083, IoU.tent: 0.9149, IoU.bag: 0.2489, IoU.minibike: 0.7685, IoU.cradle: 0.8887, IoU.oven: 0.6524, IoU.ball: 0.6063, IoU.food: 0.5932, IoU.step: 0.1006, IoU.tank: 0.8111, IoU.trade name: 0.2346, IoU.microwave: 0.9045, IoU.pot: 0.6229, IoU.animal: 0.6466, IoU.bicycle: 0.6267, IoU.lake: 0.5821, IoU.dishwasher: 0.7556, IoU.screen: 0.5611, IoU.blanket: 0.3345, IoU.sculpture: 0.7921, IoU.hood: 0.6408, IoU.sconce: 0.6105, IoU.vase: 0.4819, IoU.traffic light: 0.3878, IoU.tray: 0.2311, IoU.ashcan: 0.5180, IoU.fan: 0.7075, IoU.pier: 0.4002, IoU.crt screen: 0.0157, IoU.plate: 0.6266, IoU.monitor: 0.3882, IoU.bulletin board: 0.6464, IoU.shower: 0.1661, IoU.radiator: 0.6335, IoU.glass: 0.2240, IoU.clock: 0.5439, IoU.flag: 0.7185, Acc.wall: 0.9008, Acc.building: 0.9358, Acc.sky: 0.9747, Acc.floor: 0.9294, Acc.tree: 0.9010, Acc.ceiling: 0.9459, Acc.road: 0.9167, Acc.bed : 0.9757, Acc.windowpane: 0.8169, Acc.grass: 0.8162, Acc.cabinet: 0.7851, Acc.sidewalk: 0.8489, Acc.person: 0.9463, Acc.earth: 0.5356, Acc.door: 0.7735, Acc.table: 0.8287, Acc.mountain: 0.7514, Acc.plant: 0.6818, Acc.curtain: 0.8793, Acc.chair: 0.8052, Acc.car: 0.9377, Acc.water: 0.7486, Acc.painting: 0.9018, Acc.sofa: 0.8932, Acc.shelf: 0.6479, Acc.house: 0.6232, Acc.sea: 0.8439, Acc.mirror: 0.8579, Acc.rug: 0.7960, Acc.field: 0.5065, Acc.armchair: 0.7947, Acc.seat: 0.8878, Acc.fence: 0.6678, Acc.desk: 0.7868, Acc.rock: 0.8692, Acc.wardrobe: 0.7525, Acc.lamp: 0.8710, Acc.bathtub: 0.9359, Acc.railing: 0.6186, Acc.cushion: 0.8048, Acc.base: 0.5534, Acc.box: 0.4687, Acc.column: 0.7017, Acc.signboard: 0.5404, Acc.chest of drawers: 0.6696, Acc.counter: 0.6422, Acc.sand: 0.8434, Acc.sink: 0.8730, Acc.skyscraper: 0.5574, Acc.fireplace: 0.9577, Acc.refrigerator: 0.9497, Acc.grandstand: 0.8102, Acc.path: 0.4234, Acc.stairs: 0.4816, Acc.runway: 0.9627, Acc.case: 0.7485, Acc.pool table: 0.9799, Acc.pillow: 0.7156, Acc.screen door: 0.7476, Acc.stairway: 0.5252, Acc.river: 0.3090, Acc.bridge: 0.6362, Acc.bookcase: 0.6579, Acc.blind: 0.4800, Acc.coffee table: 0.8631, Acc.toilet: 0.9377, Acc.flower: 0.5864, Acc.book: 0.7692, Acc.hill: 0.1152, Acc.bench: 0.6492, Acc.countertop: 0.8549, Acc.stove: 0.9257, Acc.palm: 0.8277, Acc.kitchen island: 0.8281, Acc.computer: 0.9120, Acc.swivel chair: 0.6812, Acc.boat: 0.9129, Acc.bar: 0.7390, Acc.arcade machine: 0.8494, Acc.hovel: 0.2206, Acc.bus: 0.9735, Acc.towel: 0.8604, Acc.light: 0.7185, Acc.truck: 0.6052, Acc.tower: 0.4654, Acc.chandelier: 0.8716, Acc.awning: 0.5365, Acc.streetlight: 0.5245, Acc.booth: 0.7097, Acc.television receiver: 0.9121, Acc.airplane: 0.9689, Acc.dirt track: 0.3855, Acc.apparel: 0.8330, Acc.pole: 0.4284, Acc.land: 0.0505, Acc.bannister: 0.2760, Acc.escalator: 0.8563, Acc.ottoman: 0.7267, Acc.bottle: 0.7076, Acc.buffet: 0.6869, Acc.poster: 0.4822, Acc.stage: 0.4935, Acc.van: 0.6352, Acc.ship: 0.7245, Acc.fountain: 0.3779, Acc.conveyer belt: 0.9335, Acc.canopy: 0.7496, Acc.washer: 0.9250, Acc.plaything: 0.4910, Acc.swimming pool: 0.7890, Acc.stool: 0.6935, Acc.barrel: 0.9161, Acc.basket: 0.6162, Acc.waterfall: 0.6042, Acc.tent: 0.9869, Acc.bag: 0.2895, Acc.minibike: 0.9021, Acc.cradle: 0.9808, Acc.oven: 0.7929, Acc.ball: 0.6766, Acc.food: 0.6896, Acc.step: 0.1116, Acc.tank: 0.9298, Acc.trade name: 0.2656, Acc.microwave: 0.9671, Acc.pot: 0.7080, Acc.animal: 0.6651, Acc.bicycle: 0.7893, Acc.lake: 0.6886, Acc.dishwasher: 0.8464, Acc.screen: 0.7727, Acc.blanket: 0.3811, Acc.sculpture: 0.8762, Acc.hood: 0.7578, Acc.sconce: 0.7378, Acc.vase: 0.6642, Acc.traffic light: 0.6039, Acc.tray: 0.3094, Acc.ashcan: 0.6668, Acc.fan: 0.8296, Acc.pier: 0.4462, Acc.crt screen: 0.0361, Acc.plate: 0.8004, Acc.monitor: 0.4424, Acc.bulletin board: 0.7812, Acc.shower: 0.2044, Acc.radiator: 0.7956, Acc.glass: 0.2432, Acc.clock: 0.6554, Acc.flag: 0.7972 2023-11-03 15:14:52,931 - mmseg - INFO - Iter [74050/80000] lr: 2.410e-07, eta: 2:59:40, time: 3.512, data_time: 1.853, memory: 69173, decode.loss_ce: 0.1142, decode.acc_seg: 94.7151, aux.loss_ce: 0.0649, aux.acc_seg: 93.0167, loss: 0.1792 2023-11-03 15:16:16,115 - mmseg - INFO - Iter [74100/80000] lr: 2.390e-07, eta: 2:58:08, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1197, decode.acc_seg: 94.4893, aux.loss_ce: 0.0702, aux.acc_seg: 92.5352, loss: 0.1899 2023-11-03 15:17:39,267 - mmseg - INFO - Iter [74150/80000] lr: 2.370e-07, eta: 2:56:37, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1102, decode.acc_seg: 95.0549, aux.loss_ce: 0.0635, aux.acc_seg: 93.3260, loss: 0.1737 2023-11-03 15:19:02,424 - mmseg - INFO - Iter [74200/80000] lr: 2.349e-07, eta: 2:55:06, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1167, decode.acc_seg: 94.7087, aux.loss_ce: 0.0697, aux.acc_seg: 92.9331, loss: 0.1864 2023-11-03 15:20:25,616 - mmseg - INFO - Iter [74250/80000] lr: 2.329e-07, eta: 2:53:35, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1143, decode.acc_seg: 94.7739, aux.loss_ce: 0.0678, aux.acc_seg: 92.9145, loss: 0.1821 2023-11-03 15:21:48,711 - mmseg - INFO - Iter [74300/80000] lr: 2.309e-07, eta: 2:52:04, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1198, decode.acc_seg: 94.6005, aux.loss_ce: 0.0699, aux.acc_seg: 92.6158, loss: 0.1897 2023-11-03 15:23:11,840 - mmseg - INFO - Iter [74350/80000] lr: 2.289e-07, eta: 2:50:33, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1242, decode.acc_seg: 94.4571, aux.loss_ce: 0.0715, aux.acc_seg: 92.6730, loss: 0.1957 2023-11-03 15:24:34,993 - mmseg - INFO - Iter [74400/80000] lr: 2.268e-07, eta: 2:49:01, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1148, decode.acc_seg: 94.6948, aux.loss_ce: 0.0675, aux.acc_seg: 92.7264, loss: 0.1823 2023-11-03 15:25:58,150 - mmseg - INFO - Iter [74450/80000] lr: 2.248e-07, eta: 2:47:30, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1221, decode.acc_seg: 94.4880, aux.loss_ce: 0.0685, aux.acc_seg: 92.8700, loss: 0.1907 2023-11-03 15:27:21,302 - mmseg - INFO - Iter [74500/80000] lr: 2.228e-07, eta: 2:45:59, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1196, decode.acc_seg: 94.6812, aux.loss_ce: 0.0692, aux.acc_seg: 92.7562, loss: 0.1888 2023-11-03 15:28:46,834 - mmseg - INFO - Iter [74550/80000] lr: 2.208e-07, eta: 2:44:28, time: 1.711, data_time: 0.055, memory: 69173, decode.loss_ce: 0.1128, decode.acc_seg: 94.8273, aux.loss_ce: 0.0650, aux.acc_seg: 93.1364, loss: 0.1779 2023-11-03 15:30:09,910 - mmseg - INFO - Iter [74600/80000] lr: 2.187e-07, eta: 2:42:57, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1290, decode.acc_seg: 94.2722, aux.loss_ce: 0.0710, aux.acc_seg: 92.5885, loss: 0.1999 2023-11-03 15:31:32,985 - mmseg - INFO - Iter [74650/80000] lr: 2.167e-07, eta: 2:41:26, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1145, decode.acc_seg: 94.7760, aux.loss_ce: 0.0659, aux.acc_seg: 92.9401, loss: 0.1803 2023-11-03 15:32:56,022 - mmseg - INFO - Iter [74700/80000] lr: 2.147e-07, eta: 2:39:55, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1137, decode.acc_seg: 94.8533, aux.loss_ce: 0.0637, aux.acc_seg: 93.2746, loss: 0.1774 2023-11-03 15:34:19,111 - mmseg - INFO - Iter [74750/80000] lr: 2.127e-07, eta: 2:38:24, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1138, decode.acc_seg: 94.8886, aux.loss_ce: 0.0655, aux.acc_seg: 92.9504, loss: 0.1793 2023-11-03 15:35:42,347 - mmseg - INFO - Iter [74800/80000] lr: 2.106e-07, eta: 2:36:53, time: 1.665, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1086, decode.acc_seg: 94.9904, aux.loss_ce: 0.0621, aux.acc_seg: 93.3003, loss: 0.1707 2023-11-03 15:37:05,478 - mmseg - INFO - Iter [74850/80000] lr: 2.086e-07, eta: 2:35:22, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1139, decode.acc_seg: 94.7530, aux.loss_ce: 0.0677, aux.acc_seg: 92.7775, loss: 0.1816 2023-11-03 15:38:28,651 - mmseg - INFO - Iter [74900/80000] lr: 2.066e-07, eta: 2:33:51, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1214, decode.acc_seg: 94.6010, aux.loss_ce: 0.0706, aux.acc_seg: 92.6932, loss: 0.1921 2023-11-03 15:39:51,832 - mmseg - INFO - Iter [74950/80000] lr: 2.046e-07, eta: 2:32:20, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1137, decode.acc_seg: 94.9477, aux.loss_ce: 0.0666, aux.acc_seg: 93.0724, loss: 0.1804 2023-11-03 15:41:14,933 - mmseg - INFO - Saving checkpoint at 75000 iterations 2023-11-03 15:42:12,558 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 15:42:12,559 - mmseg - INFO - Iter [75000/80000] lr: 2.025e-07, eta: 2:30:53, time: 2.815, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1141, decode.acc_seg: 94.8442, aux.loss_ce: 0.0661, aux.acc_seg: 93.1015, loss: 0.1802 2023-11-03 15:43:43,662 - mmseg - INFO - per class results: 2023-11-03 15:43:43,668 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.64 | 90.02 | | building | 84.89 | 93.63 | | sky | 94.93 | 97.42 | | floor | 85.69 | 92.84 | | tree | 77.08 | 90.07 | | ceiling | 87.85 | 94.91 | | road | 87.21 | 91.12 | | bed | 92.71 | 97.51 | | windowpane | 66.02 | 82.27 | | grass | 70.81 | 84.13 | | cabinet | 67.18 | 77.09 | | sidewalk | 72.09 | 87.09 | | person | 85.8 | 94.6 | | earth | 42.42 | 56.09 | | door | 60.88 | 75.84 | | table | 71.96 | 83.54 | | mountain | 63.86 | 72.75 | | plant | 57.76 | 67.42 | | curtain | 77.15 | 88.06 | | chair | 68.52 | 80.15 | | car | 87.7 | 93.82 | | water | 63.26 | 79.55 | | painting | 78.89 | 90.44 | | sofa | 81.72 | 89.59 | | shelf | 49.57 | 67.11 | | house | 50.63 | 62.32 | | sea | 74.2 | 83.69 | | mirror | 76.63 | 86.5 | | rug | 70.05 | 79.79 | | field | 28.92 | 50.35 | | armchair | 62.99 | 79.66 | | seat | 70.65 | 89.61 | | fence | 50.88 | 65.95 | | desk | 59.46 | 77.0 | | rock | 59.32 | 85.36 | | wardrobe | 55.95 | 74.98 | | lamp | 76.19 | 87.33 | | bathtub | 90.05 | 93.01 | | railing | 45.26 | 61.47 | | cushion | 67.72 | 81.46 | | base | 40.21 | 57.84 | | box | 37.28 | 46.91 | | column | 57.28 | 70.54 | | signboard | 40.92 | 56.09 | | chest of drawers | 47.77 | 69.05 | | counter | 51.47 | 61.22 | | sand | 61.11 | 85.2 | | sink | 81.3 | 87.71 | | skyscraper | 43.85 | 55.54 | | fireplace | 75.67 | 95.6 | | refrigerator | 86.71 | 94.96 | | grandstand | 53.06 | 81.38 | | path | 29.69 | 41.19 | | stairs | 36.73 | 46.11 | | runway | 74.09 | 97.21 | | case | 59.29 | 75.78 | | pool table | 94.2 | 97.86 | | pillow | 63.23 | 72.61 | | screen door | 79.41 | 81.99 | | stairway | 41.91 | 52.01 | | river | 14.77 | 29.11 | | bridge | 55.29 | 61.86 | | bookcase | 49.1 | 65.2 | | blind | 42.97 | 47.66 | | coffee table | 66.02 | 83.89 | | toilet | 90.65 | 93.59 | | flower | 41.9 | 57.74 | | book | 54.85 | 76.59 | | hill | 10.3 | 17.57 | | bench | 56.89 | 64.67 | | countertop | 62.76 | 83.79 | | stove | 86.67 | 92.58 | | palm | 54.63 | 81.22 | | kitchen island | 57.03 | 83.11 | | computer | 78.93 | 91.17 | | swivel chair | 46.23 | 65.59 | | boat | 78.56 | 89.84 | | bar | 62.01 | 73.43 | | arcade machine | 81.95 | 85.57 | | hovel | 17.66 | 18.98 | | bus | 94.16 | 97.45 | | towel | 77.9 | 86.73 | | light | 62.64 | 72.12 | | truck | 50.11 | 63.12 | | tower | 27.95 | 45.75 | | chandelier | 74.83 | 87.57 | | awning | 43.8 | 55.32 | | streetlight | 39.4 | 53.49 | | booth | 50.35 | 70.16 | | television receiver | 78.41 | 90.67 | | airplane | 88.28 | 96.75 | | dirt track | 7.12 | 32.27 | | apparel | 64.19 | 83.56 | | pole | 30.9 | 43.34 | | land | 3.09 | 4.27 | | bannister | 21.79 | 27.83 | | escalator | 65.6 | 86.42 | | ottoman | 57.94 | 72.31 | | bottle | 45.42 | 72.73 | | buffet | 52.09 | 57.95 | | poster | 36.48 | 42.96 | | stage | 30.33 | 48.15 | | van | 45.01 | 65.27 | | ship | 63.21 | 66.42 | | fountain | 35.29 | 36.55 | | conveyer belt | 81.7 | 93.74 | | canopy | 60.0 | 77.15 | | washer | 85.83 | 91.26 | | plaything | 31.59 | 49.75 | | swimming pool | 55.07 | 79.1 | | stool | 56.3 | 68.43 | | barrel | 62.72 | 92.55 | | basket | 44.28 | 61.42 | | waterfall | 50.71 | 60.66 | | tent | 91.85 | 98.62 | | bag | 24.94 | 28.96 | | minibike | 77.1 | 90.24 | | cradle | 88.97 | 97.94 | | oven | 65.93 | 79.62 | | ball | 61.16 | 69.53 | | food | 60.49 | 70.94 | | step | 10.79 | 12.4 | | tank | 73.26 | 80.36 | | trade name | 24.44 | 28.34 | | microwave | 90.96 | 96.41 | | pot | 61.92 | 70.99 | | animal | 64.08 | 65.78 | | bicycle | 63.44 | 82.02 | | lake | 59.15 | 65.75 | | dishwasher | 75.56 | 84.2 | | screen | 62.27 | 88.11 | | blanket | 34.48 | 40.23 | | sculpture | 79.34 | 87.9 | | hood | 64.18 | 76.41 | | sconce | 60.74 | 71.96 | | vase | 47.99 | 67.43 | | traffic light | 38.87 | 62.12 | | tray | 24.21 | 34.64 | | ashcan | 53.04 | 67.3 | | fan | 71.69 | 86.45 | | pier | 39.85 | 43.85 | | crt screen | 1.87 | 3.63 | | plate | 62.69 | 80.01 | | monitor | 44.85 | 52.1 | | bulletin board | 62.99 | 76.36 | | shower | 16.84 | 18.96 | | radiator | 63.38 | 78.65 | | glass | 23.21 | 25.41 | | clock | 54.49 | 67.05 | | flag | 71.8 | 80.18 | +---------------------+-------+-------+ 2023-11-03 15:43:43,668 - mmseg - INFO - Summary: 2023-11-03 15:43:43,668 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.58 | 58.73 | 70.86 | +-------+-------+-------+ 2023-11-03 15:43:43,669 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 15:43:43,669 - mmseg - INFO - Iter(val) [250] aAcc: 0.8658, mIoU: 0.5873, mAcc: 0.7086, IoU.wall: 0.8264, IoU.building: 0.8489, IoU.sky: 0.9493, IoU.floor: 0.8569, IoU.tree: 0.7708, IoU.ceiling: 0.8785, IoU.road: 0.8721, IoU.bed : 0.9271, IoU.windowpane: 0.6602, IoU.grass: 0.7081, IoU.cabinet: 0.6718, IoU.sidewalk: 0.7209, IoU.person: 0.8580, IoU.earth: 0.4242, IoU.door: 0.6088, IoU.table: 0.7196, IoU.mountain: 0.6386, IoU.plant: 0.5776, IoU.curtain: 0.7715, IoU.chair: 0.6852, IoU.car: 0.8770, IoU.water: 0.6326, IoU.painting: 0.7889, IoU.sofa: 0.8172, IoU.shelf: 0.4957, IoU.house: 0.5063, IoU.sea: 0.7420, IoU.mirror: 0.7663, IoU.rug: 0.7005, IoU.field: 0.2892, IoU.armchair: 0.6299, IoU.seat: 0.7065, IoU.fence: 0.5088, IoU.desk: 0.5946, IoU.rock: 0.5932, IoU.wardrobe: 0.5595, IoU.lamp: 0.7619, IoU.bathtub: 0.9005, IoU.railing: 0.4526, IoU.cushion: 0.6772, IoU.base: 0.4021, IoU.box: 0.3728, IoU.column: 0.5728, IoU.signboard: 0.4092, IoU.chest of drawers: 0.4777, IoU.counter: 0.5147, IoU.sand: 0.6111, IoU.sink: 0.8130, IoU.skyscraper: 0.4385, IoU.fireplace: 0.7567, IoU.refrigerator: 0.8671, IoU.grandstand: 0.5306, IoU.path: 0.2969, IoU.stairs: 0.3673, IoU.runway: 0.7409, IoU.case: 0.5929, IoU.pool table: 0.9420, IoU.pillow: 0.6323, IoU.screen door: 0.7941, IoU.stairway: 0.4191, IoU.river: 0.1477, IoU.bridge: 0.5529, IoU.bookcase: 0.4910, IoU.blind: 0.4297, IoU.coffee table: 0.6602, IoU.toilet: 0.9065, IoU.flower: 0.4190, IoU.book: 0.5485, IoU.hill: 0.1030, IoU.bench: 0.5689, IoU.countertop: 0.6276, IoU.stove: 0.8667, IoU.palm: 0.5463, IoU.kitchen island: 0.5703, IoU.computer: 0.7893, IoU.swivel chair: 0.4623, IoU.boat: 0.7856, IoU.bar: 0.6201, IoU.arcade machine: 0.8195, IoU.hovel: 0.1766, IoU.bus: 0.9416, IoU.towel: 0.7790, IoU.light: 0.6264, IoU.truck: 0.5011, IoU.tower: 0.2795, IoU.chandelier: 0.7483, IoU.awning: 0.4380, IoU.streetlight: 0.3940, IoU.booth: 0.5035, IoU.television receiver: 0.7841, IoU.airplane: 0.8828, IoU.dirt track: 0.0712, IoU.apparel: 0.6419, IoU.pole: 0.3090, IoU.land: 0.0309, IoU.bannister: 0.2179, IoU.escalator: 0.6560, IoU.ottoman: 0.5794, IoU.bottle: 0.4542, IoU.buffet: 0.5209, IoU.poster: 0.3648, IoU.stage: 0.3033, IoU.van: 0.4501, IoU.ship: 0.6321, IoU.fountain: 0.3529, IoU.conveyer belt: 0.8170, IoU.canopy: 0.6000, IoU.washer: 0.8583, IoU.plaything: 0.3159, IoU.swimming pool: 0.5507, IoU.stool: 0.5630, IoU.barrel: 0.6272, IoU.basket: 0.4428, IoU.waterfall: 0.5071, IoU.tent: 0.9185, IoU.bag: 0.2494, IoU.minibike: 0.7710, IoU.cradle: 0.8897, IoU.oven: 0.6593, IoU.ball: 0.6116, IoU.food: 0.6049, IoU.step: 0.1079, IoU.tank: 0.7326, IoU.trade name: 0.2444, IoU.microwave: 0.9096, IoU.pot: 0.6192, IoU.animal: 0.6408, IoU.bicycle: 0.6344, IoU.lake: 0.5915, IoU.dishwasher: 0.7556, IoU.screen: 0.6227, IoU.blanket: 0.3448, IoU.sculpture: 0.7934, IoU.hood: 0.6418, IoU.sconce: 0.6074, IoU.vase: 0.4799, IoU.traffic light: 0.3887, IoU.tray: 0.2421, IoU.ashcan: 0.5304, IoU.fan: 0.7169, IoU.pier: 0.3985, IoU.crt screen: 0.0187, IoU.plate: 0.6269, IoU.monitor: 0.4485, IoU.bulletin board: 0.6299, IoU.shower: 0.1684, IoU.radiator: 0.6338, IoU.glass: 0.2321, IoU.clock: 0.5449, IoU.flag: 0.7180, Acc.wall: 0.9002, Acc.building: 0.9363, Acc.sky: 0.9742, Acc.floor: 0.9284, Acc.tree: 0.9007, Acc.ceiling: 0.9491, Acc.road: 0.9112, Acc.bed : 0.9751, Acc.windowpane: 0.8227, Acc.grass: 0.8413, Acc.cabinet: 0.7709, Acc.sidewalk: 0.8709, Acc.person: 0.9460, Acc.earth: 0.5609, Acc.door: 0.7584, Acc.table: 0.8354, Acc.mountain: 0.7275, Acc.plant: 0.6742, Acc.curtain: 0.8806, Acc.chair: 0.8015, Acc.car: 0.9382, Acc.water: 0.7955, Acc.painting: 0.9044, Acc.sofa: 0.8959, Acc.shelf: 0.6711, Acc.house: 0.6232, Acc.sea: 0.8369, Acc.mirror: 0.8650, Acc.rug: 0.7979, Acc.field: 0.5035, Acc.armchair: 0.7966, Acc.seat: 0.8961, Acc.fence: 0.6595, Acc.desk: 0.7700, Acc.rock: 0.8536, Acc.wardrobe: 0.7498, Acc.lamp: 0.8733, Acc.bathtub: 0.9301, Acc.railing: 0.6147, Acc.cushion: 0.8146, Acc.base: 0.5784, Acc.box: 0.4691, Acc.column: 0.7054, Acc.signboard: 0.5609, Acc.chest of drawers: 0.6905, Acc.counter: 0.6122, Acc.sand: 0.8520, Acc.sink: 0.8771, Acc.skyscraper: 0.5554, Acc.fireplace: 0.9560, Acc.refrigerator: 0.9496, Acc.grandstand: 0.8138, Acc.path: 0.4119, Acc.stairs: 0.4611, Acc.runway: 0.9721, Acc.case: 0.7578, Acc.pool table: 0.9786, Acc.pillow: 0.7261, Acc.screen door: 0.8199, Acc.stairway: 0.5201, Acc.river: 0.2911, Acc.bridge: 0.6186, Acc.bookcase: 0.6520, Acc.blind: 0.4766, Acc.coffee table: 0.8389, Acc.toilet: 0.9359, Acc.flower: 0.5774, Acc.book: 0.7659, Acc.hill: 0.1757, Acc.bench: 0.6467, Acc.countertop: 0.8379, Acc.stove: 0.9258, Acc.palm: 0.8122, Acc.kitchen island: 0.8311, Acc.computer: 0.9117, Acc.swivel chair: 0.6559, Acc.boat: 0.8984, Acc.bar: 0.7343, Acc.arcade machine: 0.8557, Acc.hovel: 0.1898, Acc.bus: 0.9745, Acc.towel: 0.8673, Acc.light: 0.7212, Acc.truck: 0.6312, Acc.tower: 0.4575, Acc.chandelier: 0.8757, Acc.awning: 0.5532, Acc.streetlight: 0.5349, Acc.booth: 0.7016, Acc.television receiver: 0.9067, Acc.airplane: 0.9675, Acc.dirt track: 0.3227, Acc.apparel: 0.8356, Acc.pole: 0.4334, Acc.land: 0.0427, Acc.bannister: 0.2783, Acc.escalator: 0.8642, Acc.ottoman: 0.7231, Acc.bottle: 0.7273, Acc.buffet: 0.5795, Acc.poster: 0.4296, Acc.stage: 0.4815, Acc.van: 0.6527, Acc.ship: 0.6642, Acc.fountain: 0.3655, Acc.conveyer belt: 0.9374, Acc.canopy: 0.7715, Acc.washer: 0.9126, Acc.plaything: 0.4975, Acc.swimming pool: 0.7910, Acc.stool: 0.6843, Acc.barrel: 0.9255, Acc.basket: 0.6142, Acc.waterfall: 0.6066, Acc.tent: 0.9862, Acc.bag: 0.2896, Acc.minibike: 0.9024, Acc.cradle: 0.9794, Acc.oven: 0.7962, Acc.ball: 0.6953, Acc.food: 0.7094, Acc.step: 0.1240, Acc.tank: 0.8036, Acc.trade name: 0.2834, Acc.microwave: 0.9641, Acc.pot: 0.7099, Acc.animal: 0.6578, Acc.bicycle: 0.8202, Acc.lake: 0.6575, Acc.dishwasher: 0.8420, Acc.screen: 0.8811, Acc.blanket: 0.4023, Acc.sculpture: 0.8790, Acc.hood: 0.7641, Acc.sconce: 0.7196, Acc.vase: 0.6743, Acc.traffic light: 0.6212, Acc.tray: 0.3464, Acc.ashcan: 0.6730, Acc.fan: 0.8645, Acc.pier: 0.4385, Acc.crt screen: 0.0363, Acc.plate: 0.8001, Acc.monitor: 0.5210, Acc.bulletin board: 0.7636, Acc.shower: 0.1896, Acc.radiator: 0.7865, Acc.glass: 0.2541, Acc.clock: 0.6705, Acc.flag: 0.8018 2023-11-03 15:45:06,929 - mmseg - INFO - Iter [75050/80000] lr: 2.005e-07, eta: 2:29:28, time: 3.487, data_time: 1.830, memory: 69173, decode.loss_ce: 0.1188, decode.acc_seg: 94.5435, aux.loss_ce: 0.0679, aux.acc_seg: 92.7444, loss: 0.1867 2023-11-03 15:46:30,014 - mmseg - INFO - Iter [75100/80000] lr: 1.985e-07, eta: 2:27:57, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1184, decode.acc_seg: 94.7412, aux.loss_ce: 0.0681, aux.acc_seg: 92.8870, loss: 0.1866 2023-11-03 15:47:53,120 - mmseg - INFO - Iter [75150/80000] lr: 1.965e-07, eta: 2:26:26, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1159, decode.acc_seg: 94.8329, aux.loss_ce: 0.0669, aux.acc_seg: 92.9773, loss: 0.1828 2023-11-03 15:49:16,213 - mmseg - INFO - Iter [75200/80000] lr: 1.944e-07, eta: 2:24:55, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1146, decode.acc_seg: 94.8581, aux.loss_ce: 0.0664, aux.acc_seg: 93.0248, loss: 0.1810 2023-11-03 15:50:39,331 - mmseg - INFO - Iter [75250/80000] lr: 1.924e-07, eta: 2:23:24, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1220, decode.acc_seg: 94.4434, aux.loss_ce: 0.0715, aux.acc_seg: 92.4792, loss: 0.1935 2023-11-03 15:52:02,464 - mmseg - INFO - Iter [75300/80000] lr: 1.904e-07, eta: 2:21:53, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1196, decode.acc_seg: 94.5782, aux.loss_ce: 0.0698, aux.acc_seg: 92.5906, loss: 0.1895 2023-11-03 15:53:25,601 - mmseg - INFO - Iter [75350/80000] lr: 1.884e-07, eta: 2:20:22, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1229, decode.acc_seg: 94.4217, aux.loss_ce: 0.0696, aux.acc_seg: 92.5159, loss: 0.1925 2023-11-03 15:54:48,702 - mmseg - INFO - Iter [75400/80000] lr: 1.863e-07, eta: 2:18:51, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1136, decode.acc_seg: 94.7755, aux.loss_ce: 0.0659, aux.acc_seg: 92.9519, loss: 0.1795 2023-11-03 15:56:11,810 - mmseg - INFO - Iter [75450/80000] lr: 1.843e-07, eta: 2:17:20, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1107, decode.acc_seg: 95.0842, aux.loss_ce: 0.0653, aux.acc_seg: 93.2295, loss: 0.1760 2023-11-03 15:57:34,948 - mmseg - INFO - Iter [75500/80000] lr: 1.823e-07, eta: 2:15:49, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1211, decode.acc_seg: 94.5063, aux.loss_ce: 0.0693, aux.acc_seg: 92.7121, loss: 0.1905 2023-11-03 15:58:58,048 - mmseg - INFO - Iter [75550/80000] lr: 1.803e-07, eta: 2:14:18, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1254, decode.acc_seg: 94.5103, aux.loss_ce: 0.0701, aux.acc_seg: 92.8350, loss: 0.1955 2023-11-03 16:00:21,136 - mmseg - INFO - Iter [75600/80000] lr: 1.782e-07, eta: 2:12:47, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1137, decode.acc_seg: 94.8130, aux.loss_ce: 0.0672, aux.acc_seg: 92.9362, loss: 0.1809 2023-11-03 16:01:44,187 - mmseg - INFO - Iter [75650/80000] lr: 1.762e-07, eta: 2:11:16, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1149, decode.acc_seg: 94.7659, aux.loss_ce: 0.0649, aux.acc_seg: 93.2001, loss: 0.1797 2023-11-03 16:03:07,259 - mmseg - INFO - Iter [75700/80000] lr: 1.742e-07, eta: 2:09:45, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1123, decode.acc_seg: 94.8575, aux.loss_ce: 0.0666, aux.acc_seg: 92.9629, loss: 0.1789 2023-11-03 16:04:30,336 - mmseg - INFO - Iter [75750/80000] lr: 1.722e-07, eta: 2:08:14, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1199, decode.acc_seg: 94.4643, aux.loss_ce: 0.0689, aux.acc_seg: 92.7061, loss: 0.1888 2023-11-03 16:05:55,857 - mmseg - INFO - Iter [75800/80000] lr: 1.701e-07, eta: 2:06:43, time: 1.710, data_time: 0.056, memory: 69173, decode.loss_ce: 0.1171, decode.acc_seg: 94.4728, aux.loss_ce: 0.0677, aux.acc_seg: 92.4278, loss: 0.1848 2023-11-03 16:07:18,972 - mmseg - INFO - Iter [75850/80000] lr: 1.681e-07, eta: 2:05:12, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1196, decode.acc_seg: 94.6019, aux.loss_ce: 0.0682, aux.acc_seg: 92.8329, loss: 0.1878 2023-11-03 16:08:42,035 - mmseg - INFO - Iter [75900/80000] lr: 1.661e-07, eta: 2:03:41, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1139, decode.acc_seg: 94.8111, aux.loss_ce: 0.0667, aux.acc_seg: 92.9565, loss: 0.1806 2023-11-03 16:10:05,222 - mmseg - INFO - Iter [75950/80000] lr: 1.641e-07, eta: 2:02:10, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1162, decode.acc_seg: 94.6564, aux.loss_ce: 0.0678, aux.acc_seg: 92.7674, loss: 0.1840 2023-11-03 16:11:28,355 - mmseg - INFO - Saving checkpoint at 76000 iterations 2023-11-03 16:12:26,370 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 16:12:26,370 - mmseg - INFO - Iter [76000/80000] lr: 1.620e-07, eta: 2:00:42, time: 2.823, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1203, decode.acc_seg: 94.5408, aux.loss_ce: 0.0699, aux.acc_seg: 92.6813, loss: 0.1902 2023-11-03 16:13:59,677 - mmseg - INFO - per class results: 2023-11-03 16:13:59,682 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.72 | 90.36 | | building | 84.88 | 93.51 | | sky | 94.92 | 97.55 | | floor | 85.77 | 92.62 | | tree | 77.21 | 90.16 | | ceiling | 87.89 | 94.41 | | road | 87.4 | 91.45 | | bed | 92.87 | 97.34 | | windowpane | 66.36 | 82.3 | | grass | 70.62 | 84.76 | | cabinet | 68.13 | 78.45 | | sidewalk | 72.21 | 86.28 | | person | 85.82 | 94.63 | | earth | 42.52 | 56.71 | | door | 61.29 | 76.22 | | table | 71.97 | 83.17 | | mountain | 64.01 | 74.05 | | plant | 58.14 | 69.11 | | curtain | 77.78 | 88.34 | | chair | 68.25 | 80.1 | | car | 87.56 | 93.96 | | water | 62.35 | 77.76 | | painting | 79.02 | 90.53 | | sofa | 81.96 | 89.81 | | shelf | 49.47 | 66.64 | | house | 51.53 | 63.65 | | sea | 73.25 | 84.11 | | mirror | 76.21 | 85.23 | | rug | 69.9 | 79.25 | | field | 29.65 | 47.09 | | armchair | 63.38 | 81.1 | | seat | 70.15 | 89.86 | | fence | 51.18 | 65.34 | | desk | 59.13 | 78.43 | | rock | 59.49 | 85.83 | | wardrobe | 57.71 | 74.37 | | lamp | 76.23 | 87.15 | | bathtub | 90.03 | 93.38 | | railing | 44.98 | 59.83 | | cushion | 68.78 | 79.86 | | base | 38.97 | 56.18 | | box | 38.18 | 48.65 | | column | 57.02 | 70.18 | | signboard | 41.39 | 55.33 | | chest of drawers | 48.78 | 67.06 | | counter | 53.51 | 63.17 | | sand | 61.76 | 86.52 | | sink | 81.38 | 87.16 | | skyscraper | 44.26 | 56.2 | | fireplace | 76.44 | 95.33 | | refrigerator | 86.75 | 95.17 | | grandstand | 54.09 | 80.86 | | path | 31.61 | 44.43 | | stairs | 37.04 | 46.3 | | runway | 73.78 | 95.81 | | case | 58.42 | 74.28 | | pool table | 94.28 | 97.92 | | pillow | 66.9 | 78.67 | | screen door | 80.09 | 82.69 | | stairway | 41.08 | 51.64 | | river | 14.69 | 29.73 | | bridge | 55.56 | 62.25 | | bookcase | 48.28 | 66.08 | | blind | 42.5 | 47.01 | | coffee table | 65.71 | 85.27 | | toilet | 90.37 | 93.58 | | flower | 42.19 | 58.32 | | book | 55.34 | 74.94 | | hill | 7.67 | 12.61 | | bench | 56.2 | 63.64 | | countertop | 62.13 | 86.49 | | stove | 86.9 | 91.97 | | palm | 54.93 | 81.84 | | kitchen island | 57.1 | 84.7 | | computer | 79.03 | 91.4 | | swivel chair | 45.65 | 67.93 | | boat | 76.92 | 89.84 | | bar | 61.76 | 70.96 | | arcade machine | 79.41 | 82.38 | | hovel | 18.08 | 19.38 | | bus | 94.23 | 97.44 | | towel | 78.45 | 86.16 | | light | 62.84 | 71.95 | | truck | 50.29 | 64.49 | | tower | 27.61 | 45.37 | | chandelier | 74.48 | 87.28 | | awning | 41.57 | 50.73 | | streetlight | 39.54 | 53.15 | | booth | 53.03 | 69.15 | | television receiver | 79.03 | 90.33 | | airplane | 88.06 | 97.18 | | dirt track | 7.81 | 35.66 | | apparel | 63.22 | 81.92 | | pole | 30.93 | 42.4 | | land | 3.52 | 4.88 | | bannister | 20.8 | 26.36 | | escalator | 65.31 | 86.25 | | ottoman | 58.13 | 72.86 | | bottle | 45.52 | 70.88 | | buffet | 53.53 | 59.68 | | poster | 34.88 | 40.23 | | stage | 29.5 | 47.75 | | van | 44.34 | 63.04 | | ship | 77.08 | 82.64 | | fountain | 35.47 | 36.53 | | conveyer belt | 81.25 | 93.63 | | canopy | 58.88 | 75.32 | | washer | 85.38 | 90.68 | | plaything | 31.42 | 48.52 | | swimming pool | 55.04 | 79.05 | | stool | 56.46 | 69.42 | | barrel | 69.16 | 91.57 | | basket | 44.98 | 60.49 | | waterfall | 50.99 | 60.26 | | tent | 91.75 | 98.58 | | bag | 25.81 | 29.97 | | minibike | 77.56 | 89.71 | | cradle | 88.8 | 97.9 | | oven | 65.63 | 77.88 | | ball | 60.41 | 67.64 | | food | 60.1 | 69.29 | | step | 11.35 | 13.32 | | tank | 74.06 | 81.39 | | trade name | 24.5 | 28.28 | | microwave | 90.93 | 96.19 | | pot | 62.18 | 71.5 | | animal | 63.78 | 65.47 | | bicycle | 63.06 | 81.69 | | lake | 59.7 | 68.11 | | dishwasher | 75.4 | 84.16 | | screen | 58.45 | 80.87 | | blanket | 34.97 | 40.42 | | sculpture | 79.94 | 87.71 | | hood | 63.84 | 74.87 | | sconce | 60.72 | 71.34 | | vase | 48.18 | 66.62 | | traffic light | 39.24 | 60.41 | | tray | 24.93 | 34.94 | | ashcan | 52.64 | 67.14 | | fan | 71.78 | 86.4 | | pier | 40.11 | 45.48 | | crt screen | 1.59 | 3.6 | | plate | 62.94 | 79.79 | | monitor | 36.47 | 41.84 | | bulletin board | 64.46 | 75.0 | | shower | 17.1 | 19.19 | | radiator | 63.26 | 77.33 | | glass | 23.4 | 25.75 | | clock | 54.38 | 66.39 | | flag | 71.59 | 78.51 | +---------------------+-------+-------+ 2023-11-03 16:13:59,682 - mmseg - INFO - Summary: 2023-11-03 16:13:59,682 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.66 | 58.84 | 70.71 | +-------+-------+-------+ 2023-11-03 16:13:59,683 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 16:13:59,683 - mmseg - INFO - Iter(val) [250] aAcc: 0.8666, mIoU: 0.5884, mAcc: 0.7071, IoU.wall: 0.8272, IoU.building: 0.8488, IoU.sky: 0.9492, IoU.floor: 0.8577, IoU.tree: 0.7721, IoU.ceiling: 0.8789, IoU.road: 0.8740, IoU.bed : 0.9287, IoU.windowpane: 0.6636, IoU.grass: 0.7062, IoU.cabinet: 0.6813, IoU.sidewalk: 0.7221, IoU.person: 0.8582, IoU.earth: 0.4252, IoU.door: 0.6129, IoU.table: 0.7197, IoU.mountain: 0.6401, IoU.plant: 0.5814, IoU.curtain: 0.7778, IoU.chair: 0.6825, IoU.car: 0.8756, IoU.water: 0.6235, IoU.painting: 0.7902, IoU.sofa: 0.8196, IoU.shelf: 0.4947, IoU.house: 0.5153, IoU.sea: 0.7325, IoU.mirror: 0.7621, IoU.rug: 0.6990, IoU.field: 0.2965, IoU.armchair: 0.6338, IoU.seat: 0.7015, IoU.fence: 0.5118, IoU.desk: 0.5913, IoU.rock: 0.5949, IoU.wardrobe: 0.5771, IoU.lamp: 0.7623, IoU.bathtub: 0.9003, IoU.railing: 0.4498, IoU.cushion: 0.6878, IoU.base: 0.3897, IoU.box: 0.3818, IoU.column: 0.5702, IoU.signboard: 0.4139, IoU.chest of drawers: 0.4878, IoU.counter: 0.5351, IoU.sand: 0.6176, IoU.sink: 0.8138, IoU.skyscraper: 0.4426, IoU.fireplace: 0.7644, IoU.refrigerator: 0.8675, IoU.grandstand: 0.5409, IoU.path: 0.3161, IoU.stairs: 0.3704, IoU.runway: 0.7378, IoU.case: 0.5842, IoU.pool table: 0.9428, IoU.pillow: 0.6690, IoU.screen door: 0.8009, IoU.stairway: 0.4108, IoU.river: 0.1469, IoU.bridge: 0.5556, IoU.bookcase: 0.4828, IoU.blind: 0.4250, IoU.coffee table: 0.6571, IoU.toilet: 0.9037, IoU.flower: 0.4219, IoU.book: 0.5534, IoU.hill: 0.0767, IoU.bench: 0.5620, IoU.countertop: 0.6213, IoU.stove: 0.8690, IoU.palm: 0.5493, IoU.kitchen island: 0.5710, IoU.computer: 0.7903, IoU.swivel chair: 0.4565, IoU.boat: 0.7692, IoU.bar: 0.6176, IoU.arcade machine: 0.7941, IoU.hovel: 0.1808, IoU.bus: 0.9423, IoU.towel: 0.7845, IoU.light: 0.6284, IoU.truck: 0.5029, IoU.tower: 0.2761, IoU.chandelier: 0.7448, IoU.awning: 0.4157, IoU.streetlight: 0.3954, IoU.booth: 0.5303, IoU.television receiver: 0.7903, IoU.airplane: 0.8806, IoU.dirt track: 0.0781, IoU.apparel: 0.6322, IoU.pole: 0.3093, IoU.land: 0.0352, IoU.bannister: 0.2080, IoU.escalator: 0.6531, IoU.ottoman: 0.5813, IoU.bottle: 0.4552, IoU.buffet: 0.5353, IoU.poster: 0.3488, IoU.stage: 0.2950, IoU.van: 0.4434, IoU.ship: 0.7708, IoU.fountain: 0.3547, IoU.conveyer belt: 0.8125, IoU.canopy: 0.5888, IoU.washer: 0.8538, IoU.plaything: 0.3142, IoU.swimming pool: 0.5504, IoU.stool: 0.5646, IoU.barrel: 0.6916, IoU.basket: 0.4498, IoU.waterfall: 0.5099, IoU.tent: 0.9175, IoU.bag: 0.2581, IoU.minibike: 0.7756, IoU.cradle: 0.8880, IoU.oven: 0.6563, IoU.ball: 0.6041, IoU.food: 0.6010, IoU.step: 0.1135, IoU.tank: 0.7406, IoU.trade name: 0.2450, IoU.microwave: 0.9093, IoU.pot: 0.6218, IoU.animal: 0.6378, IoU.bicycle: 0.6306, IoU.lake: 0.5970, IoU.dishwasher: 0.7540, IoU.screen: 0.5845, IoU.blanket: 0.3497, IoU.sculpture: 0.7994, IoU.hood: 0.6384, IoU.sconce: 0.6072, IoU.vase: 0.4818, IoU.traffic light: 0.3924, IoU.tray: 0.2493, IoU.ashcan: 0.5264, IoU.fan: 0.7178, IoU.pier: 0.4011, IoU.crt screen: 0.0159, IoU.plate: 0.6294, IoU.monitor: 0.3647, IoU.bulletin board: 0.6446, IoU.shower: 0.1710, IoU.radiator: 0.6326, IoU.glass: 0.2340, IoU.clock: 0.5438, IoU.flag: 0.7159, Acc.wall: 0.9036, Acc.building: 0.9351, Acc.sky: 0.9755, Acc.floor: 0.9262, Acc.tree: 0.9016, Acc.ceiling: 0.9441, Acc.road: 0.9145, Acc.bed : 0.9734, Acc.windowpane: 0.8230, Acc.grass: 0.8476, Acc.cabinet: 0.7845, Acc.sidewalk: 0.8628, Acc.person: 0.9463, Acc.earth: 0.5671, Acc.door: 0.7622, Acc.table: 0.8317, Acc.mountain: 0.7405, Acc.plant: 0.6911, Acc.curtain: 0.8834, Acc.chair: 0.8010, Acc.car: 0.9396, Acc.water: 0.7776, Acc.painting: 0.9053, Acc.sofa: 0.8981, Acc.shelf: 0.6664, Acc.house: 0.6365, Acc.sea: 0.8411, Acc.mirror: 0.8523, Acc.rug: 0.7925, Acc.field: 0.4709, Acc.armchair: 0.8110, Acc.seat: 0.8986, Acc.fence: 0.6534, Acc.desk: 0.7843, Acc.rock: 0.8583, Acc.wardrobe: 0.7437, Acc.lamp: 0.8715, Acc.bathtub: 0.9338, Acc.railing: 0.5983, Acc.cushion: 0.7986, Acc.base: 0.5618, Acc.box: 0.4865, Acc.column: 0.7018, Acc.signboard: 0.5533, Acc.chest of drawers: 0.6706, Acc.counter: 0.6317, Acc.sand: 0.8652, Acc.sink: 0.8716, Acc.skyscraper: 0.5620, Acc.fireplace: 0.9533, Acc.refrigerator: 0.9517, Acc.grandstand: 0.8086, Acc.path: 0.4443, Acc.stairs: 0.4630, Acc.runway: 0.9581, Acc.case: 0.7428, Acc.pool table: 0.9792, Acc.pillow: 0.7867, Acc.screen door: 0.8269, Acc.stairway: 0.5164, Acc.river: 0.2973, Acc.bridge: 0.6225, Acc.bookcase: 0.6608, Acc.blind: 0.4701, Acc.coffee table: 0.8527, Acc.toilet: 0.9358, Acc.flower: 0.5832, Acc.book: 0.7494, Acc.hill: 0.1261, Acc.bench: 0.6364, Acc.countertop: 0.8649, Acc.stove: 0.9197, Acc.palm: 0.8184, Acc.kitchen island: 0.8470, Acc.computer: 0.9140, Acc.swivel chair: 0.6793, Acc.boat: 0.8984, Acc.bar: 0.7096, Acc.arcade machine: 0.8238, Acc.hovel: 0.1938, Acc.bus: 0.9744, Acc.towel: 0.8616, Acc.light: 0.7195, Acc.truck: 0.6449, Acc.tower: 0.4537, Acc.chandelier: 0.8728, Acc.awning: 0.5073, Acc.streetlight: 0.5315, Acc.booth: 0.6915, Acc.television receiver: 0.9033, Acc.airplane: 0.9718, Acc.dirt track: 0.3566, Acc.apparel: 0.8192, Acc.pole: 0.4240, Acc.land: 0.0488, Acc.bannister: 0.2636, Acc.escalator: 0.8625, Acc.ottoman: 0.7286, Acc.bottle: 0.7088, Acc.buffet: 0.5968, Acc.poster: 0.4023, Acc.stage: 0.4775, Acc.van: 0.6304, Acc.ship: 0.8264, Acc.fountain: 0.3653, Acc.conveyer belt: 0.9363, Acc.canopy: 0.7532, Acc.washer: 0.9068, Acc.plaything: 0.4852, Acc.swimming pool: 0.7905, Acc.stool: 0.6942, Acc.barrel: 0.9157, Acc.basket: 0.6049, Acc.waterfall: 0.6026, Acc.tent: 0.9858, Acc.bag: 0.2997, Acc.minibike: 0.8971, Acc.cradle: 0.9790, Acc.oven: 0.7788, Acc.ball: 0.6764, Acc.food: 0.6929, Acc.step: 0.1332, Acc.tank: 0.8139, Acc.trade name: 0.2828, Acc.microwave: 0.9619, Acc.pot: 0.7150, Acc.animal: 0.6547, Acc.bicycle: 0.8169, Acc.lake: 0.6811, Acc.dishwasher: 0.8416, Acc.screen: 0.8087, Acc.blanket: 0.4042, Acc.sculpture: 0.8771, Acc.hood: 0.7487, Acc.sconce: 0.7134, Acc.vase: 0.6662, Acc.traffic light: 0.6041, Acc.tray: 0.3494, Acc.ashcan: 0.6714, Acc.fan: 0.8640, Acc.pier: 0.4548, Acc.crt screen: 0.0360, Acc.plate: 0.7979, Acc.monitor: 0.4184, Acc.bulletin board: 0.7500, Acc.shower: 0.1919, Acc.radiator: 0.7733, Acc.glass: 0.2575, Acc.clock: 0.6639, Acc.flag: 0.7851 2023-11-03 16:15:22,932 - mmseg - INFO - Iter [76050/80000] lr: 1.600e-07, eta: 1:59:16, time: 3.531, data_time: 1.874, memory: 69173, decode.loss_ce: 0.1160, decode.acc_seg: 94.7081, aux.loss_ce: 0.0693, aux.acc_seg: 92.8213, loss: 0.1853 2023-11-03 16:16:45,997 - mmseg - INFO - Iter [76100/80000] lr: 1.580e-07, eta: 1:57:45, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1181, decode.acc_seg: 94.7111, aux.loss_ce: 0.0690, aux.acc_seg: 92.7718, loss: 0.1871 2023-11-03 16:18:09,102 - mmseg - INFO - Iter [76150/80000] lr: 1.560e-07, eta: 1:56:14, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1160, decode.acc_seg: 94.8171, aux.loss_ce: 0.0680, aux.acc_seg: 92.9714, loss: 0.1839 2023-11-03 16:19:32,258 - mmseg - INFO - Iter [76200/80000] lr: 1.539e-07, eta: 1:54:43, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1190, decode.acc_seg: 94.4774, aux.loss_ce: 0.0686, aux.acc_seg: 92.6058, loss: 0.1876 2023-11-03 16:20:55,402 - mmseg - INFO - Iter [76250/80000] lr: 1.519e-07, eta: 1:53:12, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1115, decode.acc_seg: 94.9541, aux.loss_ce: 0.0667, aux.acc_seg: 93.0451, loss: 0.1782 2023-11-03 16:22:18,480 - mmseg - INFO - Iter [76300/80000] lr: 1.499e-07, eta: 1:51:42, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1134, decode.acc_seg: 94.7436, aux.loss_ce: 0.0680, aux.acc_seg: 92.6943, loss: 0.1814 2023-11-03 16:23:41,609 - mmseg - INFO - Iter [76350/80000] lr: 1.479e-07, eta: 1:50:11, time: 1.663, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1131, decode.acc_seg: 94.8235, aux.loss_ce: 0.0669, aux.acc_seg: 92.9765, loss: 0.1799 2023-11-03 16:25:04,722 - mmseg - INFO - Iter [76400/80000] lr: 1.458e-07, eta: 1:48:40, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1150, decode.acc_seg: 94.8398, aux.loss_ce: 0.0653, aux.acc_seg: 93.1999, loss: 0.1803 2023-11-03 16:26:27,818 - mmseg - INFO - Iter [76450/80000] lr: 1.438e-07, eta: 1:47:09, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1091, decode.acc_seg: 94.9161, aux.loss_ce: 0.0633, aux.acc_seg: 93.2391, loss: 0.1723 2023-11-03 16:27:51,000 - mmseg - INFO - Iter [76500/80000] lr: 1.418e-07, eta: 1:45:38, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1187, decode.acc_seg: 94.7056, aux.loss_ce: 0.0707, aux.acc_seg: 92.5350, loss: 0.1894 2023-11-03 16:29:14,190 - mmseg - INFO - Iter [76550/80000] lr: 1.398e-07, eta: 1:44:07, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1246, decode.acc_seg: 94.4209, aux.loss_ce: 0.0702, aux.acc_seg: 92.6097, loss: 0.1947 2023-11-03 16:30:37,302 - mmseg - INFO - Iter [76600/80000] lr: 1.377e-07, eta: 1:42:36, time: 1.662, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1120, decode.acc_seg: 94.9070, aux.loss_ce: 0.0666, aux.acc_seg: 92.9944, loss: 0.1786 2023-11-03 16:32:00,493 - mmseg - INFO - Iter [76650/80000] lr: 1.357e-07, eta: 1:41:05, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1118, decode.acc_seg: 94.8090, aux.loss_ce: 0.0644, aux.acc_seg: 93.1141, loss: 0.1762 2023-11-03 16:33:23,639 - mmseg - INFO - Iter [76700/80000] lr: 1.337e-07, eta: 1:39:34, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1072, decode.acc_seg: 95.0302, aux.loss_ce: 0.0653, aux.acc_seg: 92.8575, loss: 0.1725 2023-11-03 16:34:46,772 - mmseg - INFO - Iter [76750/80000] lr: 1.317e-07, eta: 1:38:04, time: 1.663, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1246, decode.acc_seg: 94.5016, aux.loss_ce: 0.0743, aux.acc_seg: 92.3264, loss: 0.1990 2023-11-03 16:36:10,912 - mmseg - INFO - Iter [76800/80000] lr: 1.296e-07, eta: 1:36:33, time: 1.683, data_time: 0.027, memory: 69173, decode.loss_ce: 0.1155, decode.acc_seg: 94.7486, aux.loss_ce: 0.0680, aux.acc_seg: 92.8104, loss: 0.1835 2023-11-03 16:37:34,092 - mmseg - INFO - Iter [76850/80000] lr: 1.276e-07, eta: 1:35:02, time: 1.664, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1206, decode.acc_seg: 94.6604, aux.loss_ce: 0.0688, aux.acc_seg: 92.8267, loss: 0.1894 2023-11-03 16:38:57,305 - mmseg - INFO - Iter [76900/80000] lr: 1.256e-07, eta: 1:33:31, time: 1.664, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1112, decode.acc_seg: 94.8247, aux.loss_ce: 0.0625, aux.acc_seg: 93.2716, loss: 0.1737 2023-11-03 16:40:20,509 - mmseg - INFO - Iter [76950/80000] lr: 1.236e-07, eta: 1:32:00, time: 1.664, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1170, decode.acc_seg: 94.7820, aux.loss_ce: 0.0703, aux.acc_seg: 92.8264, loss: 0.1873 2023-11-03 16:41:43,660 - mmseg - INFO - Saving checkpoint at 77000 iterations 2023-11-03 16:42:43,836 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 16:42:43,837 - mmseg - INFO - Iter [77000/80000] lr: 1.215e-07, eta: 1:30:32, time: 2.867, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1122, decode.acc_seg: 94.9163, aux.loss_ce: 0.0647, aux.acc_seg: 93.1803, loss: 0.1769 2023-11-03 16:44:13,995 - mmseg - INFO - per class results: 2023-11-03 16:44:14,001 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.79 | 90.13 | | building | 84.81 | 93.25 | | sky | 94.91 | 97.44 | | floor | 85.57 | 92.89 | | tree | 77.32 | 90.74 | | ceiling | 87.93 | 94.47 | | road | 87.22 | 91.75 | | bed | 92.8 | 97.47 | | windowpane | 65.94 | 82.94 | | grass | 70.07 | 84.81 | | cabinet | 67.91 | 77.86 | | sidewalk | 72.08 | 85.51 | | person | 85.85 | 94.43 | | earth | 41.24 | 53.45 | | door | 61.28 | 75.93 | | table | 71.84 | 82.93 | | mountain | 63.98 | 73.95 | | plant | 57.86 | 68.88 | | curtain | 77.31 | 87.06 | | chair | 68.44 | 80.25 | | car | 87.6 | 93.97 | | water | 62.3 | 78.15 | | painting | 78.87 | 90.68 | | sofa | 82.06 | 89.76 | | shelf | 49.57 | 66.94 | | house | 51.08 | 62.67 | | sea | 73.48 | 84.34 | | mirror | 76.71 | 86.44 | | rug | 70.02 | 79.28 | | field | 28.91 | 48.52 | | armchair | 63.51 | 80.24 | | seat | 70.21 | 89.6 | | fence | 51.29 | 65.15 | | desk | 59.16 | 78.8 | | rock | 59.52 | 85.54 | | wardrobe | 57.53 | 74.22 | | lamp | 76.29 | 86.99 | | bathtub | 89.64 | 93.25 | | railing | 45.35 | 63.05 | | cushion | 68.01 | 79.92 | | base | 38.49 | 55.07 | | box | 37.46 | 46.58 | | column | 57.1 | 71.66 | | signboard | 41.26 | 55.7 | | chest of drawers | 49.02 | 66.79 | | counter | 53.94 | 64.3 | | sand | 61.81 | 86.88 | | sink | 81.41 | 87.27 | | skyscraper | 45.77 | 59.04 | | fireplace | 75.74 | 95.8 | | refrigerator | 86.58 | 94.92 | | grandstand | 53.02 | 82.13 | | path | 32.0 | 47.79 | | stairs | 37.93 | 48.09 | | runway | 72.99 | 94.68 | | case | 58.7 | 75.8 | | pool table | 94.32 | 97.79 | | pillow | 64.58 | 74.7 | | screen door | 80.27 | 82.81 | | stairway | 42.45 | 51.44 | | river | 14.62 | 29.67 | | bridge | 55.47 | 62.69 | | bookcase | 48.36 | 65.66 | | blind | 42.31 | 46.48 | | coffee table | 65.83 | 85.46 | | toilet | 90.31 | 93.37 | | flower | 41.9 | 57.77 | | book | 55.71 | 75.95 | | hill | 7.73 | 12.99 | | bench | 56.52 | 64.2 | | countertop | 63.2 | 84.6 | | stove | 86.77 | 92.56 | | palm | 54.75 | 81.45 | | kitchen island | 56.7 | 84.99 | | computer | 79.55 | 90.9 | | swivel chair | 45.8 | 65.97 | | boat | 77.83 | 90.1 | | bar | 63.83 | 73.35 | | arcade machine | 79.73 | 82.7 | | hovel | 17.6 | 18.85 | | bus | 94.29 | 97.2 | | towel | 78.96 | 87.02 | | light | 63.24 | 72.71 | | truck | 49.55 | 63.28 | | tower | 26.97 | 44.38 | | chandelier | 74.24 | 87.12 | | awning | 43.22 | 53.58 | | streetlight | 39.59 | 52.81 | | booth | 54.08 | 70.8 | | television receiver | 77.91 | 90.72 | | airplane | 87.95 | 97.35 | | dirt track | 8.4 | 38.34 | | apparel | 63.43 | 84.53 | | pole | 31.41 | 42.72 | | land | 3.27 | 4.51 | | bannister | 21.6 | 27.81 | | escalator | 65.01 | 86.53 | | ottoman | 58.54 | 73.81 | | bottle | 45.31 | 72.52 | | buffet | 54.54 | 61.33 | | poster | 35.33 | 42.3 | | stage | 28.28 | 48.13 | | van | 44.29 | 63.84 | | ship | 73.8 | 78.21 | | fountain | 36.34 | 37.64 | | conveyer belt | 80.37 | 94.24 | | canopy | 59.87 | 76.22 | | washer | 85.55 | 90.88 | | plaything | 30.3 | 50.27 | | swimming pool | 56.21 | 80.95 | | stool | 56.81 | 69.32 | | barrel | 59.95 | 91.8 | | basket | 44.68 | 59.97 | | waterfall | 50.48 | 61.61 | | tent | 91.9 | 98.5 | | bag | 24.32 | 27.74 | | minibike | 76.73 | 90.3 | | cradle | 89.0 | 98.04 | | oven | 66.0 | 78.52 | | ball | 60.41 | 67.26 | | food | 59.83 | 70.41 | | step | 11.17 | 13.0 | | tank | 83.41 | 93.98 | | trade name | 25.43 | 29.58 | | microwave | 90.94 | 96.22 | | pot | 62.46 | 70.91 | | animal | 63.6 | 65.34 | | bicycle | 63.18 | 81.87 | | lake | 58.94 | 68.57 | | dishwasher | 75.31 | 84.42 | | screen | 58.63 | 80.62 | | blanket | 35.37 | 41.37 | | sculpture | 79.09 | 88.13 | | hood | 63.98 | 75.28 | | sconce | 61.01 | 71.98 | | vase | 48.4 | 66.03 | | traffic light | 39.42 | 64.5 | | tray | 23.55 | 32.77 | | ashcan | 52.62 | 67.08 | | fan | 71.9 | 85.75 | | pier | 40.21 | 45.61 | | crt screen | 1.72 | 3.61 | | plate | 63.02 | 79.84 | | monitor | 43.6 | 51.55 | | bulletin board | 64.39 | 78.27 | | shower | 17.68 | 20.25 | | radiator | 63.23 | 78.62 | | glass | 22.64 | 24.55 | | clock | 54.86 | 67.69 | | flag | 72.25 | 81.04 | +---------------------+-------+-------+ 2023-11-03 16:44:14,001 - mmseg - INFO - Summary: 2023-11-03 16:44:14,001 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.61 | 58.88 | 71.11 | +-------+-------+-------+ 2023-11-03 16:44:14,002 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 16:44:14,002 - mmseg - INFO - Iter(val) [250] aAcc: 0.8661, mIoU: 0.5888, mAcc: 0.7111, IoU.wall: 0.8279, IoU.building: 0.8481, IoU.sky: 0.9491, IoU.floor: 0.8557, IoU.tree: 0.7732, IoU.ceiling: 0.8793, IoU.road: 0.8722, IoU.bed : 0.9280, IoU.windowpane: 0.6594, IoU.grass: 0.7007, IoU.cabinet: 0.6791, IoU.sidewalk: 0.7208, IoU.person: 0.8585, IoU.earth: 0.4124, IoU.door: 0.6128, IoU.table: 0.7184, IoU.mountain: 0.6398, IoU.plant: 0.5786, IoU.curtain: 0.7731, IoU.chair: 0.6844, IoU.car: 0.8760, IoU.water: 0.6230, IoU.painting: 0.7887, IoU.sofa: 0.8206, IoU.shelf: 0.4957, IoU.house: 0.5108, IoU.sea: 0.7348, IoU.mirror: 0.7671, IoU.rug: 0.7002, IoU.field: 0.2891, IoU.armchair: 0.6351, IoU.seat: 0.7021, IoU.fence: 0.5129, IoU.desk: 0.5916, IoU.rock: 0.5952, IoU.wardrobe: 0.5753, IoU.lamp: 0.7629, IoU.bathtub: 0.8964, IoU.railing: 0.4535, IoU.cushion: 0.6801, IoU.base: 0.3849, IoU.box: 0.3746, IoU.column: 0.5710, IoU.signboard: 0.4126, IoU.chest of drawers: 0.4902, IoU.counter: 0.5394, IoU.sand: 0.6181, IoU.sink: 0.8141, IoU.skyscraper: 0.4577, IoU.fireplace: 0.7574, IoU.refrigerator: 0.8658, IoU.grandstand: 0.5302, IoU.path: 0.3200, IoU.stairs: 0.3793, IoU.runway: 0.7299, IoU.case: 0.5870, IoU.pool table: 0.9432, IoU.pillow: 0.6458, IoU.screen door: 0.8027, IoU.stairway: 0.4245, IoU.river: 0.1462, IoU.bridge: 0.5547, IoU.bookcase: 0.4836, IoU.blind: 0.4231, IoU.coffee table: 0.6583, IoU.toilet: 0.9031, IoU.flower: 0.4190, IoU.book: 0.5571, IoU.hill: 0.0773, IoU.bench: 0.5652, IoU.countertop: 0.6320, IoU.stove: 0.8677, IoU.palm: 0.5475, IoU.kitchen island: 0.5670, IoU.computer: 0.7955, IoU.swivel chair: 0.4580, IoU.boat: 0.7783, IoU.bar: 0.6383, IoU.arcade machine: 0.7973, IoU.hovel: 0.1760, IoU.bus: 0.9429, IoU.towel: 0.7896, IoU.light: 0.6324, IoU.truck: 0.4955, IoU.tower: 0.2697, IoU.chandelier: 0.7424, IoU.awning: 0.4322, IoU.streetlight: 0.3959, IoU.booth: 0.5408, IoU.television receiver: 0.7791, IoU.airplane: 0.8795, IoU.dirt track: 0.0840, IoU.apparel: 0.6343, IoU.pole: 0.3141, IoU.land: 0.0327, IoU.bannister: 0.2160, IoU.escalator: 0.6501, IoU.ottoman: 0.5854, IoU.bottle: 0.4531, IoU.buffet: 0.5454, IoU.poster: 0.3533, IoU.stage: 0.2828, IoU.van: 0.4429, IoU.ship: 0.7380, IoU.fountain: 0.3634, IoU.conveyer belt: 0.8037, IoU.canopy: 0.5987, IoU.washer: 0.8555, IoU.plaything: 0.3030, IoU.swimming pool: 0.5621, IoU.stool: 0.5681, IoU.barrel: 0.5995, IoU.basket: 0.4468, IoU.waterfall: 0.5048, IoU.tent: 0.9190, IoU.bag: 0.2432, IoU.minibike: 0.7673, IoU.cradle: 0.8900, IoU.oven: 0.6600, IoU.ball: 0.6041, IoU.food: 0.5983, IoU.step: 0.1117, IoU.tank: 0.8341, IoU.trade name: 0.2543, IoU.microwave: 0.9094, IoU.pot: 0.6246, IoU.animal: 0.6360, IoU.bicycle: 0.6318, IoU.lake: 0.5894, IoU.dishwasher: 0.7531, IoU.screen: 0.5863, IoU.blanket: 0.3537, IoU.sculpture: 0.7909, IoU.hood: 0.6398, IoU.sconce: 0.6101, IoU.vase: 0.4840, IoU.traffic light: 0.3942, IoU.tray: 0.2355, IoU.ashcan: 0.5262, IoU.fan: 0.7190, IoU.pier: 0.4021, IoU.crt screen: 0.0172, IoU.plate: 0.6302, IoU.monitor: 0.4360, IoU.bulletin board: 0.6439, IoU.shower: 0.1768, IoU.radiator: 0.6323, IoU.glass: 0.2264, IoU.clock: 0.5486, IoU.flag: 0.7225, Acc.wall: 0.9013, Acc.building: 0.9325, Acc.sky: 0.9744, Acc.floor: 0.9289, Acc.tree: 0.9074, Acc.ceiling: 0.9447, Acc.road: 0.9175, Acc.bed : 0.9747, Acc.windowpane: 0.8294, Acc.grass: 0.8481, Acc.cabinet: 0.7786, Acc.sidewalk: 0.8551, Acc.person: 0.9443, Acc.earth: 0.5345, Acc.door: 0.7593, Acc.table: 0.8293, Acc.mountain: 0.7395, Acc.plant: 0.6888, Acc.curtain: 0.8706, Acc.chair: 0.8025, Acc.car: 0.9397, Acc.water: 0.7815, Acc.painting: 0.9068, Acc.sofa: 0.8976, Acc.shelf: 0.6694, Acc.house: 0.6267, Acc.sea: 0.8434, Acc.mirror: 0.8644, Acc.rug: 0.7928, Acc.field: 0.4852, Acc.armchair: 0.8024, Acc.seat: 0.8960, Acc.fence: 0.6515, Acc.desk: 0.7880, Acc.rock: 0.8554, Acc.wardrobe: 0.7422, Acc.lamp: 0.8699, Acc.bathtub: 0.9325, Acc.railing: 0.6305, Acc.cushion: 0.7992, Acc.base: 0.5507, Acc.box: 0.4658, Acc.column: 0.7166, Acc.signboard: 0.5570, Acc.chest of drawers: 0.6679, Acc.counter: 0.6430, Acc.sand: 0.8688, Acc.sink: 0.8727, Acc.skyscraper: 0.5904, Acc.fireplace: 0.9580, Acc.refrigerator: 0.9492, Acc.grandstand: 0.8213, Acc.path: 0.4779, Acc.stairs: 0.4809, Acc.runway: 0.9468, Acc.case: 0.7580, Acc.pool table: 0.9779, Acc.pillow: 0.7470, Acc.screen door: 0.8281, Acc.stairway: 0.5144, Acc.river: 0.2967, Acc.bridge: 0.6269, Acc.bookcase: 0.6566, Acc.blind: 0.4648, Acc.coffee table: 0.8546, Acc.toilet: 0.9337, Acc.flower: 0.5777, Acc.book: 0.7595, Acc.hill: 0.1299, Acc.bench: 0.6420, Acc.countertop: 0.8460, Acc.stove: 0.9256, Acc.palm: 0.8145, Acc.kitchen island: 0.8499, Acc.computer: 0.9090, Acc.swivel chair: 0.6597, Acc.boat: 0.9010, Acc.bar: 0.7335, Acc.arcade machine: 0.8270, Acc.hovel: 0.1885, Acc.bus: 0.9720, Acc.towel: 0.8702, Acc.light: 0.7271, Acc.truck: 0.6328, Acc.tower: 0.4438, Acc.chandelier: 0.8712, Acc.awning: 0.5358, Acc.streetlight: 0.5281, Acc.booth: 0.7080, Acc.television receiver: 0.9072, Acc.airplane: 0.9735, Acc.dirt track: 0.3834, Acc.apparel: 0.8453, Acc.pole: 0.4272, Acc.land: 0.0451, Acc.bannister: 0.2781, Acc.escalator: 0.8653, Acc.ottoman: 0.7381, Acc.bottle: 0.7252, Acc.buffet: 0.6133, Acc.poster: 0.4230, Acc.stage: 0.4813, Acc.van: 0.6384, Acc.ship: 0.7821, Acc.fountain: 0.3764, Acc.conveyer belt: 0.9424, Acc.canopy: 0.7622, Acc.washer: 0.9088, Acc.plaything: 0.5027, Acc.swimming pool: 0.8095, Acc.stool: 0.6932, Acc.barrel: 0.9180, Acc.basket: 0.5997, Acc.waterfall: 0.6161, Acc.tent: 0.9850, Acc.bag: 0.2774, Acc.minibike: 0.9030, Acc.cradle: 0.9804, Acc.oven: 0.7852, Acc.ball: 0.6726, Acc.food: 0.7041, Acc.step: 0.1300, Acc.tank: 0.9398, Acc.trade name: 0.2958, Acc.microwave: 0.9622, Acc.pot: 0.7091, Acc.animal: 0.6534, Acc.bicycle: 0.8187, Acc.lake: 0.6857, Acc.dishwasher: 0.8442, Acc.screen: 0.8062, Acc.blanket: 0.4137, Acc.sculpture: 0.8813, Acc.hood: 0.7528, Acc.sconce: 0.7198, Acc.vase: 0.6603, Acc.traffic light: 0.6450, Acc.tray: 0.3277, Acc.ashcan: 0.6708, Acc.fan: 0.8575, Acc.pier: 0.4561, Acc.crt screen: 0.0361, Acc.plate: 0.7984, Acc.monitor: 0.5155, Acc.bulletin board: 0.7827, Acc.shower: 0.2025, Acc.radiator: 0.7862, Acc.glass: 0.2455, Acc.clock: 0.6769, Acc.flag: 0.8104 2023-11-03 16:45:39,804 - mmseg - INFO - Iter [77050/80000] lr: 1.195e-07, eta: 1:29:05, time: 3.519, data_time: 1.857, memory: 69173, decode.loss_ce: 0.1091, decode.acc_seg: 94.9987, aux.loss_ce: 0.0625, aux.acc_seg: 93.4249, loss: 0.1717 2023-11-03 16:47:02,919 - mmseg - INFO - Iter [77100/80000] lr: 1.175e-07, eta: 1:27:34, time: 1.662, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1161, decode.acc_seg: 94.8547, aux.loss_ce: 0.0666, aux.acc_seg: 93.0692, loss: 0.1827 2023-11-03 16:48:25,872 - mmseg - INFO - Iter [77150/80000] lr: 1.155e-07, eta: 1:26:03, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1110, decode.acc_seg: 95.0357, aux.loss_ce: 0.0627, aux.acc_seg: 93.5184, loss: 0.1737 2023-11-03 16:49:48,854 - mmseg - INFO - Iter [77200/80000] lr: 1.134e-07, eta: 1:24:32, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1110, decode.acc_seg: 94.8268, aux.loss_ce: 0.0633, aux.acc_seg: 93.2361, loss: 0.1743 2023-11-03 16:51:11,898 - mmseg - INFO - Iter [77250/80000] lr: 1.114e-07, eta: 1:23:01, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1135, decode.acc_seg: 94.7545, aux.loss_ce: 0.0682, aux.acc_seg: 92.7025, loss: 0.1817 2023-11-03 16:52:34,887 - mmseg - INFO - Iter [77300/80000] lr: 1.094e-07, eta: 1:21:30, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1163, decode.acc_seg: 94.7885, aux.loss_ce: 0.0666, aux.acc_seg: 93.0528, loss: 0.1829 2023-11-03 16:53:57,868 - mmseg - INFO - Iter [77350/80000] lr: 1.074e-07, eta: 1:20:00, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1090, decode.acc_seg: 95.1145, aux.loss_ce: 0.0627, aux.acc_seg: 93.4927, loss: 0.1717 2023-11-03 16:55:20,854 - mmseg - INFO - Iter [77400/80000] lr: 1.053e-07, eta: 1:18:29, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1204, decode.acc_seg: 94.5796, aux.loss_ce: 0.0708, aux.acc_seg: 92.5831, loss: 0.1912 2023-11-03 16:56:43,833 - mmseg - INFO - Iter [77450/80000] lr: 1.033e-07, eta: 1:16:58, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1143, decode.acc_seg: 94.8022, aux.loss_ce: 0.0688, aux.acc_seg: 92.8466, loss: 0.1831 2023-11-03 16:58:06,795 - mmseg - INFO - Iter [77500/80000] lr: 1.013e-07, eta: 1:15:27, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1173, decode.acc_seg: 94.7455, aux.loss_ce: 0.0685, aux.acc_seg: 92.8895, loss: 0.1858 2023-11-03 16:59:29,783 - mmseg - INFO - Iter [77550/80000] lr: 9.926e-08, eta: 1:13:56, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1244, decode.acc_seg: 94.3968, aux.loss_ce: 0.0717, aux.acc_seg: 92.5857, loss: 0.1960 2023-11-03 17:00:52,778 - mmseg - INFO - Iter [77600/80000] lr: 9.723e-08, eta: 1:12:26, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1187, decode.acc_seg: 94.6284, aux.loss_ce: 0.0674, aux.acc_seg: 92.8266, loss: 0.1861 2023-11-03 17:02:15,769 - mmseg - INFO - Iter [77650/80000] lr: 9.521e-08, eta: 1:10:55, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1135, decode.acc_seg: 94.7591, aux.loss_ce: 0.0647, aux.acc_seg: 93.1470, loss: 0.1782 2023-11-03 17:03:38,755 - mmseg - INFO - Iter [77700/80000] lr: 9.318e-08, eta: 1:09:24, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1194, decode.acc_seg: 94.6639, aux.loss_ce: 0.0687, aux.acc_seg: 92.8691, loss: 0.1881 2023-11-03 17:05:01,741 - mmseg - INFO - Iter [77750/80000] lr: 9.116e-08, eta: 1:07:53, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1167, decode.acc_seg: 94.5482, aux.loss_ce: 0.0686, aux.acc_seg: 92.6732, loss: 0.1853 2023-11-03 17:06:24,690 - mmseg - INFO - Iter [77800/80000] lr: 8.913e-08, eta: 1:06:22, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1169, decode.acc_seg: 94.7332, aux.loss_ce: 0.0685, aux.acc_seg: 92.9494, loss: 0.1854 2023-11-03 17:07:47,673 - mmseg - INFO - Iter [77850/80000] lr: 8.711e-08, eta: 1:04:52, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1184, decode.acc_seg: 94.6712, aux.loss_ce: 0.0672, aux.acc_seg: 92.8951, loss: 0.1856 2023-11-03 17:09:10,669 - mmseg - INFO - Iter [77900/80000] lr: 8.508e-08, eta: 1:03:21, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1147, decode.acc_seg: 94.6981, aux.loss_ce: 0.0682, aux.acc_seg: 92.8068, loss: 0.1828 2023-11-03 17:10:33,656 - mmseg - INFO - Iter [77950/80000] lr: 8.306e-08, eta: 1:01:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1159, decode.acc_seg: 94.7214, aux.loss_ce: 0.0673, aux.acc_seg: 92.8948, loss: 0.1832 2023-11-03 17:11:56,640 - mmseg - INFO - Saving checkpoint at 78000 iterations 2023-11-03 17:12:55,702 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 17:12:55,702 - mmseg - INFO - Iter [78000/80000] lr: 8.104e-08, eta: 1:00:21, time: 2.841, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1129, decode.acc_seg: 94.6790, aux.loss_ce: 0.0657, aux.acc_seg: 92.8024, loss: 0.1787 2023-11-03 17:14:25,183 - mmseg - INFO - per class results: 2023-11-03 17:14:25,188 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.73 | 90.2 | | building | 84.85 | 93.57 | | sky | 94.95 | 97.54 | | floor | 85.69 | 92.41 | | tree | 77.23 | 90.07 | | ceiling | 87.97 | 94.63 | | road | 87.41 | 91.68 | | bed | 92.82 | 97.54 | | windowpane | 66.12 | 82.59 | | grass | 70.49 | 83.36 | | cabinet | 67.59 | 77.46 | | sidewalk | 71.91 | 84.75 | | person | 85.92 | 94.63 | | earth | 42.35 | 56.72 | | door | 61.21 | 76.07 | | table | 72.05 | 83.43 | | mountain | 63.83 | 73.74 | | plant | 57.82 | 68.55 | | curtain | 77.64 | 88.09 | | chair | 68.84 | 81.07 | | car | 87.48 | 94.22 | | water | 62.11 | 77.26 | | painting | 78.85 | 90.74 | | sofa | 81.91 | 89.76 | | shelf | 49.2 | 66.95 | | house | 49.17 | 59.77 | | sea | 72.76 | 84.24 | | mirror | 76.41 | 85.64 | | rug | 70.04 | 80.28 | | field | 30.01 | 49.45 | | armchair | 63.27 | 80.55 | | seat | 70.75 | 89.07 | | fence | 51.32 | 65.87 | | desk | 59.44 | 78.66 | | rock | 59.47 | 85.24 | | wardrobe | 56.34 | 74.06 | | lamp | 76.45 | 87.1 | | bathtub | 89.98 | 93.4 | | railing | 45.31 | 63.14 | | cushion | 68.47 | 80.91 | | base | 39.05 | 55.68 | | box | 38.01 | 48.56 | | column | 57.18 | 71.14 | | signboard | 41.06 | 55.62 | | chest of drawers | 49.45 | 68.79 | | counter | 53.6 | 64.67 | | sand | 61.35 | 87.42 | | sink | 81.68 | 87.42 | | skyscraper | 44.48 | 57.06 | | fireplace | 75.94 | 95.54 | | refrigerator | 86.61 | 95.14 | | grandstand | 51.97 | 81.93 | | path | 32.62 | 47.8 | | stairs | 37.82 | 47.93 | | runway | 73.64 | 95.7 | | case | 58.49 | 74.36 | | pool table | 94.39 | 97.79 | | pillow | 65.57 | 76.35 | | screen door | 79.58 | 81.97 | | stairway | 43.48 | 52.28 | | river | 14.7 | 29.74 | | bridge | 55.84 | 63.22 | | bookcase | 48.16 | 67.34 | | blind | 42.38 | 46.59 | | coffee table | 66.23 | 85.32 | | toilet | 90.42 | 93.51 | | flower | 41.88 | 59.44 | | book | 55.12 | 76.36 | | hill | 9.45 | 15.98 | | bench | 56.72 | 64.15 | | countertop | 62.68 | 84.7 | | stove | 86.83 | 92.51 | | palm | 54.52 | 82.05 | | kitchen island | 57.89 | 83.49 | | computer | 79.2 | 91.24 | | swivel chair | 46.33 | 63.96 | | boat | 76.64 | 87.85 | | bar | 63.65 | 74.91 | | arcade machine | 79.79 | 83.09 | | hovel | 18.3 | 19.67 | | bus | 94.16 | 97.33 | | towel | 78.77 | 86.32 | | light | 62.81 | 70.53 | | truck | 50.14 | 63.22 | | tower | 31.37 | 53.53 | | chandelier | 74.27 | 86.54 | | awning | 42.4 | 52.97 | | streetlight | 39.27 | 52.3 | | booth | 54.66 | 71.72 | | television receiver | 77.8 | 90.82 | | airplane | 88.17 | 97.17 | | dirt track | 8.12 | 37.19 | | apparel | 63.72 | 84.77 | | pole | 31.01 | 42.55 | | land | 3.73 | 5.11 | | bannister | 21.58 | 28.19 | | escalator | 65.9 | 86.3 | | ottoman | 57.28 | 70.97 | | bottle | 45.21 | 71.64 | | buffet | 52.36 | 58.87 | | poster | 35.01 | 40.27 | | stage | 29.49 | 47.49 | | van | 43.88 | 61.86 | | ship | 67.73 | 73.26 | | fountain | 34.83 | 35.83 | | conveyer belt | 80.93 | 94.33 | | canopy | 59.27 | 74.65 | | washer | 85.26 | 90.53 | | plaything | 30.83 | 48.06 | | swimming pool | 56.21 | 80.97 | | stool | 56.67 | 69.51 | | barrel | 62.11 | 92.63 | | basket | 44.7 | 61.18 | | waterfall | 51.07 | 61.36 | | tent | 91.82 | 98.56 | | bag | 25.61 | 29.63 | | minibike | 77.27 | 89.99 | | cradle | 89.06 | 97.97 | | oven | 66.78 | 78.58 | | ball | 59.43 | 64.88 | | food | 60.44 | 70.47 | | step | 11.32 | 13.0 | | tank | 76.12 | 85.94 | | trade name | 24.46 | 28.2 | | microwave | 90.88 | 96.41 | | pot | 61.63 | 70.02 | | animal | 63.39 | 65.0 | | bicycle | 62.74 | 81.23 | | lake | 60.58 | 68.03 | | dishwasher | 75.36 | 84.33 | | screen | 59.25 | 81.6 | | blanket | 35.03 | 40.99 | | sculpture | 79.36 | 88.37 | | hood | 63.8 | 76.37 | | sconce | 61.76 | 73.72 | | vase | 48.18 | 65.58 | | traffic light | 39.22 | 63.05 | | tray | 24.77 | 35.92 | | ashcan | 52.93 | 67.5 | | fan | 71.76 | 86.13 | | pier | 40.18 | 46.19 | | crt screen | 1.66 | 3.61 | | plate | 62.5 | 80.26 | | monitor | 39.02 | 44.98 | | bulletin board | 64.5 | 77.95 | | shower | 17.62 | 19.82 | | radiator | 63.46 | 78.38 | | glass | 22.33 | 24.12 | | clock | 55.01 | 67.99 | | flag | 72.11 | 80.04 | +---------------------+-------+-------+ 2023-11-03 17:14:25,188 - mmseg - INFO - Summary: 2023-11-03 17:14:25,188 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.61 | 58.82 | 70.98 | +-------+-------+-------+ 2023-11-03 17:14:25,189 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 17:14:25,189 - mmseg - INFO - Iter(val) [250] aAcc: 0.8661, mIoU: 0.5882, mAcc: 0.7098, IoU.wall: 0.8273, IoU.building: 0.8485, IoU.sky: 0.9495, IoU.floor: 0.8569, IoU.tree: 0.7723, IoU.ceiling: 0.8797, IoU.road: 0.8741, IoU.bed : 0.9282, IoU.windowpane: 0.6612, IoU.grass: 0.7049, IoU.cabinet: 0.6759, IoU.sidewalk: 0.7191, IoU.person: 0.8592, IoU.earth: 0.4235, IoU.door: 0.6121, IoU.table: 0.7205, IoU.mountain: 0.6383, IoU.plant: 0.5782, IoU.curtain: 0.7764, IoU.chair: 0.6884, IoU.car: 0.8748, IoU.water: 0.6211, IoU.painting: 0.7885, IoU.sofa: 0.8191, IoU.shelf: 0.4920, IoU.house: 0.4917, IoU.sea: 0.7276, IoU.mirror: 0.7641, IoU.rug: 0.7004, IoU.field: 0.3001, IoU.armchair: 0.6327, IoU.seat: 0.7075, IoU.fence: 0.5132, IoU.desk: 0.5944, IoU.rock: 0.5947, IoU.wardrobe: 0.5634, IoU.lamp: 0.7645, IoU.bathtub: 0.8998, IoU.railing: 0.4531, IoU.cushion: 0.6847, IoU.base: 0.3905, IoU.box: 0.3801, IoU.column: 0.5718, IoU.signboard: 0.4106, IoU.chest of drawers: 0.4945, IoU.counter: 0.5360, IoU.sand: 0.6135, IoU.sink: 0.8168, IoU.skyscraper: 0.4448, IoU.fireplace: 0.7594, IoU.refrigerator: 0.8661, IoU.grandstand: 0.5197, IoU.path: 0.3262, IoU.stairs: 0.3782, IoU.runway: 0.7364, IoU.case: 0.5849, IoU.pool table: 0.9439, IoU.pillow: 0.6557, IoU.screen door: 0.7958, IoU.stairway: 0.4348, IoU.river: 0.1470, IoU.bridge: 0.5584, IoU.bookcase: 0.4816, IoU.blind: 0.4238, IoU.coffee table: 0.6623, IoU.toilet: 0.9042, IoU.flower: 0.4188, IoU.book: 0.5512, IoU.hill: 0.0945, IoU.bench: 0.5672, IoU.countertop: 0.6268, IoU.stove: 0.8683, IoU.palm: 0.5452, IoU.kitchen island: 0.5789, IoU.computer: 0.7920, IoU.swivel chair: 0.4633, IoU.boat: 0.7664, IoU.bar: 0.6365, IoU.arcade machine: 0.7979, IoU.hovel: 0.1830, IoU.bus: 0.9416, IoU.towel: 0.7877, IoU.light: 0.6281, IoU.truck: 0.5014, IoU.tower: 0.3137, IoU.chandelier: 0.7427, IoU.awning: 0.4240, IoU.streetlight: 0.3927, IoU.booth: 0.5466, IoU.television receiver: 0.7780, IoU.airplane: 0.8817, IoU.dirt track: 0.0812, IoU.apparel: 0.6372, IoU.pole: 0.3101, IoU.land: 0.0373, IoU.bannister: 0.2158, IoU.escalator: 0.6590, IoU.ottoman: 0.5728, IoU.bottle: 0.4521, IoU.buffet: 0.5236, IoU.poster: 0.3501, IoU.stage: 0.2949, IoU.van: 0.4388, IoU.ship: 0.6773, IoU.fountain: 0.3483, IoU.conveyer belt: 0.8093, IoU.canopy: 0.5927, IoU.washer: 0.8526, IoU.plaything: 0.3083, IoU.swimming pool: 0.5621, IoU.stool: 0.5667, IoU.barrel: 0.6211, IoU.basket: 0.4470, IoU.waterfall: 0.5107, IoU.tent: 0.9182, IoU.bag: 0.2561, IoU.minibike: 0.7727, IoU.cradle: 0.8906, IoU.oven: 0.6678, IoU.ball: 0.5943, IoU.food: 0.6044, IoU.step: 0.1132, IoU.tank: 0.7612, IoU.trade name: 0.2446, IoU.microwave: 0.9088, IoU.pot: 0.6163, IoU.animal: 0.6339, IoU.bicycle: 0.6274, IoU.lake: 0.6058, IoU.dishwasher: 0.7536, IoU.screen: 0.5925, IoU.blanket: 0.3503, IoU.sculpture: 0.7936, IoU.hood: 0.6380, IoU.sconce: 0.6176, IoU.vase: 0.4818, IoU.traffic light: 0.3922, IoU.tray: 0.2477, IoU.ashcan: 0.5293, IoU.fan: 0.7176, IoU.pier: 0.4018, IoU.crt screen: 0.0166, IoU.plate: 0.6250, IoU.monitor: 0.3902, IoU.bulletin board: 0.6450, IoU.shower: 0.1762, IoU.radiator: 0.6346, IoU.glass: 0.2233, IoU.clock: 0.5501, IoU.flag: 0.7211, Acc.wall: 0.9020, Acc.building: 0.9357, Acc.sky: 0.9754, Acc.floor: 0.9241, Acc.tree: 0.9007, Acc.ceiling: 0.9463, Acc.road: 0.9168, Acc.bed : 0.9754, Acc.windowpane: 0.8259, Acc.grass: 0.8336, Acc.cabinet: 0.7746, Acc.sidewalk: 0.8475, Acc.person: 0.9463, Acc.earth: 0.5672, Acc.door: 0.7607, Acc.table: 0.8343, Acc.mountain: 0.7374, Acc.plant: 0.6855, Acc.curtain: 0.8809, Acc.chair: 0.8107, Acc.car: 0.9422, Acc.water: 0.7726, Acc.painting: 0.9074, Acc.sofa: 0.8976, Acc.shelf: 0.6695, Acc.house: 0.5977, Acc.sea: 0.8424, Acc.mirror: 0.8564, Acc.rug: 0.8028, Acc.field: 0.4945, Acc.armchair: 0.8055, Acc.seat: 0.8907, Acc.fence: 0.6587, Acc.desk: 0.7866, Acc.rock: 0.8524, Acc.wardrobe: 0.7406, Acc.lamp: 0.8710, Acc.bathtub: 0.9340, Acc.railing: 0.6314, Acc.cushion: 0.8091, Acc.base: 0.5568, Acc.box: 0.4856, Acc.column: 0.7114, Acc.signboard: 0.5562, Acc.chest of drawers: 0.6879, Acc.counter: 0.6467, Acc.sand: 0.8742, Acc.sink: 0.8742, Acc.skyscraper: 0.5706, Acc.fireplace: 0.9554, Acc.refrigerator: 0.9514, Acc.grandstand: 0.8193, Acc.path: 0.4780, Acc.stairs: 0.4793, Acc.runway: 0.9570, Acc.case: 0.7436, Acc.pool table: 0.9779, Acc.pillow: 0.7635, Acc.screen door: 0.8197, Acc.stairway: 0.5228, Acc.river: 0.2974, Acc.bridge: 0.6322, Acc.bookcase: 0.6734, Acc.blind: 0.4659, Acc.coffee table: 0.8532, Acc.toilet: 0.9351, Acc.flower: 0.5944, Acc.book: 0.7636, Acc.hill: 0.1598, Acc.bench: 0.6415, Acc.countertop: 0.8470, Acc.stove: 0.9251, Acc.palm: 0.8205, Acc.kitchen island: 0.8349, Acc.computer: 0.9124, Acc.swivel chair: 0.6396, Acc.boat: 0.8785, Acc.bar: 0.7491, Acc.arcade machine: 0.8309, Acc.hovel: 0.1967, Acc.bus: 0.9733, Acc.towel: 0.8632, Acc.light: 0.7053, Acc.truck: 0.6322, Acc.tower: 0.5353, Acc.chandelier: 0.8654, Acc.awning: 0.5297, Acc.streetlight: 0.5230, Acc.booth: 0.7172, Acc.television receiver: 0.9082, Acc.airplane: 0.9717, Acc.dirt track: 0.3719, Acc.apparel: 0.8477, Acc.pole: 0.4255, Acc.land: 0.0511, Acc.bannister: 0.2819, Acc.escalator: 0.8630, Acc.ottoman: 0.7097, Acc.bottle: 0.7164, Acc.buffet: 0.5887, Acc.poster: 0.4027, Acc.stage: 0.4749, Acc.van: 0.6186, Acc.ship: 0.7326, Acc.fountain: 0.3583, Acc.conveyer belt: 0.9433, Acc.canopy: 0.7465, Acc.washer: 0.9053, Acc.plaything: 0.4806, Acc.swimming pool: 0.8097, Acc.stool: 0.6951, Acc.barrel: 0.9263, Acc.basket: 0.6118, Acc.waterfall: 0.6136, Acc.tent: 0.9856, Acc.bag: 0.2963, Acc.minibike: 0.8999, Acc.cradle: 0.9797, Acc.oven: 0.7858, Acc.ball: 0.6488, Acc.food: 0.7047, Acc.step: 0.1300, Acc.tank: 0.8594, Acc.trade name: 0.2820, Acc.microwave: 0.9641, Acc.pot: 0.7002, Acc.animal: 0.6500, Acc.bicycle: 0.8123, Acc.lake: 0.6803, Acc.dishwasher: 0.8433, Acc.screen: 0.8160, Acc.blanket: 0.4099, Acc.sculpture: 0.8837, Acc.hood: 0.7637, Acc.sconce: 0.7372, Acc.vase: 0.6558, Acc.traffic light: 0.6305, Acc.tray: 0.3592, Acc.ashcan: 0.6750, Acc.fan: 0.8613, Acc.pier: 0.4619, Acc.crt screen: 0.0361, Acc.plate: 0.8026, Acc.monitor: 0.4498, Acc.bulletin board: 0.7795, Acc.shower: 0.1982, Acc.radiator: 0.7838, Acc.glass: 0.2412, Acc.clock: 0.6799, Acc.flag: 0.8004 2023-11-03 17:15:48,295 - mmseg - INFO - Iter [78050/80000] lr: 7.901e-08, eta: 0:58:53, time: 3.452, data_time: 1.797, memory: 69173, decode.loss_ce: 0.1147, decode.acc_seg: 94.8608, aux.loss_ce: 0.0683, aux.acc_seg: 92.8861, loss: 0.1830 2023-11-03 17:17:11,284 - mmseg - INFO - Iter [78100/80000] lr: 7.699e-08, eta: 0:57:22, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1131, decode.acc_seg: 94.8863, aux.loss_ce: 0.0661, aux.acc_seg: 93.1530, loss: 0.1792 2023-11-03 17:18:34,249 - mmseg - INFO - Iter [78150/80000] lr: 7.496e-08, eta: 0:55:51, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1163, decode.acc_seg: 94.7544, aux.loss_ce: 0.0677, aux.acc_seg: 92.9730, loss: 0.1840 2023-11-03 17:19:57,212 - mmseg - INFO - Iter [78200/80000] lr: 7.294e-08, eta: 0:54:20, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1169, decode.acc_seg: 94.6497, aux.loss_ce: 0.0680, aux.acc_seg: 92.9276, loss: 0.1849 2023-11-03 17:21:20,220 - mmseg - INFO - Iter [78250/80000] lr: 7.091e-08, eta: 0:52:50, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1079, decode.acc_seg: 94.9990, aux.loss_ce: 0.0634, aux.acc_seg: 93.2573, loss: 0.1713 2023-11-03 17:22:43,180 - mmseg - INFO - Iter [78300/80000] lr: 6.889e-08, eta: 0:51:19, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1113, decode.acc_seg: 94.9970, aux.loss_ce: 0.0667, aux.acc_seg: 93.0304, loss: 0.1780 2023-11-03 17:24:08,494 - mmseg - INFO - Iter [78350/80000] lr: 6.686e-08, eta: 0:49:48, time: 1.706, data_time: 0.053, memory: 69173, decode.loss_ce: 0.1172, decode.acc_seg: 94.7606, aux.loss_ce: 0.0668, aux.acc_seg: 93.0601, loss: 0.1840 2023-11-03 17:25:31,445 - mmseg - INFO - Iter [78400/80000] lr: 6.484e-08, eta: 0:48:17, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1132, decode.acc_seg: 94.9110, aux.loss_ce: 0.0689, aux.acc_seg: 92.9018, loss: 0.1821 2023-11-03 17:26:54,417 - mmseg - INFO - Iter [78450/80000] lr: 6.281e-08, eta: 0:46:47, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1121, decode.acc_seg: 94.9072, aux.loss_ce: 0.0642, aux.acc_seg: 93.1854, loss: 0.1763 2023-11-03 17:28:17,406 - mmseg - INFO - Iter [78500/80000] lr: 6.079e-08, eta: 0:45:16, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1127, decode.acc_seg: 94.7846, aux.loss_ce: 0.0634, aux.acc_seg: 93.1367, loss: 0.1762 2023-11-03 17:29:40,451 - mmseg - INFO - Iter [78550/80000] lr: 5.876e-08, eta: 0:43:45, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1190, decode.acc_seg: 94.5279, aux.loss_ce: 0.0688, aux.acc_seg: 92.7576, loss: 0.1879 2023-11-03 17:31:03,510 - mmseg - INFO - Iter [78600/80000] lr: 5.674e-08, eta: 0:42:15, time: 1.661, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1190, decode.acc_seg: 94.5751, aux.loss_ce: 0.0685, aux.acc_seg: 92.8552, loss: 0.1875 2023-11-03 17:32:26,862 - mmseg - INFO - Iter [78650/80000] lr: 5.471e-08, eta: 0:40:44, time: 1.667, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1201, decode.acc_seg: 94.6952, aux.loss_ce: 0.0671, aux.acc_seg: 92.8005, loss: 0.1872 2023-11-03 17:33:49,961 - mmseg - INFO - Iter [78700/80000] lr: 5.269e-08, eta: 0:39:13, time: 1.662, data_time: 0.009, memory: 69173, decode.loss_ce: 0.1118, decode.acc_seg: 94.9006, aux.loss_ce: 0.0660, aux.acc_seg: 93.0622, loss: 0.1778 2023-11-03 17:35:12,922 - mmseg - INFO - Iter [78750/80000] lr: 5.066e-08, eta: 0:37:43, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1136, decode.acc_seg: 94.9126, aux.loss_ce: 0.0666, aux.acc_seg: 93.1366, loss: 0.1802 2023-11-03 17:36:35,931 - mmseg - INFO - Iter [78800/80000] lr: 4.864e-08, eta: 0:36:12, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1137, decode.acc_seg: 94.8653, aux.loss_ce: 0.0682, aux.acc_seg: 92.8780, loss: 0.1819 2023-11-03 17:37:58,900 - mmseg - INFO - Iter [78850/80000] lr: 4.661e-08, eta: 0:34:41, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1129, decode.acc_seg: 94.9651, aux.loss_ce: 0.0672, aux.acc_seg: 92.9388, loss: 0.1801 2023-11-03 17:39:21,899 - mmseg - INFO - Iter [78900/80000] lr: 4.459e-08, eta: 0:33:11, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1115, decode.acc_seg: 94.8984, aux.loss_ce: 0.0655, aux.acc_seg: 92.9791, loss: 0.1770 2023-11-03 17:40:44,883 - mmseg - INFO - Iter [78950/80000] lr: 4.256e-08, eta: 0:31:40, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1113, decode.acc_seg: 95.1051, aux.loss_ce: 0.0645, aux.acc_seg: 93.4423, loss: 0.1758 2023-11-03 17:42:07,852 - mmseg - INFO - Saving checkpoint at 79000 iterations 2023-11-03 17:43:06,972 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 17:43:06,973 - mmseg - INFO - Iter [79000/80000] lr: 4.054e-08, eta: 0:30:10, time: 2.842, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1181, decode.acc_seg: 94.5908, aux.loss_ce: 0.0685, aux.acc_seg: 92.7109, loss: 0.1866 2023-11-03 17:44:36,082 - mmseg - INFO - per class results: 2023-11-03 17:44:36,087 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.77 | 90.2 | | building | 84.89 | 93.49 | | sky | 94.91 | 97.5 | | floor | 85.71 | 92.47 | | tree | 77.31 | 90.04 | | ceiling | 87.9 | 94.61 | | road | 87.1 | 91.68 | | bed | 92.9 | 97.44 | | windowpane | 66.05 | 83.04 | | grass | 70.39 | 83.65 | | cabinet | 67.76 | 77.81 | | sidewalk | 71.75 | 84.85 | | person | 85.82 | 94.82 | | earth | 42.22 | 55.75 | | door | 61.33 | 76.1 | | table | 71.82 | 82.89 | | mountain | 63.7 | 73.69 | | plant | 57.96 | 69.07 | | curtain | 77.58 | 88.26 | | chair | 68.69 | 81.13 | | car | 87.44 | 94.24 | | water | 62.26 | 77.99 | | painting | 78.87 | 90.8 | | sofa | 81.8 | 89.53 | | shelf | 49.0 | 65.55 | | house | 50.11 | 61.34 | | sea | 73.1 | 84.12 | | mirror | 76.5 | 85.75 | | rug | 70.17 | 80.05 | | field | 29.56 | 49.43 | | armchair | 63.05 | 81.61 | | seat | 70.44 | 89.29 | | fence | 51.54 | 66.47 | | desk | 59.14 | 78.4 | | rock | 59.34 | 84.66 | | wardrobe | 56.58 | 74.42 | | lamp | 76.4 | 87.22 | | bathtub | 90.01 | 93.6 | | railing | 45.17 | 62.0 | | cushion | 68.21 | 80.43 | | base | 38.95 | 55.41 | | box | 37.86 | 47.84 | | column | 57.28 | 71.62 | | signboard | 40.82 | 55.21 | | chest of drawers | 49.2 | 68.09 | | counter | 54.02 | 64.71 | | sand | 61.26 | 87.43 | | sink | 81.66 | 87.56 | | skyscraper | 44.36 | 57.01 | | fireplace | 75.94 | 95.58 | | refrigerator | 86.62 | 95.27 | | grandstand | 52.53 | 81.25 | | path | 31.78 | 45.06 | | stairs | 37.87 | 47.78 | | runway | 73.11 | 95.11 | | case | 58.98 | 75.59 | | pool table | 94.35 | 97.88 | | pillow | 65.0 | 75.5 | | screen door | 80.1 | 82.64 | | stairway | 42.89 | 51.66 | | river | 14.77 | 29.48 | | bridge | 55.88 | 62.82 | | bookcase | 47.47 | 65.83 | | blind | 42.05 | 46.07 | | coffee table | 65.65 | 85.95 | | toilet | 90.42 | 93.46 | | flower | 42.16 | 59.5 | | book | 55.26 | 76.7 | | hill | 9.16 | 15.2 | | bench | 56.44 | 63.81 | | countertop | 62.85 | 85.03 | | stove | 86.83 | 92.6 | | palm | 54.5 | 81.81 | | kitchen island | 57.97 | 83.44 | | computer | 79.31 | 91.27 | | swivel chair | 46.65 | 64.91 | | boat | 77.96 | 89.57 | | bar | 63.68 | 73.74 | | arcade machine | 80.14 | 83.68 | | hovel | 18.08 | 19.42 | | bus | 94.12 | 97.34 | | towel | 78.88 | 86.32 | | light | 62.69 | 70.39 | | truck | 49.65 | 63.35 | | tower | 30.12 | 51.22 | | chandelier | 74.26 | 86.99 | | awning | 43.35 | 54.62 | | streetlight | 39.67 | 53.26 | | booth | 53.99 | 71.59 | | television receiver | 78.1 | 90.64 | | airplane | 87.88 | 97.31 | | dirt track | 8.54 | 39.49 | | apparel | 63.65 | 83.34 | | pole | 30.97 | 43.37 | | land | 3.56 | 4.9 | | bannister | 21.39 | 27.65 | | escalator | 65.93 | 86.22 | | ottoman | 56.57 | 70.63 | | bottle | 44.76 | 71.97 | | buffet | 53.4 | 59.89 | | poster | 34.54 | 40.47 | | stage | 30.07 | 47.82 | | van | 43.95 | 62.1 | | ship | 67.67 | 71.95 | | fountain | 34.63 | 35.6 | | conveyer belt | 80.58 | 94.1 | | canopy | 58.85 | 75.6 | | washer | 86.14 | 91.6 | | plaything | 31.0 | 48.33 | | swimming pool | 56.37 | 81.28 | | stool | 57.1 | 69.61 | | barrel | 66.92 | 92.81 | | basket | 44.82 | 61.42 | | waterfall | 51.22 | 61.4 | | tent | 91.41 | 98.58 | | bag | 25.67 | 29.78 | | minibike | 77.43 | 89.77 | | cradle | 88.89 | 98.07 | | oven | 66.36 | 77.56 | | ball | 59.19 | 64.59 | | food | 59.82 | 69.44 | | step | 11.12 | 12.66 | | tank | 79.61 | 90.05 | | trade name | 24.97 | 28.85 | | microwave | 90.8 | 96.47 | | pot | 61.65 | 69.88 | | animal | 64.16 | 65.91 | | bicycle | 62.7 | 80.98 | | lake | 59.09 | 65.64 | | dishwasher | 75.46 | 84.45 | | screen | 61.37 | 86.57 | | blanket | 35.33 | 41.0 | | sculpture | 79.6 | 87.8 | | hood | 63.65 | 75.7 | | sconce | 61.82 | 73.8 | | vase | 48.1 | 66.33 | | traffic light | 39.15 | 63.93 | | tray | 23.99 | 34.6 | | ashcan | 53.09 | 66.91 | | fan | 71.61 | 85.61 | | pier | 40.16 | 45.87 | | crt screen | 1.78 | 3.61 | | plate | 62.53 | 80.5 | | monitor | 41.91 | 49.08 | | bulletin board | 65.19 | 78.19 | | shower | 17.87 | 19.79 | | radiator | 63.33 | 78.21 | | glass | 22.66 | 24.63 | | clock | 54.8 | 67.22 | | flag | 72.2 | 80.57 | +---------------------+-------+-------+ 2023-11-03 17:44:36,087 - mmseg - INFO - Summary: 2023-11-03 17:44:36,087 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.62 | 58.89 | 71.03 | +-------+-------+-------+ 2023-11-03 17:44:36,088 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 17:44:36,088 - mmseg - INFO - Iter(val) [250] aAcc: 0.8662, mIoU: 0.5889, mAcc: 0.7103, IoU.wall: 0.8277, IoU.building: 0.8489, IoU.sky: 0.9491, IoU.floor: 0.8571, IoU.tree: 0.7731, IoU.ceiling: 0.8790, IoU.road: 0.8710, IoU.bed : 0.9290, IoU.windowpane: 0.6605, IoU.grass: 0.7039, IoU.cabinet: 0.6776, IoU.sidewalk: 0.7175, IoU.person: 0.8582, IoU.earth: 0.4222, IoU.door: 0.6133, IoU.table: 0.7182, IoU.mountain: 0.6370, IoU.plant: 0.5796, IoU.curtain: 0.7758, IoU.chair: 0.6869, IoU.car: 0.8744, IoU.water: 0.6226, IoU.painting: 0.7887, IoU.sofa: 0.8180, IoU.shelf: 0.4900, IoU.house: 0.5011, IoU.sea: 0.7310, IoU.mirror: 0.7650, IoU.rug: 0.7017, IoU.field: 0.2956, IoU.armchair: 0.6305, IoU.seat: 0.7044, IoU.fence: 0.5154, IoU.desk: 0.5914, IoU.rock: 0.5934, IoU.wardrobe: 0.5658, IoU.lamp: 0.7640, IoU.bathtub: 0.9001, IoU.railing: 0.4517, IoU.cushion: 0.6821, IoU.base: 0.3895, IoU.box: 0.3786, IoU.column: 0.5728, IoU.signboard: 0.4082, IoU.chest of drawers: 0.4920, IoU.counter: 0.5402, IoU.sand: 0.6126, IoU.sink: 0.8166, IoU.skyscraper: 0.4436, IoU.fireplace: 0.7594, IoU.refrigerator: 0.8662, IoU.grandstand: 0.5253, IoU.path: 0.3178, IoU.stairs: 0.3787, IoU.runway: 0.7311, IoU.case: 0.5898, IoU.pool table: 0.9435, IoU.pillow: 0.6500, IoU.screen door: 0.8010, IoU.stairway: 0.4289, IoU.river: 0.1477, IoU.bridge: 0.5588, IoU.bookcase: 0.4747, IoU.blind: 0.4205, IoU.coffee table: 0.6565, IoU.toilet: 0.9042, IoU.flower: 0.4216, IoU.book: 0.5526, IoU.hill: 0.0916, IoU.bench: 0.5644, IoU.countertop: 0.6285, IoU.stove: 0.8683, IoU.palm: 0.5450, IoU.kitchen island: 0.5797, IoU.computer: 0.7931, IoU.swivel chair: 0.4665, IoU.boat: 0.7796, IoU.bar: 0.6368, IoU.arcade machine: 0.8014, IoU.hovel: 0.1808, IoU.bus: 0.9412, IoU.towel: 0.7888, IoU.light: 0.6269, IoU.truck: 0.4965, IoU.tower: 0.3012, IoU.chandelier: 0.7426, IoU.awning: 0.4335, IoU.streetlight: 0.3967, IoU.booth: 0.5399, IoU.television receiver: 0.7810, IoU.airplane: 0.8788, IoU.dirt track: 0.0854, IoU.apparel: 0.6365, IoU.pole: 0.3097, IoU.land: 0.0356, IoU.bannister: 0.2139, IoU.escalator: 0.6593, IoU.ottoman: 0.5657, IoU.bottle: 0.4476, IoU.buffet: 0.5340, IoU.poster: 0.3454, IoU.stage: 0.3007, IoU.van: 0.4395, IoU.ship: 0.6767, IoU.fountain: 0.3463, IoU.conveyer belt: 0.8058, IoU.canopy: 0.5885, IoU.washer: 0.8614, IoU.plaything: 0.3100, IoU.swimming pool: 0.5637, IoU.stool: 0.5710, IoU.barrel: 0.6692, IoU.basket: 0.4482, IoU.waterfall: 0.5122, IoU.tent: 0.9141, IoU.bag: 0.2567, IoU.minibike: 0.7743, IoU.cradle: 0.8889, IoU.oven: 0.6636, IoU.ball: 0.5919, IoU.food: 0.5982, IoU.step: 0.1112, IoU.tank: 0.7961, IoU.trade name: 0.2497, IoU.microwave: 0.9080, IoU.pot: 0.6165, IoU.animal: 0.6416, IoU.bicycle: 0.6270, IoU.lake: 0.5909, IoU.dishwasher: 0.7546, IoU.screen: 0.6137, IoU.blanket: 0.3533, IoU.sculpture: 0.7960, IoU.hood: 0.6365, IoU.sconce: 0.6182, IoU.vase: 0.4810, IoU.traffic light: 0.3915, IoU.tray: 0.2399, IoU.ashcan: 0.5309, IoU.fan: 0.7161, IoU.pier: 0.4016, IoU.crt screen: 0.0178, IoU.plate: 0.6253, IoU.monitor: 0.4191, IoU.bulletin board: 0.6519, IoU.shower: 0.1787, IoU.radiator: 0.6333, IoU.glass: 0.2266, IoU.clock: 0.5480, IoU.flag: 0.7220, Acc.wall: 0.9020, Acc.building: 0.9349, Acc.sky: 0.9750, Acc.floor: 0.9247, Acc.tree: 0.9004, Acc.ceiling: 0.9461, Acc.road: 0.9168, Acc.bed : 0.9744, Acc.windowpane: 0.8304, Acc.grass: 0.8365, Acc.cabinet: 0.7781, Acc.sidewalk: 0.8485, Acc.person: 0.9482, Acc.earth: 0.5575, Acc.door: 0.7610, Acc.table: 0.8289, Acc.mountain: 0.7369, Acc.plant: 0.6907, Acc.curtain: 0.8826, Acc.chair: 0.8113, Acc.car: 0.9424, Acc.water: 0.7799, Acc.painting: 0.9080, Acc.sofa: 0.8953, Acc.shelf: 0.6555, Acc.house: 0.6134, Acc.sea: 0.8412, Acc.mirror: 0.8575, Acc.rug: 0.8005, Acc.field: 0.4943, Acc.armchair: 0.8161, Acc.seat: 0.8929, Acc.fence: 0.6647, Acc.desk: 0.7840, Acc.rock: 0.8466, Acc.wardrobe: 0.7442, Acc.lamp: 0.8722, Acc.bathtub: 0.9360, Acc.railing: 0.6200, Acc.cushion: 0.8043, Acc.base: 0.5541, Acc.box: 0.4784, Acc.column: 0.7162, Acc.signboard: 0.5521, Acc.chest of drawers: 0.6809, Acc.counter: 0.6471, Acc.sand: 0.8743, Acc.sink: 0.8756, Acc.skyscraper: 0.5701, Acc.fireplace: 0.9558, Acc.refrigerator: 0.9527, Acc.grandstand: 0.8125, Acc.path: 0.4506, Acc.stairs: 0.4778, Acc.runway: 0.9511, Acc.case: 0.7559, Acc.pool table: 0.9788, Acc.pillow: 0.7550, Acc.screen door: 0.8264, Acc.stairway: 0.5166, Acc.river: 0.2948, Acc.bridge: 0.6282, Acc.bookcase: 0.6583, Acc.blind: 0.4607, Acc.coffee table: 0.8595, Acc.toilet: 0.9346, Acc.flower: 0.5950, Acc.book: 0.7670, Acc.hill: 0.1520, Acc.bench: 0.6381, Acc.countertop: 0.8503, Acc.stove: 0.9260, Acc.palm: 0.8181, Acc.kitchen island: 0.8344, Acc.computer: 0.9127, Acc.swivel chair: 0.6491, Acc.boat: 0.8957, Acc.bar: 0.7374, Acc.arcade machine: 0.8368, Acc.hovel: 0.1942, Acc.bus: 0.9734, Acc.towel: 0.8632, Acc.light: 0.7039, Acc.truck: 0.6335, Acc.tower: 0.5122, Acc.chandelier: 0.8699, Acc.awning: 0.5462, Acc.streetlight: 0.5326, Acc.booth: 0.7159, Acc.television receiver: 0.9064, Acc.airplane: 0.9731, Acc.dirt track: 0.3949, Acc.apparel: 0.8334, Acc.pole: 0.4337, Acc.land: 0.0490, Acc.bannister: 0.2765, Acc.escalator: 0.8622, Acc.ottoman: 0.7063, Acc.bottle: 0.7197, Acc.buffet: 0.5989, Acc.poster: 0.4047, Acc.stage: 0.4782, Acc.van: 0.6210, Acc.ship: 0.7195, Acc.fountain: 0.3560, Acc.conveyer belt: 0.9410, Acc.canopy: 0.7560, Acc.washer: 0.9160, Acc.plaything: 0.4833, Acc.swimming pool: 0.8128, Acc.stool: 0.6961, Acc.barrel: 0.9281, Acc.basket: 0.6142, Acc.waterfall: 0.6140, Acc.tent: 0.9858, Acc.bag: 0.2978, Acc.minibike: 0.8977, Acc.cradle: 0.9807, Acc.oven: 0.7756, Acc.ball: 0.6459, Acc.food: 0.6944, Acc.step: 0.1266, Acc.tank: 0.9005, Acc.trade name: 0.2885, Acc.microwave: 0.9647, Acc.pot: 0.6988, Acc.animal: 0.6591, Acc.bicycle: 0.8098, Acc.lake: 0.6564, Acc.dishwasher: 0.8445, Acc.screen: 0.8657, Acc.blanket: 0.4100, Acc.sculpture: 0.8780, Acc.hood: 0.7570, Acc.sconce: 0.7380, Acc.vase: 0.6633, Acc.traffic light: 0.6393, Acc.tray: 0.3460, Acc.ashcan: 0.6691, Acc.fan: 0.8561, Acc.pier: 0.4587, Acc.crt screen: 0.0361, Acc.plate: 0.8050, Acc.monitor: 0.4908, Acc.bulletin board: 0.7819, Acc.shower: 0.1979, Acc.radiator: 0.7821, Acc.glass: 0.2463, Acc.clock: 0.6722, Acc.flag: 0.8057 2023-11-03 17:45:59,197 - mmseg - INFO - Iter [79050/80000] lr: 3.851e-08, eta: 0:28:41, time: 3.444, data_time: 1.790, memory: 69173, decode.loss_ce: 0.1100, decode.acc_seg: 94.8923, aux.loss_ce: 0.0649, aux.acc_seg: 93.0435, loss: 0.1749 2023-11-03 17:47:22,170 - mmseg - INFO - Iter [79100/80000] lr: 3.649e-08, eta: 0:27:10, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1161, decode.acc_seg: 94.6798, aux.loss_ce: 0.0696, aux.acc_seg: 92.6597, loss: 0.1857 2023-11-03 17:48:45,139 - mmseg - INFO - Iter [79150/80000] lr: 3.446e-08, eta: 0:25:39, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1140, decode.acc_seg: 94.9168, aux.loss_ce: 0.0682, aux.acc_seg: 92.8190, loss: 0.1821 2023-11-03 17:50:08,196 - mmseg - INFO - Iter [79200/80000] lr: 3.244e-08, eta: 0:24:09, time: 1.661, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1130, decode.acc_seg: 94.8750, aux.loss_ce: 0.0669, aux.acc_seg: 92.9687, loss: 0.1799 2023-11-03 17:51:31,150 - mmseg - INFO - Iter [79250/80000] lr: 3.041e-08, eta: 0:22:38, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1096, decode.acc_seg: 94.9176, aux.loss_ce: 0.0637, aux.acc_seg: 93.2322, loss: 0.1733 2023-11-03 17:52:54,151 - mmseg - INFO - Iter [79300/80000] lr: 2.839e-08, eta: 0:21:07, time: 1.660, data_time: 0.008, memory: 69173, decode.loss_ce: 0.1180, decode.acc_seg: 94.6758, aux.loss_ce: 0.0691, aux.acc_seg: 92.7366, loss: 0.1871 2023-11-03 17:54:17,117 - mmseg - INFO - Iter [79350/80000] lr: 2.636e-08, eta: 0:19:37, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1168, decode.acc_seg: 94.7149, aux.loss_ce: 0.0662, aux.acc_seg: 92.9619, loss: 0.1831 2023-11-03 17:55:40,128 - mmseg - INFO - Iter [79400/80000] lr: 2.434e-08, eta: 0:18:06, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1169, decode.acc_seg: 94.7169, aux.loss_ce: 0.0697, aux.acc_seg: 92.6767, loss: 0.1866 2023-11-03 17:57:03,146 - mmseg - INFO - Iter [79450/80000] lr: 2.231e-08, eta: 0:16:36, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1120, decode.acc_seg: 94.8233, aux.loss_ce: 0.0680, aux.acc_seg: 92.7453, loss: 0.1800 2023-11-03 17:58:26,132 - mmseg - INFO - Iter [79500/80000] lr: 2.029e-08, eta: 0:15:05, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1146, decode.acc_seg: 94.9513, aux.loss_ce: 0.0673, aux.acc_seg: 93.0784, loss: 0.1819 2023-11-03 17:59:49,118 - mmseg - INFO - Iter [79550/80000] lr: 1.826e-08, eta: 0:13:34, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1169, decode.acc_seg: 94.7565, aux.loss_ce: 0.0675, aux.acc_seg: 92.8506, loss: 0.1844 2023-11-03 18:01:14,513 - mmseg - INFO - Iter [79600/80000] lr: 1.624e-08, eta: 0:12:04, time: 1.708, data_time: 0.052, memory: 69173, decode.loss_ce: 0.1106, decode.acc_seg: 94.8711, aux.loss_ce: 0.0638, aux.acc_seg: 93.1517, loss: 0.1744 2023-11-03 18:02:37,497 - mmseg - INFO - Iter [79650/80000] lr: 1.421e-08, eta: 0:10:33, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1142, decode.acc_seg: 94.7379, aux.loss_ce: 0.0671, aux.acc_seg: 92.9504, loss: 0.1814 2023-11-03 18:04:00,464 - mmseg - INFO - Iter [79700/80000] lr: 1.219e-08, eta: 0:09:03, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1135, decode.acc_seg: 94.9692, aux.loss_ce: 0.0662, aux.acc_seg: 92.9290, loss: 0.1797 2023-11-03 18:05:23,428 - mmseg - INFO - Iter [79750/80000] lr: 1.016e-08, eta: 0:07:32, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1147, decode.acc_seg: 94.6666, aux.loss_ce: 0.0676, aux.acc_seg: 92.8339, loss: 0.1823 2023-11-03 18:06:46,377 - mmseg - INFO - Iter [79800/80000] lr: 8.140e-09, eta: 0:06:02, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1115, decode.acc_seg: 94.9446, aux.loss_ce: 0.0670, aux.acc_seg: 92.8550, loss: 0.1785 2023-11-03 18:08:09,348 - mmseg - INFO - Iter [79850/80000] lr: 6.115e-09, eta: 0:04:31, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1126, decode.acc_seg: 95.0004, aux.loss_ce: 0.0651, aux.acc_seg: 93.3139, loss: 0.1777 2023-11-03 18:09:32,314 - mmseg - INFO - Iter [79900/80000] lr: 4.090e-09, eta: 0:03:01, time: 1.659, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1139, decode.acc_seg: 94.7641, aux.loss_ce: 0.0669, aux.acc_seg: 92.8428, loss: 0.1808 2023-11-03 18:10:55,296 - mmseg - INFO - Iter [79950/80000] lr: 2.065e-09, eta: 0:01:30, time: 1.660, data_time: 0.007, memory: 69173, decode.loss_ce: 0.1154, decode.acc_seg: 94.8117, aux.loss_ce: 0.0667, aux.acc_seg: 93.0565, loss: 0.1821 2023-11-03 18:12:18,560 - mmseg - INFO - Saving checkpoint at 80000 iterations 2023-11-03 18:13:18,683 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 18:13:18,683 - mmseg - INFO - Iter [80000/80000] lr: 4.050e-11, eta: 0:00:00, time: 2.868, data_time: 0.011, memory: 69173, decode.loss_ce: 0.1137, decode.acc_seg: 94.8799, aux.loss_ce: 0.0671, aux.acc_seg: 93.0546, loss: 0.1808 2023-11-03 18:14:52,265 - mmseg - INFO - per class results: 2023-11-03 18:14:52,270 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 82.79 | 90.26 | | building | 84.93 | 93.49 | | sky | 94.93 | 97.56 | | floor | 85.67 | 92.73 | | tree | 77.26 | 90.06 | | ceiling | 87.96 | 94.55 | | road | 86.99 | 91.8 | | bed | 92.9 | 97.43 | | windowpane | 66.11 | 82.86 | | grass | 70.3 | 84.13 | | cabinet | 67.86 | 78.0 | | sidewalk | 71.75 | 84.79 | | person | 85.86 | 94.68 | | earth | 42.07 | 55.32 | | door | 61.26 | 75.66 | | table | 71.92 | 83.15 | | mountain | 63.84 | 73.92 | | plant | 57.8 | 68.41 | | curtain | 77.64 | 87.83 | | chair | 68.6 | 80.76 | | car | 87.53 | 94.0 | | water | 62.38 | 78.08 | | painting | 78.94 | 90.93 | | sofa | 81.85 | 89.64 | | shelf | 49.1 | 65.71 | | house | 50.74 | 62.5 | | sea | 73.02 | 84.27 | | mirror | 76.56 | 85.81 | | rug | 70.14 | 79.76 | | field | 29.56 | 49.02 | | armchair | 63.19 | 81.29 | | seat | 70.46 | 89.24 | | fence | 51.5 | 66.16 | | desk | 59.45 | 78.09 | | rock | 58.87 | 84.92 | | wardrobe | 56.94 | 74.14 | | lamp | 76.42 | 87.16 | | bathtub | 89.98 | 93.48 | | railing | 45.08 | 62.16 | | cushion | 68.29 | 80.14 | | base | 38.98 | 54.85 | | box | 38.0 | 48.07 | | column | 57.25 | 71.83 | | signboard | 40.93 | 55.22 | | chest of drawers | 49.17 | 67.69 | | counter | 53.81 | 64.52 | | sand | 61.27 | 87.36 | | sink | 81.54 | 87.43 | | skyscraper | 44.32 | 57.05 | | fireplace | 75.96 | 95.42 | | refrigerator | 86.59 | 95.22 | | grandstand | 52.0 | 82.16 | | path | 32.11 | 45.72 | | stairs | 37.5 | 47.26 | | runway | 72.63 | 94.27 | | case | 58.95 | 75.74 | | pool table | 94.42 | 97.75 | | pillow | 64.75 | 75.04 | | screen door | 80.39 | 82.98 | | stairway | 43.06 | 51.86 | | river | 14.81 | 29.68 | | bridge | 56.05 | 63.03 | | bookcase | 47.67 | 65.96 | | blind | 42.65 | 47.08 | | coffee table | 65.96 | 85.68 | | toilet | 90.39 | 93.39 | | flower | 42.12 | 59.03 | | book | 55.17 | 76.18 | | hill | 9.09 | 15.18 | | bench | 56.49 | 64.06 | | countertop | 62.83 | 84.58 | | stove | 86.84 | 92.66 | | palm | 54.4 | 81.4 | | kitchen island | 58.02 | 84.03 | | computer | 79.2 | 91.29 | | swivel chair | 46.54 | 65.37 | | boat | 77.02 | 88.63 | | bar | 63.53 | 74.05 | | arcade machine | 79.73 | 82.92 | | hovel | 18.48 | 19.81 | | bus | 94.25 | 97.21 | | towel | 79.06 | 86.52 | | light | 63.02 | 70.93 | | truck | 49.66 | 63.48 | | tower | 30.09 | 50.63 | | chandelier | 74.2 | 87.03 | | awning | 42.54 | 52.85 | | streetlight | 39.36 | 52.5 | | booth | 54.91 | 70.43 | | television receiver | 77.77 | 90.69 | | airplane | 87.78 | 97.34 | | dirt track | 8.37 | 38.12 | | apparel | 63.27 | 83.28 | | pole | 31.12 | 43.25 | | land | 3.41 | 4.7 | | bannister | 21.48 | 27.84 | | escalator | 66.01 | 86.12 | | ottoman | 56.72 | 71.12 | | bottle | 44.83 | 71.5 | | buffet | 52.19 | 58.43 | | poster | 34.94 | 41.19 | | stage | 29.35 | 47.95 | | van | 44.03 | 62.07 | | ship | 66.89 | 71.59 | | fountain | 35.14 | 36.32 | | conveyer belt | 80.77 | 94.01 | | canopy | 58.58 | 74.8 | | washer | 85.53 | 90.8 | | plaything | 31.33 | 47.51 | | swimming pool | 56.48 | 81.4 | | stool | 56.95 | 69.12 | | barrel | 65.19 | 92.76 | | basket | 44.62 | 60.95 | | waterfall | 51.47 | 61.37 | | tent | 91.75 | 98.48 | | bag | 25.23 | 29.15 | | minibike | 77.45 | 89.44 | | cradle | 88.92 | 98.02 | | oven | 66.3 | 77.39 | | ball | 59.77 | 65.65 | | food | 59.94 | 69.09 | | step | 11.15 | 12.85 | | tank | 79.0 | 88.63 | | trade name | 25.42 | 29.51 | | microwave | 90.82 | 96.45 | | pot | 61.55 | 70.01 | | animal | 63.8 | 65.48 | | bicycle | 62.96 | 80.43 | | lake | 60.26 | 67.69 | | dishwasher | 75.49 | 84.34 | | screen | 62.27 | 87.59 | | blanket | 35.3 | 40.92 | | sculpture | 79.46 | 87.9 | | hood | 63.67 | 75.46 | | sconce | 61.68 | 73.16 | | vase | 48.15 | 66.39 | | traffic light | 39.13 | 62.69 | | tray | 23.46 | 33.67 | | ashcan | 52.88 | 67.28 | | fan | 71.77 | 86.12 | | pier | 40.19 | 45.74 | | crt screen | 1.79 | 3.61 | | plate | 62.48 | 80.41 | | monitor | 41.05 | 47.64 | | bulletin board | 65.03 | 77.15 | | shower | 17.44 | 19.07 | | radiator | 63.23 | 78.36 | | glass | 22.59 | 24.5 | | clock | 54.95 | 67.39 | | flag | 72.01 | 80.04 | +---------------------+-------+-------+ 2023-11-03 18:14:52,270 - mmseg - INFO - Summary: 2023-11-03 18:14:52,271 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 86.63 | 58.86 | 70.93 | +-------+-------+-------+ 2023-11-03 18:14:52,272 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_dp04.py 2023-11-03 18:14:52,272 - mmseg - INFO - Iter(val) [250] aAcc: 0.8663, mIoU: 0.5886, mAcc: 0.7093, IoU.wall: 0.8279, IoU.building: 0.8493, IoU.sky: 0.9493, IoU.floor: 0.8567, IoU.tree: 0.7726, IoU.ceiling: 0.8796, IoU.road: 0.8699, IoU.bed : 0.9290, IoU.windowpane: 0.6611, IoU.grass: 0.7030, IoU.cabinet: 0.6786, IoU.sidewalk: 0.7175, IoU.person: 0.8586, IoU.earth: 0.4207, IoU.door: 0.6126, IoU.table: 0.7192, IoU.mountain: 0.6384, IoU.plant: 0.5780, IoU.curtain: 0.7764, IoU.chair: 0.6860, IoU.car: 0.8753, IoU.water: 0.6238, IoU.painting: 0.7894, IoU.sofa: 0.8185, IoU.shelf: 0.4910, IoU.house: 0.5074, IoU.sea: 0.7302, IoU.mirror: 0.7656, IoU.rug: 0.7014, IoU.field: 0.2956, IoU.armchair: 0.6319, IoU.seat: 0.7046, IoU.fence: 0.5150, IoU.desk: 0.5945, IoU.rock: 0.5887, IoU.wardrobe: 0.5694, IoU.lamp: 0.7642, IoU.bathtub: 0.8998, IoU.railing: 0.4508, IoU.cushion: 0.6829, IoU.base: 0.3898, IoU.box: 0.3800, IoU.column: 0.5725, IoU.signboard: 0.4093, IoU.chest of drawers: 0.4917, IoU.counter: 0.5381, IoU.sand: 0.6127, IoU.sink: 0.8154, IoU.skyscraper: 0.4432, IoU.fireplace: 0.7596, IoU.refrigerator: 0.8659, IoU.grandstand: 0.5200, IoU.path: 0.3211, IoU.stairs: 0.3750, IoU.runway: 0.7263, IoU.case: 0.5895, IoU.pool table: 0.9442, IoU.pillow: 0.6475, IoU.screen door: 0.8039, IoU.stairway: 0.4306, IoU.river: 0.1481, IoU.bridge: 0.5605, IoU.bookcase: 0.4767, IoU.blind: 0.4265, IoU.coffee table: 0.6596, IoU.toilet: 0.9039, IoU.flower: 0.4212, IoU.book: 0.5517, IoU.hill: 0.0909, IoU.bench: 0.5649, IoU.countertop: 0.6283, IoU.stove: 0.8684, IoU.palm: 0.5440, IoU.kitchen island: 0.5802, IoU.computer: 0.7920, IoU.swivel chair: 0.4654, IoU.boat: 0.7702, IoU.bar: 0.6353, IoU.arcade machine: 0.7973, IoU.hovel: 0.1848, IoU.bus: 0.9425, IoU.towel: 0.7906, IoU.light: 0.6302, IoU.truck: 0.4966, IoU.tower: 0.3009, IoU.chandelier: 0.7420, IoU.awning: 0.4254, IoU.streetlight: 0.3936, IoU.booth: 0.5491, IoU.television receiver: 0.7777, IoU.airplane: 0.8778, IoU.dirt track: 0.0837, IoU.apparel: 0.6327, IoU.pole: 0.3112, IoU.land: 0.0341, IoU.bannister: 0.2148, IoU.escalator: 0.6601, IoU.ottoman: 0.5672, IoU.bottle: 0.4483, IoU.buffet: 0.5219, IoU.poster: 0.3494, IoU.stage: 0.2935, IoU.van: 0.4403, IoU.ship: 0.6689, IoU.fountain: 0.3514, IoU.conveyer belt: 0.8077, IoU.canopy: 0.5858, IoU.washer: 0.8553, IoU.plaything: 0.3133, IoU.swimming pool: 0.5648, IoU.stool: 0.5695, IoU.barrel: 0.6519, IoU.basket: 0.4462, IoU.waterfall: 0.5147, IoU.tent: 0.9175, IoU.bag: 0.2523, IoU.minibike: 0.7745, IoU.cradle: 0.8892, IoU.oven: 0.6630, IoU.ball: 0.5977, IoU.food: 0.5994, IoU.step: 0.1115, IoU.tank: 0.7900, IoU.trade name: 0.2542, IoU.microwave: 0.9082, IoU.pot: 0.6155, IoU.animal: 0.6380, IoU.bicycle: 0.6296, IoU.lake: 0.6026, IoU.dishwasher: 0.7549, IoU.screen: 0.6227, IoU.blanket: 0.3530, IoU.sculpture: 0.7946, IoU.hood: 0.6367, IoU.sconce: 0.6168, IoU.vase: 0.4815, IoU.traffic light: 0.3913, IoU.tray: 0.2346, IoU.ashcan: 0.5288, IoU.fan: 0.7177, IoU.pier: 0.4019, IoU.crt screen: 0.0179, IoU.plate: 0.6248, IoU.monitor: 0.4105, IoU.bulletin board: 0.6503, IoU.shower: 0.1744, IoU.radiator: 0.6323, IoU.glass: 0.2259, IoU.clock: 0.5495, IoU.flag: 0.7201, Acc.wall: 0.9026, Acc.building: 0.9349, Acc.sky: 0.9756, Acc.floor: 0.9273, Acc.tree: 0.9006, Acc.ceiling: 0.9455, Acc.road: 0.9180, Acc.bed : 0.9743, Acc.windowpane: 0.8286, Acc.grass: 0.8413, Acc.cabinet: 0.7800, Acc.sidewalk: 0.8479, Acc.person: 0.9468, Acc.earth: 0.5532, Acc.door: 0.7566, Acc.table: 0.8315, Acc.mountain: 0.7392, Acc.plant: 0.6841, Acc.curtain: 0.8783, Acc.chair: 0.8076, Acc.car: 0.9400, Acc.water: 0.7808, Acc.painting: 0.9093, Acc.sofa: 0.8964, Acc.shelf: 0.6571, Acc.house: 0.6250, Acc.sea: 0.8427, Acc.mirror: 0.8581, Acc.rug: 0.7976, Acc.field: 0.4902, Acc.armchair: 0.8129, Acc.seat: 0.8924, Acc.fence: 0.6616, Acc.desk: 0.7809, Acc.rock: 0.8492, Acc.wardrobe: 0.7414, Acc.lamp: 0.8716, Acc.bathtub: 0.9348, Acc.railing: 0.6216, Acc.cushion: 0.8014, Acc.base: 0.5485, Acc.box: 0.4807, Acc.column: 0.7183, Acc.signboard: 0.5522, Acc.chest of drawers: 0.6769, Acc.counter: 0.6452, Acc.sand: 0.8736, Acc.sink: 0.8743, Acc.skyscraper: 0.5705, Acc.fireplace: 0.9542, Acc.refrigerator: 0.9522, Acc.grandstand: 0.8216, Acc.path: 0.4572, Acc.stairs: 0.4726, Acc.runway: 0.9427, Acc.case: 0.7574, Acc.pool table: 0.9775, Acc.pillow: 0.7504, Acc.screen door: 0.8298, Acc.stairway: 0.5186, Acc.river: 0.2968, Acc.bridge: 0.6303, Acc.bookcase: 0.6596, Acc.blind: 0.4708, Acc.coffee table: 0.8568, Acc.toilet: 0.9339, Acc.flower: 0.5903, Acc.book: 0.7618, Acc.hill: 0.1518, Acc.bench: 0.6406, Acc.countertop: 0.8458, Acc.stove: 0.9266, Acc.palm: 0.8140, Acc.kitchen island: 0.8403, Acc.computer: 0.9129, Acc.swivel chair: 0.6537, Acc.boat: 0.8863, Acc.bar: 0.7405, Acc.arcade machine: 0.8292, Acc.hovel: 0.1981, Acc.bus: 0.9721, Acc.towel: 0.8652, Acc.light: 0.7093, Acc.truck: 0.6348, Acc.tower: 0.5063, Acc.chandelier: 0.8703, Acc.awning: 0.5285, Acc.streetlight: 0.5250, Acc.booth: 0.7043, Acc.television receiver: 0.9069, Acc.airplane: 0.9734, Acc.dirt track: 0.3812, Acc.apparel: 0.8328, Acc.pole: 0.4325, Acc.land: 0.0470, Acc.bannister: 0.2784, Acc.escalator: 0.8612, Acc.ottoman: 0.7112, Acc.bottle: 0.7150, Acc.buffet: 0.5843, Acc.poster: 0.4119, Acc.stage: 0.4795, Acc.van: 0.6207, Acc.ship: 0.7159, Acc.fountain: 0.3632, Acc.conveyer belt: 0.9401, Acc.canopy: 0.7480, Acc.washer: 0.9080, Acc.plaything: 0.4751, Acc.swimming pool: 0.8140, Acc.stool: 0.6912, Acc.barrel: 0.9276, Acc.basket: 0.6095, Acc.waterfall: 0.6137, Acc.tent: 0.9848, Acc.bag: 0.2915, Acc.minibike: 0.8944, Acc.cradle: 0.9802, Acc.oven: 0.7739, Acc.ball: 0.6565, Acc.food: 0.6909, Acc.step: 0.1285, Acc.tank: 0.8863, Acc.trade name: 0.2951, Acc.microwave: 0.9645, Acc.pot: 0.7001, Acc.animal: 0.6548, Acc.bicycle: 0.8043, Acc.lake: 0.6769, Acc.dishwasher: 0.8434, Acc.screen: 0.8759, Acc.blanket: 0.4092, Acc.sculpture: 0.8790, Acc.hood: 0.7546, Acc.sconce: 0.7316, Acc.vase: 0.6639, Acc.traffic light: 0.6269, Acc.tray: 0.3367, Acc.ashcan: 0.6728, Acc.fan: 0.8612, Acc.pier: 0.4574, Acc.crt screen: 0.0361, Acc.plate: 0.8041, Acc.monitor: 0.4764, Acc.bulletin board: 0.7715, Acc.shower: 0.1907, Acc.radiator: 0.7836, Acc.glass: 0.2450, Acc.clock: 0.6739, Acc.flag: 0.8004