2023-11-10 11:00:03,678 - mmseg - INFO - Multi-processing start method is `None` 2023-11-10 11:00:03,684 - mmseg - INFO - OpenCV num_threads is `128 2023-11-10 11:00:03,684 - mmseg - INFO - OMP num threads is 1 2023-11-10 11:00:03,756 - 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-10 11:00:03,756 - mmseg - INFO - Distributed training: True 2023-11-10 11:00:04,041 - 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.0, init_values=0.1, with_cp=True, use_flash_attn=True, qk_normalization=True, layerscale_no_force_fp32=True, with_fpn=True, freeze_vit=True, unfreeze_pos_embed=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=1, 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='SETR_Resize', keep_ratio=True, crop_size=(504, 504), setr_multi_scale=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='SETR_Resize', keep_ratio=True, crop_size=(504, 504), setr_multi_scale=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='SETR_Resize', keep_ratio=True, crop_size=(504, 504), setr_multi_scale=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=1.0)) 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_frozen' gpu_ids = range(0, 8) auto_resume = False 2023-11-10 11:00:08,601 - mmseg - INFO - Set random seed to 2130506077, deterministic: False 2023-11-10 11:01:31,511 - mmseg - INFO - 2023-11-10 11:01:57,770 - mmseg - INFO - initialize UPerHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} 2023-11-10 11:01:59,164 - 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-10 11:01:59,199 - 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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) (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): 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() ) ) (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-10 11:01:59,756 - mmseg - INFO - Loaded 20210 images 2023-11-10 11:02:00,982 - mmseg - INFO - {'num_layers': 48, 'layer_decay_rate': 1.0} 2023-11-10 11:02:00,982 - mmseg - INFO - Build LayerDecayOptimizerConstructor 1.000000 - 50 2023-11-10 11:02:00,984 - mmseg - INFO - Param groups = { "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-10 11:02:11,229 - mmseg - INFO - trainable parameters: 435376918 2023-11-10 11:02:11,231 - mmseg - INFO - total parameters: 6341498518 2023-11-10 11:02:11,274 - mmseg - INFO - Loaded 2000 images 2023-11-10 11:02:11,275 - mmseg - INFO - Start running, host: wangwenhai@SH-IDC1-10-140-37-2, work_dir: /mnt/petrelfs/wangwenhai/workspace/ViTDetection/mmsegmentation/work_dirs/upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen 2023-11-10 11:02:11,275 - 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-10 11:02:11,275 - mmseg - INFO - workflow: [('train', 1)], max: 80000 iters 2023-11-10 11:02:11,288 - 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_frozen by HardDiskBackend. 2023-11-10 11:03:57,275 - mmseg - INFO - Iter [50/80000] lr: 1.306e-06, eta: 1 day, 1:57:37, time: 1.169, data_time: 0.008, memory: 60073, decode.loss_ce: 4.0858, decode.acc_seg: 0.8354, aux.loss_ce: 1.6220, aux.acc_seg: 0.3640, loss: 5.7078 2023-11-10 11:04:32,120 - mmseg - INFO - Iter [100/80000] lr: 2.637e-06, eta: 20:42:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 3.7474, decode.acc_seg: 25.6806, aux.loss_ce: 1.5423, aux.acc_seg: 12.3825, loss: 5.2897 2023-11-10 11:05:06,963 - mmseg - INFO - Iter [150/80000] lr: 3.966e-06, eta: 18:56:50, time: 0.697, data_time: 0.006, memory: 60073, decode.loss_ce: 3.1117, decode.acc_seg: 46.5087, aux.loss_ce: 1.4492, aux.acc_seg: 32.3979, loss: 4.5609 2023-11-10 11:05:41,734 - mmseg - INFO - Iter [200/80000] lr: 5.294e-06, eta: 18:03:19, time: 0.695, data_time: 0.006, memory: 60073, decode.loss_ce: 2.3956, decode.acc_seg: 50.6424, aux.loss_ce: 1.3114, aux.acc_seg: 36.6260, loss: 3.7070 2023-11-10 11:06:16,458 - mmseg - INFO - Iter [250/80000] lr: 6.619e-06, eta: 17:30:44, time: 0.694, data_time: 0.006, memory: 60073, decode.loss_ce: 1.9489, decode.acc_seg: 56.1917, aux.loss_ce: 1.1540, aux.acc_seg: 39.4350, loss: 3.1029 2023-11-10 11:06:51,185 - mmseg - INFO - Iter [300/80000] lr: 7.944e-06, eta: 17:08:49, time: 0.695, data_time: 0.006, memory: 60073, decode.loss_ce: 1.7501, decode.acc_seg: 58.2424, aux.loss_ce: 1.0403, aux.acc_seg: 38.8586, loss: 2.7904 2023-11-10 11:07:25,937 - mmseg - INFO - Iter [350/80000] lr: 9.266e-06, eta: 16:53:06, time: 0.695, data_time: 0.006, memory: 60073, decode.loss_ce: 1.4985, decode.acc_seg: 64.2231, aux.loss_ce: 0.9223, aux.acc_seg: 45.7948, loss: 2.4208 2023-11-10 11:08:00,719 - mmseg - INFO - Iter [400/80000] lr: 1.059e-05, eta: 16:41:16, time: 0.696, data_time: 0.006, memory: 60073, decode.loss_ce: 1.3861, decode.acc_seg: 66.1407, aux.loss_ce: 0.8704, aux.acc_seg: 47.9152, loss: 2.2566 2023-11-10 11:08:35,545 - mmseg - INFO - Iter [450/80000] lr: 1.191e-05, eta: 16:32:03, time: 0.697, data_time: 0.006, memory: 60073, decode.loss_ce: 1.2519, decode.acc_seg: 67.8714, aux.loss_ce: 0.7911, aux.acc_seg: 50.1471, loss: 2.0429 2023-11-10 11:09:10,353 - mmseg - INFO - Iter [500/80000] lr: 1.322e-05, eta: 16:24:32, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 1.1697, decode.acc_seg: 68.7700, aux.loss_ce: 0.7634, aux.acc_seg: 51.5275, loss: 1.9332 2023-11-10 11:09:45,193 - mmseg - INFO - Iter [550/80000] lr: 1.454e-05, eta: 16:18:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 1.0667, decode.acc_seg: 71.2888, aux.loss_ce: 0.7199, aux.acc_seg: 53.8410, loss: 1.7866 2023-11-10 11:10:20,023 - mmseg - INFO - Iter [600/80000] lr: 1.585e-05, eta: 16:13:04, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 1.0873, decode.acc_seg: 70.1329, aux.loss_ce: 0.7325, aux.acc_seg: 53.0905, loss: 1.8198 2023-11-10 11:10:54,844 - mmseg - INFO - Iter [650/80000] lr: 1.717e-05, eta: 16:08:30, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 1.0181, decode.acc_seg: 70.7483, aux.loss_ce: 0.7095, aux.acc_seg: 52.9019, loss: 1.7275 2023-11-10 11:11:29,687 - mmseg - INFO - Iter [700/80000] lr: 1.848e-05, eta: 16:04:32, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.9419, decode.acc_seg: 72.1179, aux.loss_ce: 0.6574, aux.acc_seg: 55.2651, loss: 1.5994 2023-11-10 11:12:04,553 - mmseg - INFO - Iter [750/80000] lr: 1.979e-05, eta: 16:01:04, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.9206, decode.acc_seg: 73.0806, aux.loss_ce: 0.6546, aux.acc_seg: 56.3027, loss: 1.5753 2023-11-10 11:12:39,403 - mmseg - INFO - Iter [800/80000] lr: 2.109e-05, eta: 15:57:56, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.9059, decode.acc_seg: 73.0788, aux.loss_ce: 0.6613, aux.acc_seg: 55.2087, loss: 1.5672 2023-11-10 11:13:14,245 - mmseg - INFO - Iter [850/80000] lr: 2.240e-05, eta: 15:55:06, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.8278, decode.acc_seg: 74.3714, aux.loss_ce: 0.6172, aux.acc_seg: 57.3822, loss: 1.4450 2023-11-10 11:13:49,100 - mmseg - INFO - Iter [900/80000] lr: 2.370e-05, eta: 15:52:31, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.8141, decode.acc_seg: 75.1004, aux.loss_ce: 0.6164, aux.acc_seg: 57.8168, loss: 1.4305 2023-11-10 11:14:23,958 - mmseg - INFO - Iter [950/80000] lr: 2.501e-05, eta: 15:50:09, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.7451, decode.acc_seg: 76.7964, aux.loss_ce: 0.5890, aux.acc_seg: 59.3356, loss: 1.3341 2023-11-10 11:14:58,813 - mmseg - INFO - Saving checkpoint at 1000 iterations 2023-11-10 11:15:29,486 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:15:29,486 - mmseg - INFO - Iter [1000/80000] lr: 2.631e-05, eta: 16:28:21, time: 1.311, data_time: 0.007, memory: 60073, decode.loss_ce: 0.8063, decode.acc_seg: 74.4458, aux.loss_ce: 0.6173, aux.acc_seg: 57.4005, loss: 1.4236 2023-11-10 11:17:41,017 - mmseg - INFO - per class results: 2023-11-10 11:17:41,023 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.4 | 87.7 | | building | 79.46 | 93.81 | | sky | 93.14 | 96.4 | | floor | 75.38 | 87.81 | | tree | 70.6 | 86.55 | | ceiling | 76.33 | 82.85 | | road | 77.39 | 87.09 | | bed | 80.34 | 97.6 | | windowpane | 56.72 | 73.14 | | grass | 66.02 | 86.43 | | cabinet | 53.14 | 76.72 | | sidewalk | 53.8 | 81.9 | | person | 70.29 | 94.51 | | earth | 32.77 | 45.21 | | door | 38.06 | 46.43 | | table | 49.49 | 63.65 | | mountain | 56.12 | 67.96 | | plant | 50.24 | 65.16 | | curtain | 64.15 | 79.9 | | chair | 47.95 | 58.92 | | car | 75.17 | 93.12 | | water | 55.85 | 86.94 | | painting | 59.19 | 85.98 | | sofa | 64.74 | 78.77 | | shelf | 27.34 | 34.91 | | house | 48.48 | 72.18 | | sea | 46.23 | 53.91 | | mirror | 53.94 | 65.92 | | rug | 36.59 | 38.04 | | field | 24.59 | 32.19 | | armchair | 36.39 | 66.26 | | seat | 49.02 | 83.84 | | fence | 22.16 | 24.58 | | desk | 32.37 | 43.02 | | rock | 48.9 | 68.58 | | wardrobe | 45.75 | 52.56 | | lamp | 47.61 | 59.73 | | bathtub | 66.79 | 73.5 | | railing | 26.73 | 34.17 | | cushion | 48.86 | 58.24 | | base | 23.59 | 58.8 | | box | 13.28 | 15.75 | | column | 18.97 | 20.07 | | signboard | 22.21 | 28.2 | | chest of drawers | 35.02 | 48.06 | | counter | 30.21 | 54.72 | | sand | 50.43 | 58.12 | | sink | 63.58 | 68.99 | | skyscraper | 44.82 | 50.44 | | fireplace | 64.32 | 86.7 | | refrigerator | 45.67 | 48.08 | | grandstand | 46.83 | 76.03 | | path | 2.82 | 2.83 | | stairs | 21.01 | 26.49 | | runway | 48.47 | 56.21 | | case | 51.46 | 58.55 | | pool table | 82.24 | 94.36 | | pillow | 43.93 | 54.56 | | screen door | 54.38 | 58.68 | | stairway | 32.88 | 35.14 | | river | 7.13 | 7.58 | | bridge | 26.1 | 30.16 | | bookcase | 30.49 | 53.53 | | blind | 0.0 | 0.0 | | coffee table | 51.14 | 83.09 | | toilet | 75.75 | 89.39 | | flower | 28.75 | 48.49 | | book | 37.48 | 46.39 | | hill | 3.52 | 3.76 | | bench | 38.99 | 44.33 | | countertop | 46.78 | 61.21 | | stove | 51.51 | 75.2 | | palm | 39.62 | 45.58 | | kitchen island | 23.08 | 31.1 | | computer | 60.86 | 73.19 | | swivel chair | 28.97 | 37.16 | | boat | 46.44 | 48.5 | | bar | 1.4 | 1.41 | | arcade machine | 67.86 | 75.86 | | hovel | 2.15 | 2.24 | | bus | 83.11 | 88.9 | | towel | 42.41 | 45.7 | | light | 4.27 | 4.28 | | truck | 20.69 | 22.42 | | tower | 0.04 | 0.05 | | chandelier | 50.38 | 62.19 | | awning | 1.64 | 1.65 | | streetlight | 0.0 | 0.0 | | booth | 0.0 | 0.0 | | television receiver | 49.2 | 49.66 | | airplane | 51.63 | 57.87 | | dirt track | 0.0 | 0.0 | | apparel | 42.19 | 71.6 | | pole | 0.0 | 0.0 | | land | 0.0 | 0.0 | | bannister | 0.0 | 0.0 | | escalator | 4.99 | 4.99 | | ottoman | 0.0 | 0.0 | | bottle | 0.12 | 0.12 | | buffet | 0.0 | 0.0 | | poster | 0.0 | 0.0 | | stage | 4.36 | 4.89 | | van | 0.0 | 0.0 | | ship | 0.0 | 0.0 | | fountain | 14.14 | 14.17 | | conveyer belt | 69.96 | 91.78 | | canopy | 11.84 | 12.02 | | washer | 77.67 | 89.93 | | plaything | 0.0 | 0.0 | | swimming pool | 13.82 | 13.96 | | stool | 0.0 | 0.0 | | barrel | 2.1 | 55.24 | | basket | 0.0 | 0.0 | | waterfall | 45.86 | 61.42 | | tent | 91.26 | 97.25 | | bag | 0.0 | 0.0 | | minibike | 0.05 | 0.05 | | cradle | 65.54 | 96.69 | | oven | 0.0 | 0.0 | | ball | 28.83 | 29.69 | | food | 20.32 | 21.21 | | step | 0.0 | 0.0 | | tank | 0.0 | 0.0 | | trade name | 0.0 | 0.0 | | microwave | 11.7 | 11.78 | | pot | 0.0 | 0.0 | | animal | 0.0 | 0.0 | | bicycle | 4.54 | 4.54 | | lake | 0.0 | 0.0 | | dishwasher | 0.0 | 0.0 | | screen | 0.0 | 0.0 | | blanket | 0.0 | 0.0 | | sculpture | 0.0 | 0.0 | | hood | 0.62 | 0.62 | | 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-10 11:17:41,023 - mmseg - INFO - Summary: 2023-11-10 11:17:41,023 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 78.43 | 29.71 | 37.6 | +-------+-------+------+ 2023-11-10 11:17:41,024 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:17:41,024 - mmseg - INFO - Iter(val) [250] aAcc: 0.7843, mIoU: 0.2971, mAcc: 0.3760, IoU.wall: 0.7040, IoU.building: 0.7946, IoU.sky: 0.9314, IoU.floor: 0.7538, IoU.tree: 0.7060, IoU.ceiling: 0.7633, IoU.road: 0.7739, IoU.bed : 0.8034, IoU.windowpane: 0.5672, IoU.grass: 0.6602, IoU.cabinet: 0.5314, IoU.sidewalk: 0.5380, IoU.person: 0.7029, IoU.earth: 0.3277, IoU.door: 0.3806, IoU.table: 0.4949, IoU.mountain: 0.5612, IoU.plant: 0.5024, IoU.curtain: 0.6415, IoU.chair: 0.4795, IoU.car: 0.7517, IoU.water: 0.5585, IoU.painting: 0.5919, IoU.sofa: 0.6474, IoU.shelf: 0.2734, IoU.house: 0.4848, IoU.sea: 0.4623, IoU.mirror: 0.5394, IoU.rug: 0.3659, IoU.field: 0.2459, IoU.armchair: 0.3639, IoU.seat: 0.4902, IoU.fence: 0.2216, IoU.desk: 0.3237, IoU.rock: 0.4890, IoU.wardrobe: 0.4575, IoU.lamp: 0.4761, IoU.bathtub: 0.6679, IoU.railing: 0.2673, IoU.cushion: 0.4886, IoU.base: 0.2359, IoU.box: 0.1328, IoU.column: 0.1897, IoU.signboard: 0.2221, IoU.chest of drawers: 0.3502, IoU.counter: 0.3021, IoU.sand: 0.5043, IoU.sink: 0.6358, IoU.skyscraper: 0.4482, IoU.fireplace: 0.6432, IoU.refrigerator: 0.4567, IoU.grandstand: 0.4683, IoU.path: 0.0282, IoU.stairs: 0.2101, IoU.runway: 0.4847, IoU.case: 0.5146, IoU.pool table: 0.8224, IoU.pillow: 0.4393, IoU.screen door: 0.5438, IoU.stairway: 0.3288, IoU.river: 0.0713, IoU.bridge: 0.2610, IoU.bookcase: 0.3049, IoU.blind: 0.0000, IoU.coffee table: 0.5114, IoU.toilet: 0.7575, IoU.flower: 0.2875, IoU.book: 0.3748, IoU.hill: 0.0352, IoU.bench: 0.3899, IoU.countertop: 0.4678, IoU.stove: 0.5151, IoU.palm: 0.3962, IoU.kitchen island: 0.2308, IoU.computer: 0.6086, IoU.swivel chair: 0.2897, IoU.boat: 0.4644, IoU.bar: 0.0140, IoU.arcade machine: 0.6786, IoU.hovel: 0.0215, IoU.bus: 0.8311, IoU.towel: 0.4241, IoU.light: 0.0427, IoU.truck: 0.2069, IoU.tower: 0.0004, IoU.chandelier: 0.5038, IoU.awning: 0.0164, IoU.streetlight: 0.0000, IoU.booth: 0.0000, IoU.television receiver: 0.4920, IoU.airplane: 0.5163, IoU.dirt track: 0.0000, IoU.apparel: 0.4219, IoU.pole: 0.0000, IoU.land: 0.0000, IoU.bannister: 0.0000, IoU.escalator: 0.0499, IoU.ottoman: 0.0000, IoU.bottle: 0.0012, IoU.buffet: 0.0000, IoU.poster: 0.0000, IoU.stage: 0.0436, IoU.van: 0.0000, IoU.ship: 0.0000, IoU.fountain: 0.1414, IoU.conveyer belt: 0.6996, IoU.canopy: 0.1184, IoU.washer: 0.7767, IoU.plaything: 0.0000, IoU.swimming pool: 0.1382, IoU.stool: 0.0000, IoU.barrel: 0.0210, IoU.basket: 0.0000, IoU.waterfall: 0.4586, IoU.tent: 0.9126, IoU.bag: 0.0000, IoU.minibike: 0.0005, IoU.cradle: 0.6554, IoU.oven: 0.0000, IoU.ball: 0.2883, IoU.food: 0.2032, IoU.step: 0.0000, IoU.tank: 0.0000, IoU.trade name: 0.0000, IoU.microwave: 0.1170, IoU.pot: 0.0000, IoU.animal: 0.0000, IoU.bicycle: 0.0454, IoU.lake: 0.0000, IoU.dishwasher: 0.0000, IoU.screen: 0.0000, IoU.blanket: 0.0000, IoU.sculpture: 0.0000, IoU.hood: 0.0062, 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.8770, Acc.building: 0.9381, Acc.sky: 0.9640, Acc.floor: 0.8781, Acc.tree: 0.8655, Acc.ceiling: 0.8285, Acc.road: 0.8709, Acc.bed : 0.9760, Acc.windowpane: 0.7314, Acc.grass: 0.8643, Acc.cabinet: 0.7672, Acc.sidewalk: 0.8190, Acc.person: 0.9451, Acc.earth: 0.4521, Acc.door: 0.4643, Acc.table: 0.6365, Acc.mountain: 0.6796, Acc.plant: 0.6516, Acc.curtain: 0.7990, Acc.chair: 0.5892, Acc.car: 0.9312, Acc.water: 0.8694, Acc.painting: 0.8598, Acc.sofa: 0.7877, Acc.shelf: 0.3491, Acc.house: 0.7218, Acc.sea: 0.5391, Acc.mirror: 0.6592, Acc.rug: 0.3804, Acc.field: 0.3219, Acc.armchair: 0.6626, Acc.seat: 0.8384, Acc.fence: 0.2458, Acc.desk: 0.4302, Acc.rock: 0.6858, Acc.wardrobe: 0.5256, Acc.lamp: 0.5973, Acc.bathtub: 0.7350, Acc.railing: 0.3417, Acc.cushion: 0.5824, Acc.base: 0.5880, Acc.box: 0.1575, Acc.column: 0.2007, Acc.signboard: 0.2820, Acc.chest of drawers: 0.4806, Acc.counter: 0.5472, Acc.sand: 0.5812, Acc.sink: 0.6899, Acc.skyscraper: 0.5044, Acc.fireplace: 0.8670, Acc.refrigerator: 0.4808, Acc.grandstand: 0.7603, Acc.path: 0.0283, Acc.stairs: 0.2649, Acc.runway: 0.5621, Acc.case: 0.5855, Acc.pool table: 0.9436, Acc.pillow: 0.5456, Acc.screen door: 0.5868, Acc.stairway: 0.3514, Acc.river: 0.0758, Acc.bridge: 0.3016, Acc.bookcase: 0.5353, Acc.blind: 0.0000, Acc.coffee table: 0.8309, Acc.toilet: 0.8939, Acc.flower: 0.4849, Acc.book: 0.4639, Acc.hill: 0.0376, Acc.bench: 0.4433, Acc.countertop: 0.6121, Acc.stove: 0.7520, Acc.palm: 0.4558, Acc.kitchen island: 0.3110, Acc.computer: 0.7319, Acc.swivel chair: 0.3716, Acc.boat: 0.4850, Acc.bar: 0.0141, Acc.arcade machine: 0.7586, Acc.hovel: 0.0224, Acc.bus: 0.8890, Acc.towel: 0.4570, Acc.light: 0.0428, Acc.truck: 0.2242, Acc.tower: 0.0005, Acc.chandelier: 0.6219, Acc.awning: 0.0165, Acc.streetlight: 0.0000, Acc.booth: 0.0000, Acc.television receiver: 0.4966, Acc.airplane: 0.5787, Acc.dirt track: 0.0000, Acc.apparel: 0.7160, Acc.pole: 0.0000, Acc.land: 0.0000, Acc.bannister: 0.0000, Acc.escalator: 0.0499, Acc.ottoman: 0.0000, Acc.bottle: 0.0012, Acc.buffet: 0.0000, Acc.poster: 0.0000, Acc.stage: 0.0489, Acc.van: 0.0000, Acc.ship: 0.0000, Acc.fountain: 0.1417, Acc.conveyer belt: 0.9178, Acc.canopy: 0.1202, Acc.washer: 0.8993, Acc.plaything: 0.0000, Acc.swimming pool: 0.1396, Acc.stool: 0.0000, Acc.barrel: 0.5524, Acc.basket: 0.0000, Acc.waterfall: 0.6142, Acc.tent: 0.9725, Acc.bag: 0.0000, Acc.minibike: 0.0005, Acc.cradle: 0.9669, Acc.oven: 0.0000, Acc.ball: 0.2969, Acc.food: 0.2121, Acc.step: 0.0000, Acc.tank: 0.0000, Acc.trade name: 0.0000, Acc.microwave: 0.1178, Acc.pot: 0.0000, Acc.animal: 0.0000, Acc.bicycle: 0.0454, Acc.lake: 0.0000, Acc.dishwasher: 0.0000, Acc.screen: 0.0000, Acc.blanket: 0.0000, Acc.sculpture: 0.0000, Acc.hood: 0.0062, 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-10 11:18:16,030 - mmseg - INFO - Iter [1050/80000] lr: 2.761e-05, eta: 19:09:24, time: 3.331, data_time: 2.638, memory: 60073, decode.loss_ce: 0.7621, decode.acc_seg: 76.9184, aux.loss_ce: 0.5912, aux.acc_seg: 60.5606, loss: 1.3533 2023-11-10 11:18:50,965 - mmseg - INFO - Iter [1100/80000] lr: 2.890e-05, eta: 18:58:13, time: 0.699, data_time: 0.007, memory: 60073, decode.loss_ce: 0.7423, decode.acc_seg: 75.9454, aux.loss_ce: 0.5847, aux.acc_seg: 58.8268, loss: 1.3271 2023-11-10 11:19:25,874 - mmseg - INFO - Iter [1150/80000] lr: 3.020e-05, eta: 18:47:56, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.7607, decode.acc_seg: 75.3571, aux.loss_ce: 0.5917, aux.acc_seg: 58.7443, loss: 1.3524 2023-11-10 11:20:00,789 - mmseg - INFO - Iter [1200/80000] lr: 3.149e-05, eta: 18:38:28, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.7093, decode.acc_seg: 76.7149, aux.loss_ce: 0.5730, aux.acc_seg: 59.9468, loss: 1.2823 2023-11-10 11:20:35,692 - mmseg - INFO - Iter [1250/80000] lr: 3.279e-05, eta: 18:29:42, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6923, decode.acc_seg: 76.7589, aux.loss_ce: 0.5596, aux.acc_seg: 59.6821, loss: 1.2519 2023-11-10 11:21:12,867 - mmseg - INFO - Iter [1300/80000] lr: 3.408e-05, eta: 18:23:51, time: 0.743, data_time: 0.050, memory: 60073, decode.loss_ce: 0.6316, decode.acc_seg: 78.0819, aux.loss_ce: 0.5333, aux.acc_seg: 61.0740, loss: 1.1650 2023-11-10 11:21:47,767 - mmseg - INFO - Iter [1350/80000] lr: 3.537e-05, eta: 18:16:10, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6529, decode.acc_seg: 77.2794, aux.loss_ce: 0.5481, aux.acc_seg: 59.2956, loss: 1.2010 2023-11-10 11:22:22,649 - mmseg - INFO - Iter [1400/80000] lr: 3.665e-05, eta: 18:08:59, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6242, decode.acc_seg: 78.3665, aux.loss_ce: 0.5385, aux.acc_seg: 61.0230, loss: 1.1626 2023-11-10 11:22:57,525 - mmseg - INFO - Iter [1450/80000] lr: 3.794e-05, eta: 18:02:16, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6239, decode.acc_seg: 78.1505, aux.loss_ce: 0.5391, aux.acc_seg: 60.9175, loss: 1.1630 2023-11-10 11:23:32,409 - mmseg - INFO - Iter [1500/80000] lr: 3.922e-05, eta: 17:55:57, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6451, decode.acc_seg: 77.9443, aux.loss_ce: 0.5522, aux.acc_seg: 60.4328, loss: 1.1974 2023-11-10 11:24:07,285 - mmseg - INFO - Iter [1550/80000] lr: 3.923e-05, eta: 17:50:00, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6017, decode.acc_seg: 78.7713, aux.loss_ce: 0.5225, aux.acc_seg: 61.3881, loss: 1.1242 2023-11-10 11:24:42,153 - mmseg - INFO - Iter [1600/80000] lr: 3.920e-05, eta: 17:44:22, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6243, decode.acc_seg: 78.2206, aux.loss_ce: 0.5307, aux.acc_seg: 60.4215, loss: 1.1550 2023-11-10 11:25:17,023 - mmseg - INFO - Iter [1650/80000] lr: 3.918e-05, eta: 17:39:03, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5868, decode.acc_seg: 79.0637, aux.loss_ce: 0.4961, aux.acc_seg: 62.3317, loss: 1.0830 2023-11-10 11:25:51,900 - mmseg - INFO - Iter [1700/80000] lr: 3.915e-05, eta: 17:34:01, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6059, decode.acc_seg: 79.1751, aux.loss_ce: 0.5051, aux.acc_seg: 63.0033, loss: 1.1110 2023-11-10 11:26:26,775 - mmseg - INFO - Iter [1750/80000] lr: 3.913e-05, eta: 17:29:15, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5560, decode.acc_seg: 79.8281, aux.loss_ce: 0.4961, aux.acc_seg: 62.4907, loss: 1.0521 2023-11-10 11:27:01,661 - mmseg - INFO - Iter [1800/80000] lr: 3.910e-05, eta: 17:24:42, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6087, decode.acc_seg: 78.0283, aux.loss_ce: 0.5076, aux.acc_seg: 61.3635, loss: 1.1163 2023-11-10 11:27:36,547 - mmseg - INFO - Iter [1850/80000] lr: 3.908e-05, eta: 17:20:23, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5747, decode.acc_seg: 79.3342, aux.loss_ce: 0.4954, aux.acc_seg: 62.1838, loss: 1.0701 2023-11-10 11:28:11,424 - mmseg - INFO - Iter [1900/80000] lr: 3.905e-05, eta: 17:16:15, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5839, decode.acc_seg: 78.3015, aux.loss_ce: 0.4939, aux.acc_seg: 62.3041, loss: 1.0778 2023-11-10 11:28:46,327 - mmseg - INFO - Iter [1950/80000] lr: 3.903e-05, eta: 17:12:19, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.6072, decode.acc_seg: 78.6532, aux.loss_ce: 0.5078, aux.acc_seg: 61.7790, loss: 1.1150 2023-11-10 11:29:21,217 - mmseg - INFO - Saving checkpoint at 2000 iterations 2023-11-10 11:29:47,377 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:29:47,377 - mmseg - INFO - Iter [2000/80000] lr: 3.900e-05, eta: 17:25:33, time: 1.221, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5691, decode.acc_seg: 79.5635, aux.loss_ce: 0.4847, aux.acc_seg: 62.6362, loss: 1.0538 2023-11-10 11:31:08,638 - mmseg - INFO - per class results: 2023-11-10 11:31:08,644 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 73.98 | 83.55 | | building | 82.13 | 93.42 | | sky | 93.61 | 96.64 | | floor | 76.86 | 88.5 | | tree | 71.57 | 88.54 | | ceiling | 80.52 | 92.96 | | road | 80.79 | 87.98 | | bed | 86.01 | 96.36 | | windowpane | 56.82 | 83.91 | | grass | 64.58 | 76.4 | | cabinet | 55.28 | 62.87 | | sidewalk | 56.62 | 84.47 | | person | 76.39 | 93.46 | | earth | 32.13 | 40.83 | | door | 40.23 | 47.03 | | table | 54.18 | 70.3 | | mountain | 57.78 | 73.97 | | plant | 50.8 | 60.7 | | curtain | 65.41 | 76.59 | | chair | 53.25 | 72.0 | | car | 79.93 | 92.71 | | water | 52.82 | 66.59 | | painting | 64.68 | 86.24 | | sofa | 62.01 | 88.8 | | shelf | 37.1 | 55.76 | | house | 55.57 | 72.62 | | sea | 55.74 | 83.35 | | mirror | 60.65 | 75.32 | | rug | 53.55 | 71.18 | | field | 32.29 | 66.37 | | armchair | 33.03 | 38.96 | | seat | 53.75 | 72.77 | | fence | 40.48 | 46.69 | | desk | 41.25 | 74.41 | | rock | 44.8 | 59.01 | | wardrobe | 52.5 | 66.04 | | lamp | 53.87 | 69.18 | | bathtub | 71.27 | 86.56 | | railing | 32.29 | 50.46 | | cushion | 54.31 | 67.12 | | base | 31.47 | 38.41 | | box | 20.8 | 23.86 | | column | 38.38 | 43.33 | | signboard | 32.72 | 45.64 | | chest of drawers | 35.19 | 68.36 | | counter | 42.61 | 49.48 | | sand | 52.99 | 77.75 | | sink | 66.35 | 73.62 | | skyscraper | 38.43 | 42.01 | | fireplace | 68.22 | 87.24 | | refrigerator | 62.8 | 71.53 | | grandstand | 46.69 | 83.64 | | path | 14.39 | 18.04 | | stairs | 16.34 | 17.55 | | runway | 62.01 | 82.22 | | case | 52.07 | 74.57 | | pool table | 82.65 | 98.51 | | pillow | 53.96 | 64.69 | | screen door | 60.11 | 72.56 | | stairway | 34.72 | 76.7 | | river | 13.42 | 25.59 | | bridge | 57.21 | 71.91 | | bookcase | 32.3 | 50.88 | | blind | 1.59 | 1.6 | | coffee table | 55.19 | 83.68 | | toilet | 77.24 | 92.08 | | flower | 32.82 | 44.4 | | book | 45.61 | 72.06 | | hill | 4.09 | 4.21 | | bench | 46.0 | 53.2 | | countertop | 48.67 | 81.55 | | stove | 69.98 | 85.1 | | palm | 49.73 | 72.82 | | kitchen island | 32.12 | 81.98 | | computer | 63.49 | 90.29 | | swivel chair | 34.68 | 45.73 | | boat | 59.99 | 81.55 | | bar | 60.18 | 84.2 | | arcade machine | 71.05 | 77.56 | | hovel | 56.17 | 66.03 | | bus | 86.63 | 95.39 | | towel | 58.1 | 74.63 | | light | 24.8 | 26.58 | | truck | 32.4 | 38.84 | | tower | 8.76 | 11.99 | | chandelier | 59.48 | 77.18 | | awning | 25.52 | 27.83 | | streetlight | 14.24 | 17.61 | | booth | 28.84 | 63.03 | | television receiver | 71.07 | 77.71 | | airplane | 56.96 | 61.99 | | dirt track | 0.0 | 0.0 | | apparel | 42.43 | 59.5 | | pole | 4.99 | 5.25 | | land | 0.05 | 0.05 | | bannister | 7.19 | 9.61 | | escalator | 46.1 | 61.76 | | ottoman | 44.11 | 65.59 | | bottle | 37.0 | 58.12 | | buffet | 40.42 | 55.79 | | poster | 2.62 | 2.73 | | stage | 16.14 | 41.96 | | van | 30.56 | 35.98 | | ship | 57.07 | 66.88 | | fountain | 57.97 | 66.48 | | conveyer belt | 81.92 | 92.26 | | canopy | 56.55 | 68.56 | | washer | 81.93 | 91.19 | | plaything | 23.59 | 27.68 | | swimming pool | 65.99 | 69.17 | | stool | 9.73 | 10.26 | | barrel | 42.68 | 53.11 | | basket | 23.7 | 34.42 | | waterfall | 44.69 | 62.22 | | tent | 69.15 | 99.68 | | bag | 0.0 | 0.0 | | minibike | 64.26 | 75.02 | | cradle | 66.67 | 99.1 | | oven | 49.27 | 62.85 | | ball | 43.07 | 65.8 | | food | 55.19 | 65.21 | | step | 0.0 | 0.0 | | tank | 48.84 | 53.6 | | trade name | 0.2 | 0.2 | | microwave | 79.52 | 86.39 | | pot | 33.71 | 36.26 | | animal | 65.25 | 68.54 | | bicycle | 41.69 | 46.05 | | lake | 0.0 | 0.0 | | dishwasher | 47.76 | 51.04 | | screen | 53.83 | 65.6 | | blanket | 0.0 | 0.0 | | sculpture | 32.39 | 32.65 | | hood | 51.36 | 59.47 | | sconce | 12.56 | 13.0 | | vase | 22.83 | 26.7 | | traffic light | 9.56 | 9.86 | | tray | 0.29 | 0.29 | | ashcan | 24.54 | 25.39 | | fan | 41.14 | 50.27 | | pier | 38.05 | 43.78 | | crt screen | 0.0 | 0.0 | | plate | 31.04 | 39.93 | | monitor | 44.65 | 53.9 | | bulletin board | 6.38 | 6.43 | | shower | 0.0 | 0.0 | | radiator | 3.41 | 3.41 | | glass | 0.0 | 0.0 | | clock | 4.57 | 4.57 | | flag | 5.6 | 5.6 | +---------------------+-------+-------+ 2023-11-10 11:31:08,644 - mmseg - INFO - Summary: 2023-11-10 11:31:08,644 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 80.87 | 43.31 | 55.32 | +-------+-------+-------+ 2023-11-10 11:31:08,645 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:31:08,645 - mmseg - INFO - Iter(val) [250] aAcc: 0.8087, mIoU: 0.4331, mAcc: 0.5532, IoU.wall: 0.7398, IoU.building: 0.8213, IoU.sky: 0.9361, IoU.floor: 0.7686, IoU.tree: 0.7157, IoU.ceiling: 0.8052, IoU.road: 0.8079, IoU.bed : 0.8601, IoU.windowpane: 0.5682, IoU.grass: 0.6458, IoU.cabinet: 0.5528, IoU.sidewalk: 0.5662, IoU.person: 0.7639, IoU.earth: 0.3213, IoU.door: 0.4023, IoU.table: 0.5418, IoU.mountain: 0.5778, IoU.plant: 0.5080, IoU.curtain: 0.6541, IoU.chair: 0.5325, IoU.car: 0.7993, IoU.water: 0.5282, IoU.painting: 0.6468, IoU.sofa: 0.6201, IoU.shelf: 0.3710, IoU.house: 0.5557, IoU.sea: 0.5574, IoU.mirror: 0.6065, IoU.rug: 0.5355, IoU.field: 0.3229, IoU.armchair: 0.3303, IoU.seat: 0.5375, IoU.fence: 0.4048, IoU.desk: 0.4125, IoU.rock: 0.4480, IoU.wardrobe: 0.5250, IoU.lamp: 0.5387, IoU.bathtub: 0.7127, IoU.railing: 0.3229, IoU.cushion: 0.5431, IoU.base: 0.3147, IoU.box: 0.2080, IoU.column: 0.3838, IoU.signboard: 0.3272, IoU.chest of drawers: 0.3519, IoU.counter: 0.4261, IoU.sand: 0.5299, IoU.sink: 0.6635, IoU.skyscraper: 0.3843, IoU.fireplace: 0.6822, IoU.refrigerator: 0.6280, IoU.grandstand: 0.4669, IoU.path: 0.1439, IoU.stairs: 0.1634, IoU.runway: 0.6201, IoU.case: 0.5207, IoU.pool table: 0.8265, IoU.pillow: 0.5396, IoU.screen door: 0.6011, IoU.stairway: 0.3472, IoU.river: 0.1342, IoU.bridge: 0.5721, IoU.bookcase: 0.3230, IoU.blind: 0.0159, IoU.coffee table: 0.5519, IoU.toilet: 0.7724, IoU.flower: 0.3282, IoU.book: 0.4561, IoU.hill: 0.0409, IoU.bench: 0.4600, IoU.countertop: 0.4867, IoU.stove: 0.6998, IoU.palm: 0.4973, IoU.kitchen island: 0.3212, IoU.computer: 0.6349, IoU.swivel chair: 0.3468, IoU.boat: 0.5999, IoU.bar: 0.6018, IoU.arcade machine: 0.7105, IoU.hovel: 0.5617, IoU.bus: 0.8663, IoU.towel: 0.5810, IoU.light: 0.2480, IoU.truck: 0.3240, IoU.tower: 0.0876, IoU.chandelier: 0.5948, IoU.awning: 0.2552, IoU.streetlight: 0.1424, IoU.booth: 0.2884, IoU.television receiver: 0.7107, IoU.airplane: 0.5696, IoU.dirt track: 0.0000, IoU.apparel: 0.4243, IoU.pole: 0.0499, IoU.land: 0.0005, IoU.bannister: 0.0719, IoU.escalator: 0.4610, IoU.ottoman: 0.4411, IoU.bottle: 0.3700, IoU.buffet: 0.4042, IoU.poster: 0.0262, IoU.stage: 0.1614, IoU.van: 0.3056, IoU.ship: 0.5707, IoU.fountain: 0.5797, IoU.conveyer belt: 0.8192, IoU.canopy: 0.5655, IoU.washer: 0.8193, IoU.plaything: 0.2359, IoU.swimming pool: 0.6599, IoU.stool: 0.0973, IoU.barrel: 0.4268, IoU.basket: 0.2370, IoU.waterfall: 0.4469, IoU.tent: 0.6915, IoU.bag: 0.0000, IoU.minibike: 0.6426, IoU.cradle: 0.6667, IoU.oven: 0.4927, IoU.ball: 0.4307, IoU.food: 0.5519, IoU.step: 0.0000, IoU.tank: 0.4884, IoU.trade name: 0.0020, IoU.microwave: 0.7952, IoU.pot: 0.3371, IoU.animal: 0.6525, IoU.bicycle: 0.4169, IoU.lake: 0.0000, IoU.dishwasher: 0.4776, IoU.screen: 0.5383, IoU.blanket: 0.0000, IoU.sculpture: 0.3239, IoU.hood: 0.5136, IoU.sconce: 0.1256, IoU.vase: 0.2283, IoU.traffic light: 0.0956, IoU.tray: 0.0029, IoU.ashcan: 0.2454, IoU.fan: 0.4114, IoU.pier: 0.3805, IoU.crt screen: 0.0000, IoU.plate: 0.3104, IoU.monitor: 0.4465, IoU.bulletin board: 0.0638, IoU.shower: 0.0000, IoU.radiator: 0.0341, IoU.glass: 0.0000, IoU.clock: 0.0457, IoU.flag: 0.0560, Acc.wall: 0.8355, Acc.building: 0.9342, Acc.sky: 0.9664, Acc.floor: 0.8850, Acc.tree: 0.8854, Acc.ceiling: 0.9296, Acc.road: 0.8798, Acc.bed : 0.9636, Acc.windowpane: 0.8391, Acc.grass: 0.7640, Acc.cabinet: 0.6287, Acc.sidewalk: 0.8447, Acc.person: 0.9346, Acc.earth: 0.4083, Acc.door: 0.4703, Acc.table: 0.7030, Acc.mountain: 0.7397, Acc.plant: 0.6070, Acc.curtain: 0.7659, Acc.chair: 0.7200, Acc.car: 0.9271, Acc.water: 0.6659, Acc.painting: 0.8624, Acc.sofa: 0.8880, Acc.shelf: 0.5576, Acc.house: 0.7262, Acc.sea: 0.8335, Acc.mirror: 0.7532, Acc.rug: 0.7118, Acc.field: 0.6637, Acc.armchair: 0.3896, Acc.seat: 0.7277, Acc.fence: 0.4669, Acc.desk: 0.7441, Acc.rock: 0.5901, Acc.wardrobe: 0.6604, Acc.lamp: 0.6918, Acc.bathtub: 0.8656, Acc.railing: 0.5046, Acc.cushion: 0.6712, Acc.base: 0.3841, Acc.box: 0.2386, Acc.column: 0.4333, Acc.signboard: 0.4564, Acc.chest of drawers: 0.6836, Acc.counter: 0.4948, Acc.sand: 0.7775, Acc.sink: 0.7362, Acc.skyscraper: 0.4201, Acc.fireplace: 0.8724, Acc.refrigerator: 0.7153, Acc.grandstand: 0.8364, Acc.path: 0.1804, Acc.stairs: 0.1755, Acc.runway: 0.8222, Acc.case: 0.7457, Acc.pool table: 0.9851, Acc.pillow: 0.6469, Acc.screen door: 0.7256, Acc.stairway: 0.7670, Acc.river: 0.2559, Acc.bridge: 0.7191, Acc.bookcase: 0.5088, Acc.blind: 0.0160, Acc.coffee table: 0.8368, Acc.toilet: 0.9208, Acc.flower: 0.4440, Acc.book: 0.7206, Acc.hill: 0.0421, Acc.bench: 0.5320, Acc.countertop: 0.8155, Acc.stove: 0.8510, Acc.palm: 0.7282, Acc.kitchen island: 0.8198, Acc.computer: 0.9029, Acc.swivel chair: 0.4573, Acc.boat: 0.8155, Acc.bar: 0.8420, Acc.arcade machine: 0.7756, Acc.hovel: 0.6603, Acc.bus: 0.9539, Acc.towel: 0.7463, Acc.light: 0.2658, Acc.truck: 0.3884, Acc.tower: 0.1199, Acc.chandelier: 0.7718, Acc.awning: 0.2783, Acc.streetlight: 0.1761, Acc.booth: 0.6303, Acc.television receiver: 0.7771, Acc.airplane: 0.6199, Acc.dirt track: 0.0000, Acc.apparel: 0.5950, Acc.pole: 0.0525, Acc.land: 0.0005, Acc.bannister: 0.0961, Acc.escalator: 0.6176, Acc.ottoman: 0.6559, Acc.bottle: 0.5812, Acc.buffet: 0.5579, Acc.poster: 0.0273, Acc.stage: 0.4196, Acc.van: 0.3598, Acc.ship: 0.6688, Acc.fountain: 0.6648, Acc.conveyer belt: 0.9226, Acc.canopy: 0.6856, Acc.washer: 0.9119, Acc.plaything: 0.2768, Acc.swimming pool: 0.6917, Acc.stool: 0.1026, Acc.barrel: 0.5311, Acc.basket: 0.3442, Acc.waterfall: 0.6222, Acc.tent: 0.9968, Acc.bag: 0.0000, Acc.minibike: 0.7502, Acc.cradle: 0.9910, Acc.oven: 0.6285, Acc.ball: 0.6580, Acc.food: 0.6521, Acc.step: 0.0000, Acc.tank: 0.5360, Acc.trade name: 0.0020, Acc.microwave: 0.8639, Acc.pot: 0.3626, Acc.animal: 0.6854, Acc.bicycle: 0.4605, Acc.lake: 0.0000, Acc.dishwasher: 0.5104, Acc.screen: 0.6560, Acc.blanket: 0.0000, Acc.sculpture: 0.3265, Acc.hood: 0.5947, Acc.sconce: 0.1300, Acc.vase: 0.2670, Acc.traffic light: 0.0986, Acc.tray: 0.0029, Acc.ashcan: 0.2539, Acc.fan: 0.5027, Acc.pier: 0.4378, Acc.crt screen: 0.0000, Acc.plate: 0.3993, Acc.monitor: 0.5390, Acc.bulletin board: 0.0643, Acc.shower: 0.0000, Acc.radiator: 0.0341, Acc.glass: 0.0000, Acc.clock: 0.0457, Acc.flag: 0.0560 2023-11-10 11:31:43,632 - mmseg - INFO - Iter [2050/80000] lr: 3.898e-05, eta: 18:13:04, time: 2.325, data_time: 1.633, memory: 60073, decode.loss_ce: 0.5751, decode.acc_seg: 78.7745, aux.loss_ce: 0.4851, aux.acc_seg: 62.0982, loss: 1.0602 2023-11-10 11:32:18,538 - mmseg - INFO - Iter [2100/80000] lr: 3.895e-05, eta: 18:07:56, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5769, decode.acc_seg: 79.2878, aux.loss_ce: 0.4754, aux.acc_seg: 63.6161, loss: 1.0523 2023-11-10 11:32:53,435 - mmseg - INFO - Iter [2150/80000] lr: 3.893e-05, eta: 18:03:01, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5767, decode.acc_seg: 79.1350, aux.loss_ce: 0.4930, aux.acc_seg: 61.7310, loss: 1.0697 2023-11-10 11:33:28,305 - mmseg - INFO - Iter [2200/80000] lr: 3.890e-05, eta: 17:58:16, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5297, decode.acc_seg: 80.7868, aux.loss_ce: 0.4594, aux.acc_seg: 64.4154, loss: 0.9891 2023-11-10 11:34:03,179 - mmseg - INFO - Iter [2250/80000] lr: 3.888e-05, eta: 17:53:43, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5594, decode.acc_seg: 78.4553, aux.loss_ce: 0.4626, aux.acc_seg: 62.5478, loss: 1.0220 2023-11-10 11:34:38,077 - mmseg - INFO - Iter [2300/80000] lr: 3.885e-05, eta: 17:49:21, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5620, decode.acc_seg: 79.1172, aux.loss_ce: 0.4594, aux.acc_seg: 63.7106, loss: 1.0214 2023-11-10 11:35:12,931 - mmseg - INFO - Iter [2350/80000] lr: 3.883e-05, eta: 17:45:07, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5294, decode.acc_seg: 80.4969, aux.loss_ce: 0.4431, aux.acc_seg: 65.4084, loss: 0.9725 2023-11-10 11:35:47,798 - mmseg - INFO - Iter [2400/80000] lr: 3.880e-05, eta: 17:41:03, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5383, decode.acc_seg: 79.3091, aux.loss_ce: 0.4605, aux.acc_seg: 63.2059, loss: 0.9988 2023-11-10 11:36:22,677 - mmseg - INFO - Iter [2450/80000] lr: 3.878e-05, eta: 17:37:07, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5442, decode.acc_seg: 79.6140, aux.loss_ce: 0.4780, aux.acc_seg: 61.9669, loss: 1.0222 2023-11-10 11:36:57,598 - mmseg - INFO - Iter [2500/80000] lr: 3.875e-05, eta: 17:33:21, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5534, decode.acc_seg: 79.3981, aux.loss_ce: 0.4598, aux.acc_seg: 63.9829, loss: 1.0132 2023-11-10 11:37:34,843 - mmseg - INFO - Iter [2550/80000] lr: 3.873e-05, eta: 17:30:53, time: 0.745, data_time: 0.051, memory: 60073, decode.loss_ce: 0.5180, decode.acc_seg: 80.4702, aux.loss_ce: 0.4668, aux.acc_seg: 62.9832, loss: 0.9848 2023-11-10 11:38:09,742 - mmseg - INFO - Iter [2600/80000] lr: 3.870e-05, eta: 17:27:19, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4956, decode.acc_seg: 81.5623, aux.loss_ce: 0.4739, aux.acc_seg: 62.9829, loss: 0.9695 2023-11-10 11:38:44,629 - mmseg - INFO - Iter [2650/80000] lr: 3.868e-05, eta: 17:23:52, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5112, decode.acc_seg: 80.8899, aux.loss_ce: 0.4583, aux.acc_seg: 63.9931, loss: 0.9695 2023-11-10 11:39:19,503 - mmseg - INFO - Iter [2700/80000] lr: 3.865e-05, eta: 17:20:31, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4857, decode.acc_seg: 81.3156, aux.loss_ce: 0.4457, aux.acc_seg: 63.8674, loss: 0.9314 2023-11-10 11:39:54,391 - mmseg - INFO - Iter [2750/80000] lr: 3.863e-05, eta: 17:17:16, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4802, decode.acc_seg: 81.8971, aux.loss_ce: 0.4345, aux.acc_seg: 65.4182, loss: 0.9147 2023-11-10 11:40:29,279 - mmseg - INFO - Iter [2800/80000] lr: 3.860e-05, eta: 17:14:07, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5013, decode.acc_seg: 80.6019, aux.loss_ce: 0.4484, aux.acc_seg: 63.4277, loss: 0.9497 2023-11-10 11:41:04,173 - mmseg - INFO - Iter [2850/80000] lr: 3.858e-05, eta: 17:11:04, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4681, decode.acc_seg: 82.2448, aux.loss_ce: 0.4297, aux.acc_seg: 64.9861, loss: 0.8979 2023-11-10 11:41:39,063 - mmseg - INFO - Iter [2900/80000] lr: 3.855e-05, eta: 17:08:05, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4671, decode.acc_seg: 82.1942, aux.loss_ce: 0.4380, aux.acc_seg: 64.8219, loss: 0.9051 2023-11-10 11:42:13,927 - mmseg - INFO - Iter [2950/80000] lr: 3.853e-05, eta: 17:05:11, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4977, decode.acc_seg: 80.7062, aux.loss_ce: 0.4324, aux.acc_seg: 64.5004, loss: 0.9301 2023-11-10 11:42:48,805 - mmseg - INFO - Saving checkpoint at 3000 iterations 2023-11-10 11:43:19,602 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:43:19,602 - mmseg - INFO - Iter [3000/80000] lr: 3.850e-05, eta: 17:15:32, time: 1.313, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4826, decode.acc_seg: 81.4218, aux.loss_ce: 0.4332, aux.acc_seg: 65.0279, loss: 0.9158 2023-11-10 11:44:40,287 - mmseg - INFO - per class results: 2023-11-10 11:44:40,295 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 74.26 | 89.18 | | building | 82.21 | 92.05 | | sky | 93.63 | 97.09 | | floor | 78.94 | 87.26 | | tree | 72.62 | 87.06 | | ceiling | 80.81 | 86.75 | | road | 82.77 | 88.91 | | bed | 87.34 | 96.68 | | windowpane | 60.0 | 74.47 | | grass | 67.31 | 89.06 | | cabinet | 57.3 | 73.93 | | sidewalk | 61.94 | 79.67 | | person | 80.44 | 92.08 | | earth | 32.05 | 39.11 | | door | 47.83 | 59.25 | | table | 55.1 | 66.28 | | mountain | 58.21 | 65.3 | | plant | 54.22 | 71.42 | | curtain | 67.83 | 80.82 | | chair | 54.99 | 67.66 | | car | 77.44 | 95.68 | | water | 54.59 | 64.05 | | painting | 70.52 | 82.5 | | sofa | 69.23 | 77.64 | | shelf | 37.25 | 48.87 | | house | 30.69 | 36.5 | | sea | 69.07 | 88.93 | | mirror | 65.91 | 79.3 | | rug | 49.51 | 54.56 | | field | 33.4 | 48.04 | | armchair | 46.55 | 73.64 | | seat | 58.1 | 70.92 | | fence | 42.71 | 60.43 | | desk | 41.42 | 73.16 | | rock | 52.38 | 82.51 | | wardrobe | 50.88 | 77.13 | | lamp | 58.73 | 72.94 | | bathtub | 77.53 | 90.15 | | railing | 34.79 | 50.63 | | cushion | 54.33 | 62.22 | | base | 29.71 | 34.17 | | box | 25.02 | 37.07 | | column | 44.35 | 54.94 | | signboard | 34.18 | 46.44 | | chest of drawers | 46.57 | 64.63 | | counter | 41.44 | 64.23 | | sand | 43.89 | 61.67 | | sink | 65.32 | 67.98 | | skyscraper | 49.97 | 60.82 | | fireplace | 67.45 | 88.28 | | refrigerator | 63.17 | 70.6 | | grandstand | 39.39 | 77.37 | | path | 19.58 | 24.02 | | stairs | 35.01 | 45.42 | | runway | 70.71 | 91.25 | | case | 56.6 | 78.0 | | pool table | 88.87 | 97.74 | | pillow | 57.93 | 73.45 | | screen door | 63.75 | 74.44 | | stairway | 53.56 | 63.69 | | river | 19.25 | 49.21 | | bridge | 66.65 | 85.5 | | bookcase | 26.89 | 33.58 | | blind | 7.42 | 7.58 | | coffee table | 57.85 | 79.97 | | toilet | 81.4 | 91.79 | | flower | 40.07 | 49.24 | | book | 46.03 | 69.99 | | hill | 9.12 | 19.6 | | bench | 45.39 | 65.75 | | countertop | 53.17 | 82.97 | | stove | 74.0 | 84.56 | | palm | 50.06 | 64.37 | | kitchen island | 30.65 | 86.72 | | computer | 65.07 | 75.95 | | swivel chair | 35.53 | 43.5 | | boat | 50.03 | 86.1 | | bar | 58.03 | 67.68 | | arcade machine | 62.4 | 66.78 | | hovel | 25.85 | 27.97 | | bus | 86.14 | 93.84 | | towel | 63.66 | 74.22 | | light | 28.86 | 31.19 | | truck | 31.72 | 39.65 | | tower | 10.95 | 15.11 | | chandelier | 62.87 | 75.6 | | awning | 30.19 | 34.35 | | streetlight | 18.88 | 22.85 | | booth | 31.85 | 47.24 | | television receiver | 70.88 | 75.59 | | airplane | 56.18 | 65.16 | | dirt track | 10.96 | 17.15 | | apparel | 42.32 | 61.41 | | pole | 12.22 | 13.85 | | land | 3.92 | 4.98 | | bannister | 7.11 | 13.33 | | escalator | 49.39 | 60.93 | | ottoman | 43.93 | 54.72 | | bottle | 39.02 | 61.52 | | buffet | 42.74 | 56.41 | | poster | 5.83 | 6.46 | | stage | 19.39 | 62.2 | | van | 25.37 | 32.45 | | ship | 74.56 | 90.84 | | fountain | 69.32 | 77.15 | | conveyer belt | 75.12 | 94.41 | | canopy | 56.73 | 66.25 | | washer | 59.82 | 64.01 | | plaything | 6.89 | 7.21 | | swimming pool | 61.67 | 90.77 | | stool | 20.85 | 23.04 | | barrel | 38.73 | 59.34 | | basket | 25.65 | 32.4 | | waterfall | 46.73 | 70.64 | | tent | 90.42 | 98.88 | | bag | 4.16 | 4.19 | | minibike | 64.03 | 85.03 | | cradle | 71.96 | 98.0 | | oven | 50.31 | 58.37 | | ball | 47.94 | 60.86 | | food | 57.67 | 66.84 | | step | 4.57 | 6.47 | | tank | 56.89 | 96.75 | | trade name | 12.69 | 13.11 | | microwave | 80.16 | 88.77 | | pot | 38.55 | 41.64 | | animal | 61.6 | 66.25 | | bicycle | 55.53 | 75.46 | | lake | 0.04 | 0.04 | | dishwasher | 54.11 | 58.7 | | screen | 56.75 | 81.42 | | blanket | 1.13 | 1.18 | | sculpture | 52.15 | 54.92 | | hood | 52.33 | 57.76 | | sconce | 26.91 | 29.96 | | vase | 27.8 | 39.4 | | traffic light | 23.91 | 27.6 | | tray | 2.17 | 2.64 | | ashcan | 37.74 | 43.18 | | fan | 50.09 | 60.74 | | pier | 30.01 | 47.77 | | crt screen | 3.72 | 12.14 | | plate | 42.54 | 51.82 | | monitor | 2.58 | 2.6 | | bulletin board | 34.01 | 38.97 | | shower | 0.0 | 0.0 | | radiator | 57.04 | 63.07 | | glass | 3.79 | 3.82 | | clock | 13.13 | 14.96 | | flag | 28.44 | 29.33 | +---------------------+-------+-------+ 2023-11-10 11:44:40,295 - mmseg - INFO - Summary: 2023-11-10 11:44:40,295 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 81.83 | 46.36 | 58.45 | +-------+-------+-------+ 2023-11-10 11:44:40,296 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:44:40,296 - mmseg - INFO - Iter(val) [250] aAcc: 0.8183, mIoU: 0.4636, mAcc: 0.5845, IoU.wall: 0.7426, IoU.building: 0.8221, IoU.sky: 0.9363, IoU.floor: 0.7894, IoU.tree: 0.7262, IoU.ceiling: 0.8081, IoU.road: 0.8277, IoU.bed : 0.8734, IoU.windowpane: 0.6000, IoU.grass: 0.6731, IoU.cabinet: 0.5730, IoU.sidewalk: 0.6194, IoU.person: 0.8044, IoU.earth: 0.3205, IoU.door: 0.4783, IoU.table: 0.5510, IoU.mountain: 0.5821, IoU.plant: 0.5422, IoU.curtain: 0.6783, IoU.chair: 0.5499, IoU.car: 0.7744, IoU.water: 0.5459, IoU.painting: 0.7052, IoU.sofa: 0.6923, IoU.shelf: 0.3725, IoU.house: 0.3069, IoU.sea: 0.6907, IoU.mirror: 0.6591, IoU.rug: 0.4951, IoU.field: 0.3340, IoU.armchair: 0.4655, IoU.seat: 0.5810, IoU.fence: 0.4271, IoU.desk: 0.4142, IoU.rock: 0.5238, IoU.wardrobe: 0.5088, IoU.lamp: 0.5873, IoU.bathtub: 0.7753, IoU.railing: 0.3479, IoU.cushion: 0.5433, IoU.base: 0.2971, IoU.box: 0.2502, IoU.column: 0.4435, IoU.signboard: 0.3418, IoU.chest of drawers: 0.4657, IoU.counter: 0.4144, IoU.sand: 0.4389, IoU.sink: 0.6532, IoU.skyscraper: 0.4997, IoU.fireplace: 0.6745, IoU.refrigerator: 0.6317, IoU.grandstand: 0.3939, IoU.path: 0.1958, IoU.stairs: 0.3501, IoU.runway: 0.7071, IoU.case: 0.5660, IoU.pool table: 0.8887, IoU.pillow: 0.5793, IoU.screen door: 0.6375, IoU.stairway: 0.5356, IoU.river: 0.1925, IoU.bridge: 0.6665, IoU.bookcase: 0.2689, IoU.blind: 0.0742, IoU.coffee table: 0.5785, IoU.toilet: 0.8140, IoU.flower: 0.4007, IoU.book: 0.4603, IoU.hill: 0.0912, IoU.bench: 0.4539, IoU.countertop: 0.5317, IoU.stove: 0.7400, IoU.palm: 0.5006, IoU.kitchen island: 0.3065, IoU.computer: 0.6507, IoU.swivel chair: 0.3553, IoU.boat: 0.5003, IoU.bar: 0.5803, IoU.arcade machine: 0.6240, IoU.hovel: 0.2585, IoU.bus: 0.8614, IoU.towel: 0.6366, IoU.light: 0.2886, IoU.truck: 0.3172, IoU.tower: 0.1095, IoU.chandelier: 0.6287, IoU.awning: 0.3019, IoU.streetlight: 0.1888, IoU.booth: 0.3185, IoU.television receiver: 0.7088, IoU.airplane: 0.5618, IoU.dirt track: 0.1096, IoU.apparel: 0.4232, IoU.pole: 0.1222, IoU.land: 0.0392, IoU.bannister: 0.0711, IoU.escalator: 0.4939, IoU.ottoman: 0.4393, IoU.bottle: 0.3902, IoU.buffet: 0.4274, IoU.poster: 0.0583, IoU.stage: 0.1939, IoU.van: 0.2537, IoU.ship: 0.7456, IoU.fountain: 0.6932, IoU.conveyer belt: 0.7512, IoU.canopy: 0.5673, IoU.washer: 0.5982, IoU.plaything: 0.0689, IoU.swimming pool: 0.6167, IoU.stool: 0.2085, IoU.barrel: 0.3873, IoU.basket: 0.2565, IoU.waterfall: 0.4673, IoU.tent: 0.9042, IoU.bag: 0.0416, IoU.minibike: 0.6403, IoU.cradle: 0.7196, IoU.oven: 0.5031, IoU.ball: 0.4794, IoU.food: 0.5767, IoU.step: 0.0457, IoU.tank: 0.5689, IoU.trade name: 0.1269, IoU.microwave: 0.8016, IoU.pot: 0.3855, IoU.animal: 0.6160, IoU.bicycle: 0.5553, IoU.lake: 0.0004, IoU.dishwasher: 0.5411, IoU.screen: 0.5675, IoU.blanket: 0.0113, IoU.sculpture: 0.5215, IoU.hood: 0.5233, IoU.sconce: 0.2691, IoU.vase: 0.2780, IoU.traffic light: 0.2391, IoU.tray: 0.0217, IoU.ashcan: 0.3774, IoU.fan: 0.5009, IoU.pier: 0.3001, IoU.crt screen: 0.0372, IoU.plate: 0.4254, IoU.monitor: 0.0258, IoU.bulletin board: 0.3401, IoU.shower: 0.0000, IoU.radiator: 0.5704, IoU.glass: 0.0379, IoU.clock: 0.1313, IoU.flag: 0.2844, Acc.wall: 0.8918, Acc.building: 0.9205, Acc.sky: 0.9709, Acc.floor: 0.8726, Acc.tree: 0.8706, Acc.ceiling: 0.8675, Acc.road: 0.8891, Acc.bed : 0.9668, Acc.windowpane: 0.7447, Acc.grass: 0.8906, Acc.cabinet: 0.7393, Acc.sidewalk: 0.7967, Acc.person: 0.9208, Acc.earth: 0.3911, Acc.door: 0.5925, Acc.table: 0.6628, Acc.mountain: 0.6530, Acc.plant: 0.7142, Acc.curtain: 0.8082, Acc.chair: 0.6766, Acc.car: 0.9568, Acc.water: 0.6405, Acc.painting: 0.8250, Acc.sofa: 0.7764, Acc.shelf: 0.4887, Acc.house: 0.3650, Acc.sea: 0.8893, Acc.mirror: 0.7930, Acc.rug: 0.5456, Acc.field: 0.4804, Acc.armchair: 0.7364, Acc.seat: 0.7092, Acc.fence: 0.6043, Acc.desk: 0.7316, Acc.rock: 0.8251, Acc.wardrobe: 0.7713, Acc.lamp: 0.7294, Acc.bathtub: 0.9015, Acc.railing: 0.5063, Acc.cushion: 0.6222, Acc.base: 0.3417, Acc.box: 0.3707, Acc.column: 0.5494, Acc.signboard: 0.4644, Acc.chest of drawers: 0.6463, Acc.counter: 0.6423, Acc.sand: 0.6167, Acc.sink: 0.6798, Acc.skyscraper: 0.6082, Acc.fireplace: 0.8828, Acc.refrigerator: 0.7060, Acc.grandstand: 0.7737, Acc.path: 0.2402, Acc.stairs: 0.4542, Acc.runway: 0.9125, Acc.case: 0.7800, Acc.pool table: 0.9774, Acc.pillow: 0.7345, Acc.screen door: 0.7444, Acc.stairway: 0.6369, Acc.river: 0.4921, Acc.bridge: 0.8550, Acc.bookcase: 0.3358, Acc.blind: 0.0758, Acc.coffee table: 0.7997, Acc.toilet: 0.9179, Acc.flower: 0.4924, Acc.book: 0.6999, Acc.hill: 0.1960, Acc.bench: 0.6575, Acc.countertop: 0.8297, Acc.stove: 0.8456, Acc.palm: 0.6437, Acc.kitchen island: 0.8672, Acc.computer: 0.7595, Acc.swivel chair: 0.4350, Acc.boat: 0.8610, Acc.bar: 0.6768, Acc.arcade machine: 0.6678, Acc.hovel: 0.2797, Acc.bus: 0.9384, Acc.towel: 0.7422, Acc.light: 0.3119, Acc.truck: 0.3965, Acc.tower: 0.1511, Acc.chandelier: 0.7560, Acc.awning: 0.3435, Acc.streetlight: 0.2285, Acc.booth: 0.4724, Acc.television receiver: 0.7559, Acc.airplane: 0.6516, Acc.dirt track: 0.1715, Acc.apparel: 0.6141, Acc.pole: 0.1385, Acc.land: 0.0498, Acc.bannister: 0.1333, Acc.escalator: 0.6093, Acc.ottoman: 0.5472, Acc.bottle: 0.6152, Acc.buffet: 0.5641, Acc.poster: 0.0646, Acc.stage: 0.6220, Acc.van: 0.3245, Acc.ship: 0.9084, Acc.fountain: 0.7715, Acc.conveyer belt: 0.9441, Acc.canopy: 0.6625, Acc.washer: 0.6401, Acc.plaything: 0.0721, Acc.swimming pool: 0.9077, Acc.stool: 0.2304, Acc.barrel: 0.5934, Acc.basket: 0.3240, Acc.waterfall: 0.7064, Acc.tent: 0.9888, Acc.bag: 0.0419, Acc.minibike: 0.8503, Acc.cradle: 0.9800, Acc.oven: 0.5837, Acc.ball: 0.6086, Acc.food: 0.6684, Acc.step: 0.0647, Acc.tank: 0.9675, Acc.trade name: 0.1311, Acc.microwave: 0.8877, Acc.pot: 0.4164, Acc.animal: 0.6625, Acc.bicycle: 0.7546, Acc.lake: 0.0004, Acc.dishwasher: 0.5870, Acc.screen: 0.8142, Acc.blanket: 0.0118, Acc.sculpture: 0.5492, Acc.hood: 0.5776, Acc.sconce: 0.2996, Acc.vase: 0.3940, Acc.traffic light: 0.2760, Acc.tray: 0.0264, Acc.ashcan: 0.4318, Acc.fan: 0.6074, Acc.pier: 0.4777, Acc.crt screen: 0.1214, Acc.plate: 0.5182, Acc.monitor: 0.0260, Acc.bulletin board: 0.3897, Acc.shower: 0.0000, Acc.radiator: 0.6307, Acc.glass: 0.0382, Acc.clock: 0.1496, Acc.flag: 0.2933 2023-11-10 11:45:15,287 - mmseg - INFO - Iter [3050/80000] lr: 3.848e-05, eta: 17:46:33, time: 2.314, data_time: 1.621, memory: 60073, decode.loss_ce: 0.5001, decode.acc_seg: 81.0251, aux.loss_ce: 0.4433, aux.acc_seg: 64.9776, loss: 0.9434 2023-11-10 11:45:50,157 - mmseg - INFO - Iter [3100/80000] lr: 3.845e-05, eta: 17:43:05, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5021, decode.acc_seg: 81.0141, aux.loss_ce: 0.4421, aux.acc_seg: 63.7807, loss: 0.9442 2023-11-10 11:46:25,035 - mmseg - INFO - Iter [3150/80000] lr: 3.843e-05, eta: 17:39:42, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4978, decode.acc_seg: 80.5506, aux.loss_ce: 0.4237, aux.acc_seg: 65.4971, loss: 0.9216 2023-11-10 11:46:59,902 - mmseg - INFO - Iter [3200/80000] lr: 3.840e-05, eta: 17:36:25, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4766, decode.acc_seg: 81.6106, aux.loss_ce: 0.4213, aux.acc_seg: 64.6731, loss: 0.8979 2023-11-10 11:47:34,746 - mmseg - INFO - Iter [3250/80000] lr: 3.838e-05, eta: 17:33:12, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4922, decode.acc_seg: 80.9886, aux.loss_ce: 0.4245, aux.acc_seg: 64.8040, loss: 0.9167 2023-11-10 11:48:09,590 - mmseg - INFO - Iter [3300/80000] lr: 3.835e-05, eta: 17:30:04, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4835, decode.acc_seg: 81.5927, aux.loss_ce: 0.4372, aux.acc_seg: 64.4270, loss: 0.9207 2023-11-10 11:48:44,453 - mmseg - INFO - Iter [3350/80000] lr: 3.833e-05, eta: 17:27:01, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4874, decode.acc_seg: 81.4750, aux.loss_ce: 0.4382, aux.acc_seg: 64.3249, loss: 0.9256 2023-11-10 11:49:19,300 - mmseg - INFO - Iter [3400/80000] lr: 3.830e-05, eta: 17:24:02, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4651, decode.acc_seg: 82.2600, aux.loss_ce: 0.4156, aux.acc_seg: 65.8168, loss: 0.8808 2023-11-10 11:49:54,152 - mmseg - INFO - Iter [3450/80000] lr: 3.828e-05, eta: 17:21:07, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4871, decode.acc_seg: 81.1268, aux.loss_ce: 0.4332, aux.acc_seg: 64.4346, loss: 0.9203 2023-11-10 11:50:29,046 - mmseg - INFO - Iter [3500/80000] lr: 3.825e-05, eta: 17:18:17, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4797, decode.acc_seg: 81.3546, aux.loss_ce: 0.4320, aux.acc_seg: 64.9930, loss: 0.9117 2023-11-10 11:51:03,890 - mmseg - INFO - Iter [3550/80000] lr: 3.823e-05, eta: 17:15:30, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4862, decode.acc_seg: 81.3368, aux.loss_ce: 0.4321, aux.acc_seg: 65.2638, loss: 0.9183 2023-11-10 11:51:38,714 - mmseg - INFO - Iter [3600/80000] lr: 3.820e-05, eta: 17:12:46, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4660, decode.acc_seg: 81.5395, aux.loss_ce: 0.4094, aux.acc_seg: 65.9569, loss: 0.8754 2023-11-10 11:52:13,550 - mmseg - INFO - Iter [3650/80000] lr: 3.818e-05, eta: 17:10:05, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4832, decode.acc_seg: 81.1299, aux.loss_ce: 0.4360, aux.acc_seg: 64.4752, loss: 0.9191 2023-11-10 11:52:48,392 - mmseg - INFO - Iter [3700/80000] lr: 3.815e-05, eta: 17:07:29, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4704, decode.acc_seg: 81.7353, aux.loss_ce: 0.4057, aux.acc_seg: 66.1868, loss: 0.8761 2023-11-10 11:53:23,258 - mmseg - INFO - Iter [3750/80000] lr: 3.813e-05, eta: 17:04:56, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.5010, decode.acc_seg: 80.8029, aux.loss_ce: 0.4267, aux.acc_seg: 65.4400, loss: 0.9277 2023-11-10 11:54:00,421 - mmseg - INFO - Iter [3800/80000] lr: 3.810e-05, eta: 17:03:12, time: 0.743, data_time: 0.052, memory: 60073, decode.loss_ce: 0.4886, decode.acc_seg: 81.0054, aux.loss_ce: 0.4268, aux.acc_seg: 64.7055, loss: 0.9154 2023-11-10 11:54:35,325 - mmseg - INFO - Iter [3850/80000] lr: 3.808e-05, eta: 17:00:45, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4417, decode.acc_seg: 83.0587, aux.loss_ce: 0.4248, aux.acc_seg: 66.4918, loss: 0.8665 2023-11-10 11:55:10,183 - mmseg - INFO - Iter [3900/80000] lr: 3.805e-05, eta: 16:58:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4482, decode.acc_seg: 82.7229, aux.loss_ce: 0.4157, aux.acc_seg: 66.3130, loss: 0.8639 2023-11-10 11:55:45,047 - mmseg - INFO - Iter [3950/80000] lr: 3.803e-05, eta: 16:55:59, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4672, decode.acc_seg: 81.8394, aux.loss_ce: 0.4272, aux.acc_seg: 65.1738, loss: 0.8944 2023-11-10 11:56:19,928 - mmseg - INFO - Saving checkpoint at 4000 iterations 2023-11-10 11:56:50,219 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:56:50,219 - mmseg - INFO - Iter [4000/80000] lr: 3.800e-05, eta: 17:03:16, time: 1.303, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4267, decode.acc_seg: 83.5290, aux.loss_ce: 0.3909, aux.acc_seg: 66.9896, loss: 0.8176 2023-11-10 11:58:10,681 - mmseg - INFO - per class results: 2023-11-10 11:58:10,686 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 75.28 | 88.74 | | building | 83.04 | 92.7 | | sky | 94.0 | 97.11 | | floor | 78.2 | 92.74 | | tree | 73.68 | 87.47 | | ceiling | 81.34 | 88.46 | | road | 83.77 | 91.19 | | bed | 89.23 | 95.05 | | windowpane | 61.01 | 77.03 | | grass | 68.43 | 90.71 | | cabinet | 59.94 | 68.2 | | sidewalk | 61.73 | 73.86 | | person | 80.15 | 93.54 | | earth | 34.52 | 44.62 | | door | 44.59 | 54.15 | | table | 58.53 | 74.96 | | mountain | 58.53 | 67.45 | | plant | 53.82 | 67.7 | | curtain | 69.86 | 80.14 | | chair | 55.99 | 73.71 | | car | 82.77 | 93.71 | | water | 61.12 | 76.39 | | painting | 69.11 | 88.85 | | sofa | 68.27 | 84.22 | | shelf | 39.11 | 51.05 | | house | 50.12 | 63.72 | | sea | 67.68 | 92.34 | | mirror | 69.35 | 81.63 | | rug | 51.11 | 55.04 | | field | 28.63 | 38.51 | | armchair | 38.36 | 50.42 | | seat | 61.79 | 83.96 | | fence | 43.7 | 51.87 | | desk | 46.4 | 58.28 | | rock | 52.58 | 70.14 | | wardrobe | 49.99 | 64.08 | | lamp | 59.76 | 70.04 | | bathtub | 77.58 | 88.72 | | railing | 34.38 | 45.54 | | cushion | 58.14 | 70.0 | | base | 35.06 | 48.42 | | box | 31.4 | 48.34 | | column | 35.41 | 37.08 | | signboard | 30.43 | 34.14 | | chest of drawers | 48.69 | 63.88 | | counter | 41.8 | 48.47 | | sand | 47.24 | 65.38 | | sink | 68.67 | 79.38 | | skyscraper | 45.62 | 54.25 | | fireplace | 71.38 | 89.25 | | refrigerator | 69.48 | 84.46 | | grandstand | 49.28 | 69.15 | | path | 23.64 | 33.04 | | stairs | 43.39 | 63.0 | | runway | 68.4 | 92.4 | | case | 59.58 | 85.84 | | pool table | 91.16 | 96.86 | | pillow | 60.93 | 74.5 | | screen door | 65.56 | 83.77 | | stairway | 49.63 | 57.6 | | river | 21.15 | 33.03 | | bridge | 67.94 | 85.06 | | bookcase | 39.24 | 66.36 | | blind | 14.22 | 15.0 | | coffee table | 59.76 | 84.92 | | toilet | 82.41 | 91.52 | | flower | 38.12 | 54.09 | | book | 44.17 | 59.47 | | hill | 5.15 | 6.54 | | bench | 45.1 | 52.96 | | countertop | 55.26 | 75.14 | | stove | 74.11 | 87.62 | | palm | 49.11 | 66.14 | | kitchen island | 34.93 | 49.49 | | computer | 69.7 | 82.4 | | swivel chair | 42.09 | 62.97 | | boat | 66.58 | 77.53 | | bar | 66.34 | 85.75 | | arcade machine | 78.5 | 86.76 | | hovel | 49.77 | 55.24 | | bus | 88.3 | 93.64 | | towel | 67.54 | 82.91 | | light | 37.61 | 44.99 | | truck | 34.19 | 47.98 | | tower | 19.04 | 34.22 | | chandelier | 65.2 | 80.77 | | awning | 23.6 | 26.49 | | streetlight | 18.79 | 22.13 | | booth | 27.6 | 49.88 | | television receiver | 71.22 | 74.6 | | airplane | 52.47 | 64.8 | | dirt track | 0.0 | 0.0 | | apparel | 46.75 | 78.1 | | pole | 9.05 | 10.16 | | land | 0.96 | 1.13 | | bannister | 4.72 | 6.3 | | escalator | 53.04 | 68.05 | | ottoman | 45.71 | 57.13 | | bottle | 37.57 | 56.92 | | buffet | 50.82 | 64.37 | | poster | 22.85 | 27.56 | | stage | 16.42 | 36.3 | | van | 38.73 | 47.58 | | ship | 13.69 | 14.33 | | fountain | 50.79 | 51.76 | | conveyer belt | 74.55 | 94.22 | | canopy | 43.83 | 73.5 | | washer | 80.8 | 90.58 | | plaything | 22.74 | 68.4 | | swimming pool | 64.86 | 69.32 | | stool | 27.68 | 29.35 | | barrel | 44.72 | 51.63 | | basket | 30.12 | 37.6 | | waterfall | 45.71 | 58.97 | | tent | 61.93 | 99.65 | | bag | 8.61 | 8.81 | | minibike | 67.62 | 83.25 | | cradle | 73.87 | 98.08 | | oven | 50.18 | 55.32 | | ball | 33.77 | 37.15 | | food | 48.44 | 51.39 | | step | 6.18 | 6.7 | | tank | 57.97 | 77.3 | | trade name | 1.03 | 1.04 | | microwave | 80.4 | 87.27 | | pot | 45.0 | 53.07 | | animal | 66.56 | 71.63 | | bicycle | 54.71 | 77.6 | | lake | 22.3 | 27.64 | | dishwasher | 54.97 | 63.87 | | screen | 61.23 | 74.47 | | blanket | 4.27 | 4.57 | | sculpture | 58.85 | 63.36 | | hood | 55.71 | 61.75 | | sconce | 33.7 | 38.03 | | vase | 33.31 | 49.96 | | traffic light | 25.71 | 31.06 | | tray | 1.73 | 2.14 | | ashcan | 42.11 | 48.4 | | fan | 51.34 | 60.33 | | pier | 34.58 | 44.25 | | crt screen | 17.74 | 21.72 | | plate | 47.24 | 59.69 | | monitor | 54.82 | 82.08 | | bulletin board | 37.94 | 41.74 | | shower | 0.0 | 0.0 | | radiator | 59.4 | 74.58 | | glass | 9.94 | 10.24 | | clock | 24.22 | 25.37 | | flag | 53.01 | 54.98 | +---------------------+-------+-------+ 2023-11-10 11:58:10,687 - mmseg - INFO - Summary: 2023-11-10 11:58:10,687 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 82.74 | 48.59 | 60.2 | +-------+-------+------+ 2023-11-10 11:58:10,688 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 11:58:10,688 - mmseg - INFO - Iter(val) [250] aAcc: 0.8274, mIoU: 0.4859, mAcc: 0.6020, IoU.wall: 0.7528, IoU.building: 0.8304, IoU.sky: 0.9400, IoU.floor: 0.7820, IoU.tree: 0.7368, IoU.ceiling: 0.8134, IoU.road: 0.8377, IoU.bed : 0.8923, IoU.windowpane: 0.6101, IoU.grass: 0.6843, IoU.cabinet: 0.5994, IoU.sidewalk: 0.6173, IoU.person: 0.8015, IoU.earth: 0.3452, IoU.door: 0.4459, IoU.table: 0.5853, IoU.mountain: 0.5853, IoU.plant: 0.5382, IoU.curtain: 0.6986, IoU.chair: 0.5599, IoU.car: 0.8277, IoU.water: 0.6112, IoU.painting: 0.6911, IoU.sofa: 0.6827, IoU.shelf: 0.3911, IoU.house: 0.5012, IoU.sea: 0.6768, IoU.mirror: 0.6935, IoU.rug: 0.5111, IoU.field: 0.2863, IoU.armchair: 0.3836, IoU.seat: 0.6179, IoU.fence: 0.4370, IoU.desk: 0.4640, IoU.rock: 0.5258, IoU.wardrobe: 0.4999, IoU.lamp: 0.5976, IoU.bathtub: 0.7758, IoU.railing: 0.3438, IoU.cushion: 0.5814, IoU.base: 0.3506, IoU.box: 0.3140, IoU.column: 0.3541, IoU.signboard: 0.3043, IoU.chest of drawers: 0.4869, IoU.counter: 0.4180, IoU.sand: 0.4724, IoU.sink: 0.6867, IoU.skyscraper: 0.4562, IoU.fireplace: 0.7138, IoU.refrigerator: 0.6948, IoU.grandstand: 0.4928, IoU.path: 0.2364, IoU.stairs: 0.4339, IoU.runway: 0.6840, IoU.case: 0.5958, IoU.pool table: 0.9116, IoU.pillow: 0.6093, IoU.screen door: 0.6556, IoU.stairway: 0.4963, IoU.river: 0.2115, IoU.bridge: 0.6794, IoU.bookcase: 0.3924, IoU.blind: 0.1422, IoU.coffee table: 0.5976, IoU.toilet: 0.8241, IoU.flower: 0.3812, IoU.book: 0.4417, IoU.hill: 0.0515, IoU.bench: 0.4510, IoU.countertop: 0.5526, IoU.stove: 0.7411, IoU.palm: 0.4911, IoU.kitchen island: 0.3493, IoU.computer: 0.6970, IoU.swivel chair: 0.4209, IoU.boat: 0.6658, IoU.bar: 0.6634, IoU.arcade machine: 0.7850, IoU.hovel: 0.4977, IoU.bus: 0.8830, IoU.towel: 0.6754, IoU.light: 0.3761, IoU.truck: 0.3419, IoU.tower: 0.1904, IoU.chandelier: 0.6520, IoU.awning: 0.2360, IoU.streetlight: 0.1879, IoU.booth: 0.2760, IoU.television receiver: 0.7122, IoU.airplane: 0.5247, IoU.dirt track: 0.0000, IoU.apparel: 0.4675, IoU.pole: 0.0905, IoU.land: 0.0096, IoU.bannister: 0.0472, IoU.escalator: 0.5304, IoU.ottoman: 0.4571, IoU.bottle: 0.3757, IoU.buffet: 0.5082, IoU.poster: 0.2285, IoU.stage: 0.1642, IoU.van: 0.3873, IoU.ship: 0.1369, IoU.fountain: 0.5079, IoU.conveyer belt: 0.7455, IoU.canopy: 0.4383, IoU.washer: 0.8080, IoU.plaything: 0.2274, IoU.swimming pool: 0.6486, IoU.stool: 0.2768, IoU.barrel: 0.4472, IoU.basket: 0.3012, IoU.waterfall: 0.4571, IoU.tent: 0.6193, IoU.bag: 0.0861, IoU.minibike: 0.6762, IoU.cradle: 0.7387, IoU.oven: 0.5018, IoU.ball: 0.3377, IoU.food: 0.4844, IoU.step: 0.0618, IoU.tank: 0.5797, IoU.trade name: 0.0103, IoU.microwave: 0.8040, IoU.pot: 0.4500, IoU.animal: 0.6656, IoU.bicycle: 0.5471, IoU.lake: 0.2230, IoU.dishwasher: 0.5497, IoU.screen: 0.6123, IoU.blanket: 0.0427, IoU.sculpture: 0.5885, IoU.hood: 0.5571, IoU.sconce: 0.3370, IoU.vase: 0.3331, IoU.traffic light: 0.2571, IoU.tray: 0.0173, IoU.ashcan: 0.4211, IoU.fan: 0.5134, IoU.pier: 0.3458, IoU.crt screen: 0.1774, IoU.plate: 0.4724, IoU.monitor: 0.5482, IoU.bulletin board: 0.3794, IoU.shower: 0.0000, IoU.radiator: 0.5940, IoU.glass: 0.0994, IoU.clock: 0.2422, IoU.flag: 0.5301, Acc.wall: 0.8874, Acc.building: 0.9270, Acc.sky: 0.9711, Acc.floor: 0.9274, Acc.tree: 0.8747, Acc.ceiling: 0.8846, Acc.road: 0.9119, Acc.bed : 0.9505, Acc.windowpane: 0.7703, Acc.grass: 0.9071, Acc.cabinet: 0.6820, Acc.sidewalk: 0.7386, Acc.person: 0.9354, Acc.earth: 0.4462, Acc.door: 0.5415, Acc.table: 0.7496, Acc.mountain: 0.6745, Acc.plant: 0.6770, Acc.curtain: 0.8014, Acc.chair: 0.7371, Acc.car: 0.9371, Acc.water: 0.7639, Acc.painting: 0.8885, Acc.sofa: 0.8422, Acc.shelf: 0.5105, Acc.house: 0.6372, Acc.sea: 0.9234, Acc.mirror: 0.8163, Acc.rug: 0.5504, Acc.field: 0.3851, Acc.armchair: 0.5042, Acc.seat: 0.8396, Acc.fence: 0.5187, Acc.desk: 0.5828, Acc.rock: 0.7014, Acc.wardrobe: 0.6408, Acc.lamp: 0.7004, Acc.bathtub: 0.8872, Acc.railing: 0.4554, Acc.cushion: 0.7000, Acc.base: 0.4842, Acc.box: 0.4834, Acc.column: 0.3708, Acc.signboard: 0.3414, Acc.chest of drawers: 0.6388, Acc.counter: 0.4847, Acc.sand: 0.6538, Acc.sink: 0.7938, Acc.skyscraper: 0.5425, Acc.fireplace: 0.8925, Acc.refrigerator: 0.8446, Acc.grandstand: 0.6915, Acc.path: 0.3304, Acc.stairs: 0.6300, Acc.runway: 0.9240, Acc.case: 0.8584, Acc.pool table: 0.9686, Acc.pillow: 0.7450, Acc.screen door: 0.8377, Acc.stairway: 0.5760, Acc.river: 0.3303, Acc.bridge: 0.8506, Acc.bookcase: 0.6636, Acc.blind: 0.1500, Acc.coffee table: 0.8492, Acc.toilet: 0.9152, Acc.flower: 0.5409, Acc.book: 0.5947, Acc.hill: 0.0654, Acc.bench: 0.5296, Acc.countertop: 0.7514, Acc.stove: 0.8762, Acc.palm: 0.6614, Acc.kitchen island: 0.4949, Acc.computer: 0.8240, Acc.swivel chair: 0.6297, Acc.boat: 0.7753, Acc.bar: 0.8575, Acc.arcade machine: 0.8676, Acc.hovel: 0.5524, Acc.bus: 0.9364, Acc.towel: 0.8291, Acc.light: 0.4499, Acc.truck: 0.4798, Acc.tower: 0.3422, Acc.chandelier: 0.8077, Acc.awning: 0.2649, Acc.streetlight: 0.2213, Acc.booth: 0.4988, Acc.television receiver: 0.7460, Acc.airplane: 0.6480, Acc.dirt track: 0.0000, Acc.apparel: 0.7810, Acc.pole: 0.1016, Acc.land: 0.0113, Acc.bannister: 0.0630, Acc.escalator: 0.6805, Acc.ottoman: 0.5713, Acc.bottle: 0.5692, Acc.buffet: 0.6437, Acc.poster: 0.2756, Acc.stage: 0.3630, Acc.van: 0.4758, Acc.ship: 0.1433, Acc.fountain: 0.5176, Acc.conveyer belt: 0.9422, Acc.canopy: 0.7350, Acc.washer: 0.9058, Acc.plaything: 0.6840, Acc.swimming pool: 0.6932, Acc.stool: 0.2935, Acc.barrel: 0.5163, Acc.basket: 0.3760, Acc.waterfall: 0.5897, Acc.tent: 0.9965, Acc.bag: 0.0881, Acc.minibike: 0.8325, Acc.cradle: 0.9808, Acc.oven: 0.5532, Acc.ball: 0.3715, Acc.food: 0.5139, Acc.step: 0.0670, Acc.tank: 0.7730, Acc.trade name: 0.0104, Acc.microwave: 0.8727, Acc.pot: 0.5307, Acc.animal: 0.7163, Acc.bicycle: 0.7760, Acc.lake: 0.2764, Acc.dishwasher: 0.6387, Acc.screen: 0.7447, Acc.blanket: 0.0457, Acc.sculpture: 0.6336, Acc.hood: 0.6175, Acc.sconce: 0.3803, Acc.vase: 0.4996, Acc.traffic light: 0.3106, Acc.tray: 0.0214, Acc.ashcan: 0.4840, Acc.fan: 0.6033, Acc.pier: 0.4425, Acc.crt screen: 0.2172, Acc.plate: 0.5969, Acc.monitor: 0.8208, Acc.bulletin board: 0.4174, Acc.shower: 0.0000, Acc.radiator: 0.7458, Acc.glass: 0.1024, Acc.clock: 0.2537, Acc.flag: 0.5498 2023-11-10 11:58:45,693 - mmseg - INFO - Iter [4050/80000] lr: 3.798e-05, eta: 17:26:03, time: 2.309, data_time: 1.617, memory: 60073, decode.loss_ce: 0.4345, decode.acc_seg: 82.8573, aux.loss_ce: 0.4080, aux.acc_seg: 65.8499, loss: 0.8425 2023-11-10 11:59:20,598 - mmseg - INFO - Iter [4100/80000] lr: 3.795e-05, eta: 17:23:23, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4335, decode.acc_seg: 82.9585, aux.loss_ce: 0.4073, aux.acc_seg: 66.0210, loss: 0.8408 2023-11-10 11:59:55,491 - mmseg - INFO - Iter [4150/80000] lr: 3.793e-05, eta: 17:20:46, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4456, decode.acc_seg: 82.5730, aux.loss_ce: 0.4157, aux.acc_seg: 65.4695, loss: 0.8613 2023-11-10 12:00:30,381 - mmseg - INFO - Iter [4200/80000] lr: 3.790e-05, eta: 17:18:11, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4478, decode.acc_seg: 82.2957, aux.loss_ce: 0.4068, aux.acc_seg: 65.5216, loss: 0.8546 2023-11-10 12:01:05,287 - mmseg - INFO - Iter [4250/80000] lr: 3.788e-05, eta: 17:15:40, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4418, decode.acc_seg: 82.8408, aux.loss_ce: 0.4140, aux.acc_seg: 66.3419, loss: 0.8558 2023-11-10 12:01:40,190 - mmseg - INFO - Iter [4300/80000] lr: 3.785e-05, eta: 17:13:11, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4530, decode.acc_seg: 82.3152, aux.loss_ce: 0.4072, aux.acc_seg: 66.5037, loss: 0.8602 2023-11-10 12:02:15,086 - mmseg - INFO - Iter [4350/80000] lr: 3.783e-05, eta: 17:10:45, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4448, decode.acc_seg: 82.4517, aux.loss_ce: 0.4292, aux.acc_seg: 64.6953, loss: 0.8740 2023-11-10 12:02:49,984 - mmseg - INFO - Iter [4400/80000] lr: 3.780e-05, eta: 17:08:22, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4470, decode.acc_seg: 81.7356, aux.loss_ce: 0.4231, aux.acc_seg: 64.6447, loss: 0.8701 2023-11-10 12:03:24,904 - mmseg - INFO - Iter [4450/80000] lr: 3.778e-05, eta: 17:06:01, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4443, decode.acc_seg: 81.6605, aux.loss_ce: 0.4093, aux.acc_seg: 64.4760, loss: 0.8536 2023-11-10 12:03:59,804 - mmseg - INFO - Iter [4500/80000] lr: 3.775e-05, eta: 17:03:42, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4406, decode.acc_seg: 83.1191, aux.loss_ce: 0.4187, aux.acc_seg: 65.7892, loss: 0.8593 2023-11-10 12:04:34,696 - mmseg - INFO - Iter [4550/80000] lr: 3.773e-05, eta: 17:01:26, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4316, decode.acc_seg: 82.8963, aux.loss_ce: 0.3960, aux.acc_seg: 66.7618, loss: 0.8276 2023-11-10 12:05:09,597 - mmseg - INFO - Iter [4600/80000] lr: 3.770e-05, eta: 16:59:11, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4740, decode.acc_seg: 82.0035, aux.loss_ce: 0.4307, aux.acc_seg: 64.0341, loss: 0.9047 2023-11-10 12:05:44,503 - mmseg - INFO - Iter [4650/80000] lr: 3.768e-05, eta: 16:56:59, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4619, decode.acc_seg: 81.7311, aux.loss_ce: 0.4185, aux.acc_seg: 64.5623, loss: 0.8804 2023-11-10 12:06:19,401 - mmseg - INFO - Iter [4700/80000] lr: 3.765e-05, eta: 16:54:49, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4206, decode.acc_seg: 82.8617, aux.loss_ce: 0.3911, aux.acc_seg: 67.1843, loss: 0.8116 2023-11-10 12:06:54,306 - mmseg - INFO - Iter [4750/80000] lr: 3.763e-05, eta: 16:52:41, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4662, decode.acc_seg: 81.9413, aux.loss_ce: 0.4105, aux.acc_seg: 65.9279, loss: 0.8766 2023-11-10 12:07:29,212 - mmseg - INFO - Iter [4800/80000] lr: 3.760e-05, eta: 16:50:35, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4395, decode.acc_seg: 82.8280, aux.loss_ce: 0.3987, aux.acc_seg: 66.1409, loss: 0.8382 2023-11-10 12:08:04,094 - mmseg - INFO - Iter [4850/80000] lr: 3.758e-05, eta: 16:48:31, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4574, decode.acc_seg: 81.2161, aux.loss_ce: 0.3900, aux.acc_seg: 67.2082, loss: 0.8474 2023-11-10 12:08:39,009 - mmseg - INFO - Iter [4900/80000] lr: 3.755e-05, eta: 16:46:28, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4356, decode.acc_seg: 83.1793, aux.loss_ce: 0.4069, aux.acc_seg: 66.7090, loss: 0.8425 2023-11-10 12:09:13,890 - mmseg - INFO - Iter [4950/80000] lr: 3.753e-05, eta: 16:44:28, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4502, decode.acc_seg: 82.4992, aux.loss_ce: 0.4098, aux.acc_seg: 66.3624, loss: 0.8600 2023-11-10 12:09:48,827 - mmseg - INFO - Saving checkpoint at 5000 iterations 2023-11-10 12:10:18,286 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:10:18,287 - mmseg - INFO - Iter [5000/80000] lr: 3.750e-05, eta: 16:49:51, time: 1.288, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4504, decode.acc_seg: 82.1315, aux.loss_ce: 0.4049, aux.acc_seg: 65.8783, loss: 0.8552 2023-11-10 12:11:38,868 - mmseg - INFO - per class results: 2023-11-10 12:11:38,874 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 76.28 | 87.83 | | building | 83.5 | 90.71 | | sky | 93.92 | 96.71 | | floor | 80.78 | 89.58 | | tree | 74.64 | 85.96 | | ceiling | 82.47 | 92.04 | | road | 83.1 | 89.35 | | bed | 89.26 | 95.24 | | windowpane | 60.91 | 77.67 | | grass | 67.46 | 83.79 | | cabinet | 59.97 | 72.59 | | sidewalk | 61.87 | 78.4 | | person | 80.4 | 92.11 | | earth | 37.86 | 54.63 | | door | 47.57 | 59.41 | | table | 57.33 | 71.82 | | mountain | 57.91 | 70.7 | | plant | 54.45 | 68.67 | | curtain | 68.36 | 78.8 | | chair | 56.77 | 72.03 | | car | 80.49 | 95.47 | | water | 57.37 | 68.45 | | painting | 68.13 | 88.31 | | sofa | 69.69 | 81.24 | | shelf | 39.82 | 54.28 | | house | 55.75 | 77.34 | | sea | 63.34 | 96.07 | | mirror | 67.49 | 76.64 | | rug | 58.59 | 63.51 | | field | 27.34 | 39.53 | | armchair | 46.26 | 72.69 | | seat | 60.1 | 87.39 | | fence | 43.52 | 69.34 | | desk | 45.66 | 69.1 | | rock | 53.3 | 68.65 | | wardrobe | 51.86 | 75.47 | | lamp | 61.86 | 74.41 | | bathtub | 76.69 | 84.34 | | railing | 39.18 | 55.25 | | cushion | 57.28 | 71.23 | | base | 32.44 | 38.6 | | box | 29.64 | 40.46 | | column | 47.83 | 57.42 | | signboard | 36.27 | 50.52 | | chest of drawers | 45.16 | 61.45 | | counter | 48.55 | 62.55 | | sand | 48.63 | 64.16 | | sink | 72.09 | 80.04 | | skyscraper | 56.2 | 83.06 | | fireplace | 68.4 | 91.74 | | refrigerator | 66.66 | 82.36 | | grandstand | 57.59 | 84.56 | | path | 24.19 | 37.47 | | stairs | 35.31 | 45.36 | | runway | 63.71 | 88.11 | | case | 61.37 | 68.18 | | pool table | 89.24 | 97.96 | | pillow | 54.54 | 60.96 | | screen door | 65.96 | 72.68 | | stairway | 51.38 | 54.3 | | river | 11.41 | 15.86 | | bridge | 56.36 | 78.49 | | bookcase | 34.99 | 49.35 | | blind | 6.56 | 6.72 | | coffee table | 59.27 | 86.42 | | toilet | 77.8 | 96.2 | | flower | 34.9 | 46.69 | | book | 45.92 | 76.16 | | hill | 8.58 | 24.9 | | bench | 47.33 | 53.96 | | countertop | 59.38 | 74.19 | | stove | 73.76 | 85.76 | | palm | 48.61 | 82.3 | | kitchen island | 41.92 | 70.77 | | computer | 69.66 | 90.27 | | swivel chair | 44.49 | 59.08 | | boat | 51.27 | 89.4 | | bar | 66.32 | 71.35 | | arcade machine | 69.31 | 72.42 | | hovel | 38.57 | 41.5 | | bus | 87.78 | 95.64 | | towel | 67.39 | 85.9 | | light | 36.8 | 40.52 | | truck | 31.03 | 38.79 | | tower | 23.57 | 40.59 | | chandelier | 66.25 | 79.18 | | awning | 31.03 | 62.5 | | streetlight | 22.06 | 25.07 | | booth | 29.89 | 54.92 | | television receiver | 74.23 | 80.73 | | airplane | 51.02 | 67.31 | | dirt track | 9.61 | 21.18 | | apparel | 49.26 | 72.98 | | pole | 21.42 | 29.37 | | land | 0.41 | 0.66 | | bannister | 5.6 | 7.01 | | escalator | 48.25 | 61.06 | | ottoman | 44.54 | 56.12 | | bottle | 39.1 | 60.0 | | buffet | 38.64 | 40.91 | | poster | 13.26 | 14.64 | | stage | 17.49 | 47.26 | | van | 17.68 | 20.89 | | ship | 47.73 | 55.84 | | fountain | 49.71 | 51.62 | | conveyer belt | 48.54 | 98.83 | | canopy | 52.56 | 64.93 | | washer | 78.79 | 85.4 | | plaything | 14.52 | 17.78 | | swimming pool | 59.96 | 93.64 | | stool | 35.73 | 49.56 | | barrel | 46.88 | 53.35 | | basket | 32.42 | 39.96 | | waterfall | 57.45 | 77.86 | | tent | 88.77 | 98.61 | | bag | 13.3 | 13.73 | | minibike | 67.33 | 82.8 | | cradle | 75.65 | 98.24 | | oven | 52.65 | 69.72 | | ball | 37.63 | 65.73 | | food | 58.97 | 74.02 | | step | 7.97 | 8.44 | | tank | 63.21 | 85.15 | | trade name | 28.69 | 34.67 | | microwave | 80.88 | 93.07 | | pot | 44.47 | 51.63 | | animal | 67.1 | 70.33 | | bicycle | 56.29 | 70.73 | | lake | 27.89 | 30.15 | | dishwasher | 58.47 | 71.88 | | screen | 53.69 | 73.18 | | blanket | 8.87 | 9.69 | | sculpture | 57.87 | 63.1 | | hood | 45.03 | 46.67 | | sconce | 40.38 | 47.98 | | vase | 32.69 | 40.68 | | traffic light | 29.35 | 39.92 | | tray | 7.01 | 11.79 | | ashcan | 42.42 | 54.68 | | fan | 56.06 | 72.64 | | pier | 38.09 | 45.25 | | crt screen | 0.79 | 1.14 | | plate | 49.98 | 64.55 | | monitor | 50.34 | 65.75 | | bulletin board | 38.02 | 46.58 | | shower | 0.0 | 0.0 | | radiator | 58.32 | 67.68 | | glass | 10.38 | 10.85 | | clock | 31.57 | 32.78 | | flag | 49.56 | 53.63 | +---------------------+-------+-------+ 2023-11-10 12:11:38,874 - mmseg - INFO - Summary: 2023-11-10 12:11:38,874 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 82.84 | 49.2 | 62.2 | +-------+------+------+ 2023-11-10 12:11:38,875 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:11:38,875 - mmseg - INFO - Iter(val) [250] aAcc: 0.8284, mIoU: 0.4920, mAcc: 0.6220, IoU.wall: 0.7628, IoU.building: 0.8350, IoU.sky: 0.9392, IoU.floor: 0.8078, IoU.tree: 0.7464, IoU.ceiling: 0.8247, IoU.road: 0.8310, IoU.bed : 0.8926, IoU.windowpane: 0.6091, IoU.grass: 0.6746, IoU.cabinet: 0.5997, IoU.sidewalk: 0.6187, IoU.person: 0.8040, IoU.earth: 0.3786, IoU.door: 0.4757, IoU.table: 0.5733, IoU.mountain: 0.5791, IoU.plant: 0.5445, IoU.curtain: 0.6836, IoU.chair: 0.5677, IoU.car: 0.8049, IoU.water: 0.5737, IoU.painting: 0.6813, IoU.sofa: 0.6969, IoU.shelf: 0.3982, IoU.house: 0.5575, IoU.sea: 0.6334, IoU.mirror: 0.6749, IoU.rug: 0.5859, IoU.field: 0.2734, IoU.armchair: 0.4626, IoU.seat: 0.6010, IoU.fence: 0.4352, IoU.desk: 0.4566, IoU.rock: 0.5330, IoU.wardrobe: 0.5186, IoU.lamp: 0.6186, IoU.bathtub: 0.7669, IoU.railing: 0.3918, IoU.cushion: 0.5728, IoU.base: 0.3244, IoU.box: 0.2964, IoU.column: 0.4783, IoU.signboard: 0.3627, IoU.chest of drawers: 0.4516, IoU.counter: 0.4855, IoU.sand: 0.4863, IoU.sink: 0.7209, IoU.skyscraper: 0.5620, IoU.fireplace: 0.6840, IoU.refrigerator: 0.6666, IoU.grandstand: 0.5759, IoU.path: 0.2419, IoU.stairs: 0.3531, IoU.runway: 0.6371, IoU.case: 0.6137, IoU.pool table: 0.8924, IoU.pillow: 0.5454, IoU.screen door: 0.6596, IoU.stairway: 0.5138, IoU.river: 0.1141, IoU.bridge: 0.5636, IoU.bookcase: 0.3499, IoU.blind: 0.0656, IoU.coffee table: 0.5927, IoU.toilet: 0.7780, IoU.flower: 0.3490, IoU.book: 0.4592, IoU.hill: 0.0858, IoU.bench: 0.4733, IoU.countertop: 0.5938, IoU.stove: 0.7376, IoU.palm: 0.4861, IoU.kitchen island: 0.4192, IoU.computer: 0.6966, IoU.swivel chair: 0.4449, IoU.boat: 0.5127, IoU.bar: 0.6632, IoU.arcade machine: 0.6931, IoU.hovel: 0.3857, IoU.bus: 0.8778, IoU.towel: 0.6739, IoU.light: 0.3680, IoU.truck: 0.3103, IoU.tower: 0.2357, IoU.chandelier: 0.6625, IoU.awning: 0.3103, IoU.streetlight: 0.2206, IoU.booth: 0.2989, IoU.television receiver: 0.7423, IoU.airplane: 0.5102, IoU.dirt track: 0.0961, IoU.apparel: 0.4926, IoU.pole: 0.2142, IoU.land: 0.0041, IoU.bannister: 0.0560, IoU.escalator: 0.4825, IoU.ottoman: 0.4454, IoU.bottle: 0.3910, IoU.buffet: 0.3864, IoU.poster: 0.1326, IoU.stage: 0.1749, IoU.van: 0.1768, IoU.ship: 0.4773, IoU.fountain: 0.4971, IoU.conveyer belt: 0.4854, IoU.canopy: 0.5256, IoU.washer: 0.7879, IoU.plaything: 0.1452, IoU.swimming pool: 0.5996, IoU.stool: 0.3573, IoU.barrel: 0.4688, IoU.basket: 0.3242, IoU.waterfall: 0.5745, IoU.tent: 0.8877, IoU.bag: 0.1330, IoU.minibike: 0.6733, IoU.cradle: 0.7565, IoU.oven: 0.5265, IoU.ball: 0.3763, IoU.food: 0.5897, IoU.step: 0.0797, IoU.tank: 0.6321, IoU.trade name: 0.2869, IoU.microwave: 0.8088, IoU.pot: 0.4447, IoU.animal: 0.6710, IoU.bicycle: 0.5629, IoU.lake: 0.2789, IoU.dishwasher: 0.5847, IoU.screen: 0.5369, IoU.blanket: 0.0887, IoU.sculpture: 0.5787, IoU.hood: 0.4503, IoU.sconce: 0.4038, IoU.vase: 0.3269, IoU.traffic light: 0.2935, IoU.tray: 0.0701, IoU.ashcan: 0.4242, IoU.fan: 0.5606, IoU.pier: 0.3809, IoU.crt screen: 0.0079, IoU.plate: 0.4998, IoU.monitor: 0.5034, IoU.bulletin board: 0.3802, IoU.shower: 0.0000, IoU.radiator: 0.5832, IoU.glass: 0.1038, IoU.clock: 0.3157, IoU.flag: 0.4956, Acc.wall: 0.8783, Acc.building: 0.9071, Acc.sky: 0.9671, Acc.floor: 0.8958, Acc.tree: 0.8596, Acc.ceiling: 0.9204, Acc.road: 0.8935, Acc.bed : 0.9524, Acc.windowpane: 0.7767, Acc.grass: 0.8379, Acc.cabinet: 0.7259, Acc.sidewalk: 0.7840, Acc.person: 0.9211, Acc.earth: 0.5463, Acc.door: 0.5941, Acc.table: 0.7182, Acc.mountain: 0.7070, Acc.plant: 0.6867, Acc.curtain: 0.7880, Acc.chair: 0.7203, Acc.car: 0.9547, Acc.water: 0.6845, Acc.painting: 0.8831, Acc.sofa: 0.8124, Acc.shelf: 0.5428, Acc.house: 0.7734, Acc.sea: 0.9607, Acc.mirror: 0.7664, Acc.rug: 0.6351, Acc.field: 0.3953, Acc.armchair: 0.7269, Acc.seat: 0.8739, Acc.fence: 0.6934, Acc.desk: 0.6910, Acc.rock: 0.6865, Acc.wardrobe: 0.7547, Acc.lamp: 0.7441, Acc.bathtub: 0.8434, Acc.railing: 0.5525, Acc.cushion: 0.7123, Acc.base: 0.3860, Acc.box: 0.4046, Acc.column: 0.5742, Acc.signboard: 0.5052, Acc.chest of drawers: 0.6145, Acc.counter: 0.6255, Acc.sand: 0.6416, Acc.sink: 0.8004, Acc.skyscraper: 0.8306, Acc.fireplace: 0.9174, Acc.refrigerator: 0.8236, Acc.grandstand: 0.8456, Acc.path: 0.3747, Acc.stairs: 0.4536, Acc.runway: 0.8811, Acc.case: 0.6818, Acc.pool table: 0.9796, Acc.pillow: 0.6096, Acc.screen door: 0.7268, Acc.stairway: 0.5430, Acc.river: 0.1586, Acc.bridge: 0.7849, Acc.bookcase: 0.4935, Acc.blind: 0.0672, Acc.coffee table: 0.8642, Acc.toilet: 0.9620, Acc.flower: 0.4669, Acc.book: 0.7616, Acc.hill: 0.2490, Acc.bench: 0.5396, Acc.countertop: 0.7419, Acc.stove: 0.8576, Acc.palm: 0.8230, Acc.kitchen island: 0.7077, Acc.computer: 0.9027, Acc.swivel chair: 0.5908, Acc.boat: 0.8940, Acc.bar: 0.7135, Acc.arcade machine: 0.7242, Acc.hovel: 0.4150, Acc.bus: 0.9564, Acc.towel: 0.8590, Acc.light: 0.4052, Acc.truck: 0.3879, Acc.tower: 0.4059, Acc.chandelier: 0.7918, Acc.awning: 0.6250, Acc.streetlight: 0.2507, Acc.booth: 0.5492, Acc.television receiver: 0.8073, Acc.airplane: 0.6731, Acc.dirt track: 0.2118, Acc.apparel: 0.7298, Acc.pole: 0.2937, Acc.land: 0.0066, Acc.bannister: 0.0701, Acc.escalator: 0.6106, Acc.ottoman: 0.5612, Acc.bottle: 0.6000, Acc.buffet: 0.4091, Acc.poster: 0.1464, Acc.stage: 0.4726, Acc.van: 0.2089, Acc.ship: 0.5584, Acc.fountain: 0.5162, Acc.conveyer belt: 0.9883, Acc.canopy: 0.6493, Acc.washer: 0.8540, Acc.plaything: 0.1778, Acc.swimming pool: 0.9364, Acc.stool: 0.4956, Acc.barrel: 0.5335, Acc.basket: 0.3996, Acc.waterfall: 0.7786, Acc.tent: 0.9861, Acc.bag: 0.1373, Acc.minibike: 0.8280, Acc.cradle: 0.9824, Acc.oven: 0.6972, Acc.ball: 0.6573, Acc.food: 0.7402, Acc.step: 0.0844, Acc.tank: 0.8515, Acc.trade name: 0.3467, Acc.microwave: 0.9307, Acc.pot: 0.5163, Acc.animal: 0.7033, Acc.bicycle: 0.7073, Acc.lake: 0.3015, Acc.dishwasher: 0.7188, Acc.screen: 0.7318, Acc.blanket: 0.0969, Acc.sculpture: 0.6310, Acc.hood: 0.4667, Acc.sconce: 0.4798, Acc.vase: 0.4068, Acc.traffic light: 0.3992, Acc.tray: 0.1179, Acc.ashcan: 0.5468, Acc.fan: 0.7264, Acc.pier: 0.4525, Acc.crt screen: 0.0114, Acc.plate: 0.6455, Acc.monitor: 0.6575, Acc.bulletin board: 0.4658, Acc.shower: 0.0000, Acc.radiator: 0.6768, Acc.glass: 0.1085, Acc.clock: 0.3278, Acc.flag: 0.5363 2023-11-10 12:12:13,885 - mmseg - INFO - Iter [5050/80000] lr: 3.748e-05, eta: 17:07:47, time: 2.312, data_time: 1.619, memory: 60073, decode.loss_ce: 0.4553, decode.acc_seg: 81.9028, aux.loss_ce: 0.4045, aux.acc_seg: 66.6362, loss: 0.8598 2023-11-10 12:12:51,026 - mmseg - INFO - Iter [5100/80000] lr: 3.745e-05, eta: 17:06:07, time: 0.743, data_time: 0.050, memory: 60073, decode.loss_ce: 0.4192, decode.acc_seg: 83.2235, aux.loss_ce: 0.4028, aux.acc_seg: 66.2720, loss: 0.8220 2023-11-10 12:13:25,937 - mmseg - INFO - Iter [5150/80000] lr: 3.743e-05, eta: 17:03:56, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4260, decode.acc_seg: 83.4360, aux.loss_ce: 0.4136, aux.acc_seg: 66.1302, loss: 0.8397 2023-11-10 12:14:00,844 - mmseg - INFO - Iter [5200/80000] lr: 3.740e-05, eta: 17:01:47, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4054, decode.acc_seg: 84.1355, aux.loss_ce: 0.4055, aux.acc_seg: 66.4257, loss: 0.8110 2023-11-10 12:14:35,739 - mmseg - INFO - Iter [5250/80000] lr: 3.738e-05, eta: 16:59:39, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4002, decode.acc_seg: 84.3043, aux.loss_ce: 0.3815, aux.acc_seg: 68.6688, loss: 0.7817 2023-11-10 12:15:10,654 - mmseg - INFO - Iter [5300/80000] lr: 3.735e-05, eta: 16:57:33, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3966, decode.acc_seg: 84.0165, aux.loss_ce: 0.3856, aux.acc_seg: 67.3180, loss: 0.7822 2023-11-10 12:15:45,541 - mmseg - INFO - Iter [5350/80000] lr: 3.733e-05, eta: 16:55:29, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4091, decode.acc_seg: 83.4418, aux.loss_ce: 0.3950, aux.acc_seg: 66.1411, loss: 0.8041 2023-11-10 12:16:20,394 - mmseg - INFO - Iter [5400/80000] lr: 3.730e-05, eta: 16:53:26, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4123, decode.acc_seg: 83.3239, aux.loss_ce: 0.3948, aux.acc_seg: 66.1047, loss: 0.8071 2023-11-10 12:16:55,288 - mmseg - INFO - Iter [5450/80000] lr: 3.728e-05, eta: 16:51:25, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4182, decode.acc_seg: 83.5067, aux.loss_ce: 0.3889, aux.acc_seg: 67.2068, loss: 0.8071 2023-11-10 12:17:30,163 - mmseg - INFO - Iter [5500/80000] lr: 3.725e-05, eta: 16:49:25, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4388, decode.acc_seg: 82.6701, aux.loss_ce: 0.4105, aux.acc_seg: 65.0407, loss: 0.8492 2023-11-10 12:18:05,007 - mmseg - INFO - Iter [5550/80000] lr: 3.723e-05, eta: 16:47:27, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4174, decode.acc_seg: 83.4698, aux.loss_ce: 0.3814, aux.acc_seg: 68.3186, loss: 0.7988 2023-11-10 12:18:39,889 - mmseg - INFO - Iter [5600/80000] lr: 3.720e-05, eta: 16:45:30, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4292, decode.acc_seg: 82.9979, aux.loss_ce: 0.4092, aux.acc_seg: 65.6796, loss: 0.8384 2023-11-10 12:19:14,733 - mmseg - INFO - Iter [5650/80000] lr: 3.718e-05, eta: 16:43:35, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4151, decode.acc_seg: 83.3912, aux.loss_ce: 0.3891, aux.acc_seg: 67.3422, loss: 0.8042 2023-11-10 12:19:49,595 - mmseg - INFO - Iter [5700/80000] lr: 3.715e-05, eta: 16:41:41, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4034, decode.acc_seg: 83.7114, aux.loss_ce: 0.3800, aux.acc_seg: 67.5282, loss: 0.7834 2023-11-10 12:20:24,480 - mmseg - INFO - Iter [5750/80000] lr: 3.713e-05, eta: 16:39:49, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4290, decode.acc_seg: 83.6738, aux.loss_ce: 0.3969, aux.acc_seg: 66.8033, loss: 0.8259 2023-11-10 12:20:59,363 - mmseg - INFO - Iter [5800/80000] lr: 3.710e-05, eta: 16:37:58, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4215, decode.acc_seg: 82.8851, aux.loss_ce: 0.3928, aux.acc_seg: 66.4082, loss: 0.8144 2023-11-10 12:21:34,235 - mmseg - INFO - Iter [5850/80000] lr: 3.708e-05, eta: 16:36:08, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4281, decode.acc_seg: 82.2183, aux.loss_ce: 0.3996, aux.acc_seg: 65.8611, loss: 0.8277 2023-11-10 12:22:09,115 - mmseg - INFO - Iter [5900/80000] lr: 3.705e-05, eta: 16:34:20, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4179, decode.acc_seg: 83.2588, aux.loss_ce: 0.3913, aux.acc_seg: 66.6388, loss: 0.8092 2023-11-10 12:22:43,982 - mmseg - INFO - Iter [5950/80000] lr: 3.703e-05, eta: 16:32:32, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4345, decode.acc_seg: 82.9475, aux.loss_ce: 0.3929, aux.acc_seg: 67.1902, loss: 0.8274 2023-11-10 12:23:18,845 - mmseg - INFO - Saving checkpoint at 6000 iterations 2023-11-10 12:23:48,634 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:23:48,634 - mmseg - INFO - Iter [6000/80000] lr: 3.700e-05, eta: 16:36:53, time: 1.293, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3909, decode.acc_seg: 84.1756, aux.loss_ce: 0.3860, aux.acc_seg: 66.9651, loss: 0.7769 2023-11-10 12:25:09,188 - mmseg - INFO - per class results: 2023-11-10 12:25:09,194 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 76.38 | 89.72 | | building | 82.89 | 91.0 | | sky | 94.32 | 96.7 | | floor | 79.96 | 92.35 | | tree | 74.24 | 89.93 | | ceiling | 82.09 | 91.22 | | road | 83.68 | 90.57 | | bed | 89.18 | 94.36 | | windowpane | 61.33 | 74.97 | | grass | 68.85 | 87.63 | | cabinet | 59.11 | 67.78 | | sidewalk | 63.28 | 76.45 | | person | 80.46 | 90.75 | | earth | 37.62 | 52.84 | | door | 49.49 | 64.6 | | table | 58.48 | 68.59 | | mountain | 60.56 | 74.86 | | plant | 53.36 | 65.32 | | curtain | 69.46 | 84.64 | | chair | 54.86 | 65.03 | | car | 83.91 | 92.34 | | water | 59.4 | 76.6 | | painting | 70.78 | 82.43 | | sofa | 68.59 | 88.49 | | shelf | 41.54 | 57.34 | | house | 53.87 | 72.22 | | sea | 61.62 | 75.93 | | mirror | 68.46 | 88.07 | | rug | 57.98 | 62.79 | | field | 34.21 | 49.17 | | armchair | 44.08 | 55.77 | | seat | 60.05 | 81.45 | | fence | 44.96 | 58.48 | | desk | 47.47 | 69.98 | | rock | 56.57 | 71.1 | | wardrobe | 51.6 | 72.07 | | lamp | 61.36 | 70.49 | | bathtub | 76.76 | 83.53 | | railing | 35.32 | 49.04 | | cushion | 58.26 | 74.2 | | base | 28.58 | 35.83 | | box | 26.52 | 32.79 | | column | 42.9 | 48.88 | | signboard | 29.6 | 33.71 | | chest of drawers | 46.42 | 55.36 | | counter | 40.83 | 45.73 | | sand | 48.09 | 56.9 | | sink | 70.81 | 80.49 | | skyscraper | 54.11 | 84.37 | | fireplace | 71.79 | 89.44 | | refrigerator | 68.17 | 81.59 | | grandstand | 45.52 | 86.9 | | path | 25.21 | 39.62 | | stairs | 19.45 | 21.25 | | runway | 71.17 | 91.69 | | case | 61.34 | 72.12 | | pool table | 91.79 | 95.57 | | pillow | 61.22 | 73.07 | | screen door | 63.99 | 72.15 | | stairway | 40.73 | 62.91 | | river | 14.61 | 24.72 | | bridge | 59.89 | 83.61 | | bookcase | 32.63 | 38.43 | | blind | 16.65 | 18.26 | | coffee table | 57.88 | 87.43 | | toilet | 83.55 | 93.45 | | flower | 37.24 | 49.93 | | book | 49.97 | 68.24 | | hill | 7.24 | 8.81 | | bench | 50.42 | 59.39 | | countertop | 59.43 | 78.1 | | stove | 76.11 | 84.33 | | palm | 52.72 | 74.04 | | kitchen island | 36.11 | 47.72 | | computer | 69.01 | 85.64 | | swivel chair | 44.12 | 71.23 | | boat | 71.94 | 81.1 | | bar | 64.47 | 87.3 | | arcade machine | 79.64 | 85.42 | | hovel | 47.54 | 58.93 | | bus | 89.66 | 94.64 | | towel | 68.31 | 76.52 | | light | 34.5 | 36.75 | | truck | 36.7 | 45.76 | | tower | 21.2 | 37.16 | | chandelier | 65.28 | 72.28 | | awning | 33.25 | 42.43 | | streetlight | 23.06 | 26.22 | | booth | 36.03 | 45.12 | | television receiver | 73.36 | 79.29 | | airplane | 51.02 | 66.47 | | dirt track | 3.62 | 4.02 | | apparel | 47.74 | 58.05 | | pole | 16.47 | 19.85 | | land | 0.39 | 0.48 | | bannister | 3.62 | 5.56 | | escalator | 44.78 | 54.62 | | ottoman | 49.93 | 63.4 | | bottle | 39.11 | 65.46 | | buffet | 42.68 | 45.78 | | poster | 17.31 | 18.82 | | stage | 17.11 | 35.94 | | van | 38.39 | 46.64 | | ship | 27.31 | 28.08 | | fountain | 45.44 | 46.28 | | conveyer belt | 82.98 | 92.76 | | canopy | 48.74 | 64.51 | | washer | 81.78 | 90.77 | | plaything | 17.19 | 23.5 | | swimming pool | 79.46 | 85.86 | | stool | 37.2 | 49.31 | | barrel | 46.3 | 53.24 | | basket | 33.79 | 45.1 | | waterfall | 56.13 | 82.34 | | tent | 53.78 | 99.67 | | bag | 18.9 | 20.88 | | minibike | 70.06 | 85.41 | | cradle | 78.63 | 95.63 | | oven | 56.34 | 62.62 | | ball | 37.86 | 66.59 | | food | 60.85 | 81.21 | | step | 0.66 | 0.66 | | tank | 66.18 | 86.37 | | trade name | 1.44 | 1.45 | | microwave | 77.77 | 81.54 | | pot | 46.53 | 55.28 | | animal | 66.26 | 71.06 | | bicycle | 51.37 | 60.74 | | lake | 45.29 | 53.25 | | dishwasher | 58.74 | 62.45 | | screen | 58.62 | 82.49 | | blanket | 9.22 | 10.11 | | sculpture | 56.35 | 62.29 | | hood | 56.19 | 59.48 | | sconce | 42.31 | 49.09 | | vase | 33.66 | 53.0 | | traffic light | 26.25 | 30.47 | | tray | 5.67 | 6.41 | | ashcan | 43.75 | 49.41 | | fan | 51.7 | 58.44 | | pier | 35.74 | 40.72 | | crt screen | 5.08 | 7.11 | | plate | 49.49 | 70.01 | | monitor | 44.32 | 70.23 | | bulletin board | 31.29 | 33.2 | | shower | 0.1 | 0.1 | | radiator | 54.11 | 58.73 | | glass | 15.1 | 16.04 | | clock | 18.36 | 19.23 | | flag | 41.73 | 43.41 | +---------------------+-------+-------+ 2023-11-10 12:25:09,194 - mmseg - INFO - Summary: 2023-11-10 12:25:09,194 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.16 | 49.44 | 60.63 | +-------+-------+-------+ 2023-11-10 12:25:09,195 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:25:09,195 - mmseg - INFO - Iter(val) [250] aAcc: 0.8316, mIoU: 0.4944, mAcc: 0.6063, IoU.wall: 0.7638, IoU.building: 0.8289, IoU.sky: 0.9432, IoU.floor: 0.7996, IoU.tree: 0.7424, IoU.ceiling: 0.8209, IoU.road: 0.8368, IoU.bed : 0.8918, IoU.windowpane: 0.6133, IoU.grass: 0.6885, IoU.cabinet: 0.5911, IoU.sidewalk: 0.6328, IoU.person: 0.8046, IoU.earth: 0.3762, IoU.door: 0.4949, IoU.table: 0.5848, IoU.mountain: 0.6056, IoU.plant: 0.5336, IoU.curtain: 0.6946, IoU.chair: 0.5486, IoU.car: 0.8391, IoU.water: 0.5940, IoU.painting: 0.7078, IoU.sofa: 0.6859, IoU.shelf: 0.4154, IoU.house: 0.5387, IoU.sea: 0.6162, IoU.mirror: 0.6846, IoU.rug: 0.5798, IoU.field: 0.3421, IoU.armchair: 0.4408, IoU.seat: 0.6005, IoU.fence: 0.4496, IoU.desk: 0.4747, IoU.rock: 0.5657, IoU.wardrobe: 0.5160, IoU.lamp: 0.6136, IoU.bathtub: 0.7676, IoU.railing: 0.3532, IoU.cushion: 0.5826, IoU.base: 0.2858, IoU.box: 0.2652, IoU.column: 0.4290, IoU.signboard: 0.2960, IoU.chest of drawers: 0.4642, IoU.counter: 0.4083, IoU.sand: 0.4809, IoU.sink: 0.7081, IoU.skyscraper: 0.5411, IoU.fireplace: 0.7179, IoU.refrigerator: 0.6817, IoU.grandstand: 0.4552, IoU.path: 0.2521, IoU.stairs: 0.1945, IoU.runway: 0.7117, IoU.case: 0.6134, IoU.pool table: 0.9179, IoU.pillow: 0.6122, IoU.screen door: 0.6399, IoU.stairway: 0.4073, IoU.river: 0.1461, IoU.bridge: 0.5989, IoU.bookcase: 0.3263, IoU.blind: 0.1665, IoU.coffee table: 0.5788, IoU.toilet: 0.8355, IoU.flower: 0.3724, IoU.book: 0.4997, IoU.hill: 0.0724, IoU.bench: 0.5042, IoU.countertop: 0.5943, IoU.stove: 0.7611, IoU.palm: 0.5272, IoU.kitchen island: 0.3611, IoU.computer: 0.6901, IoU.swivel chair: 0.4412, IoU.boat: 0.7194, IoU.bar: 0.6447, IoU.arcade machine: 0.7964, IoU.hovel: 0.4754, IoU.bus: 0.8966, IoU.towel: 0.6831, IoU.light: 0.3450, IoU.truck: 0.3670, IoU.tower: 0.2120, IoU.chandelier: 0.6528, IoU.awning: 0.3325, IoU.streetlight: 0.2306, IoU.booth: 0.3603, IoU.television receiver: 0.7336, IoU.airplane: 0.5102, IoU.dirt track: 0.0362, IoU.apparel: 0.4774, IoU.pole: 0.1647, IoU.land: 0.0039, IoU.bannister: 0.0362, IoU.escalator: 0.4478, IoU.ottoman: 0.4993, IoU.bottle: 0.3911, IoU.buffet: 0.4268, IoU.poster: 0.1731, IoU.stage: 0.1711, IoU.van: 0.3839, IoU.ship: 0.2731, IoU.fountain: 0.4544, IoU.conveyer belt: 0.8298, IoU.canopy: 0.4874, IoU.washer: 0.8178, IoU.plaything: 0.1719, IoU.swimming pool: 0.7946, IoU.stool: 0.3720, IoU.barrel: 0.4630, IoU.basket: 0.3379, IoU.waterfall: 0.5613, IoU.tent: 0.5378, IoU.bag: 0.1890, IoU.minibike: 0.7006, IoU.cradle: 0.7863, IoU.oven: 0.5634, IoU.ball: 0.3786, IoU.food: 0.6085, IoU.step: 0.0066, IoU.tank: 0.6618, IoU.trade name: 0.0144, IoU.microwave: 0.7777, IoU.pot: 0.4653, IoU.animal: 0.6626, IoU.bicycle: 0.5137, IoU.lake: 0.4529, IoU.dishwasher: 0.5874, IoU.screen: 0.5862, IoU.blanket: 0.0922, IoU.sculpture: 0.5635, IoU.hood: 0.5619, IoU.sconce: 0.4231, IoU.vase: 0.3366, IoU.traffic light: 0.2625, IoU.tray: 0.0567, IoU.ashcan: 0.4375, IoU.fan: 0.5170, IoU.pier: 0.3574, IoU.crt screen: 0.0508, IoU.plate: 0.4949, IoU.monitor: 0.4432, IoU.bulletin board: 0.3129, IoU.shower: 0.0010, IoU.radiator: 0.5411, IoU.glass: 0.1510, IoU.clock: 0.1836, IoU.flag: 0.4173, Acc.wall: 0.8972, Acc.building: 0.9100, Acc.sky: 0.9670, Acc.floor: 0.9235, Acc.tree: 0.8993, Acc.ceiling: 0.9122, Acc.road: 0.9057, Acc.bed : 0.9436, Acc.windowpane: 0.7497, Acc.grass: 0.8763, Acc.cabinet: 0.6778, Acc.sidewalk: 0.7645, Acc.person: 0.9075, Acc.earth: 0.5284, Acc.door: 0.6460, Acc.table: 0.6859, Acc.mountain: 0.7486, Acc.plant: 0.6532, Acc.curtain: 0.8464, Acc.chair: 0.6503, Acc.car: 0.9234, Acc.water: 0.7660, Acc.painting: 0.8243, Acc.sofa: 0.8849, Acc.shelf: 0.5734, Acc.house: 0.7222, Acc.sea: 0.7593, Acc.mirror: 0.8807, Acc.rug: 0.6279, Acc.field: 0.4917, Acc.armchair: 0.5577, Acc.seat: 0.8145, Acc.fence: 0.5848, Acc.desk: 0.6998, Acc.rock: 0.7110, Acc.wardrobe: 0.7207, Acc.lamp: 0.7049, Acc.bathtub: 0.8353, Acc.railing: 0.4904, Acc.cushion: 0.7420, Acc.base: 0.3583, Acc.box: 0.3279, Acc.column: 0.4888, Acc.signboard: 0.3371, Acc.chest of drawers: 0.5536, Acc.counter: 0.4573, Acc.sand: 0.5690, Acc.sink: 0.8049, Acc.skyscraper: 0.8437, Acc.fireplace: 0.8944, Acc.refrigerator: 0.8159, Acc.grandstand: 0.8690, Acc.path: 0.3962, Acc.stairs: 0.2125, Acc.runway: 0.9169, Acc.case: 0.7212, Acc.pool table: 0.9557, Acc.pillow: 0.7307, Acc.screen door: 0.7215, Acc.stairway: 0.6291, Acc.river: 0.2472, Acc.bridge: 0.8361, Acc.bookcase: 0.3843, Acc.blind: 0.1826, Acc.coffee table: 0.8743, Acc.toilet: 0.9345, Acc.flower: 0.4993, Acc.book: 0.6824, Acc.hill: 0.0881, Acc.bench: 0.5939, Acc.countertop: 0.7810, Acc.stove: 0.8433, Acc.palm: 0.7404, Acc.kitchen island: 0.4772, Acc.computer: 0.8564, Acc.swivel chair: 0.7123, Acc.boat: 0.8110, Acc.bar: 0.8730, Acc.arcade machine: 0.8542, Acc.hovel: 0.5893, Acc.bus: 0.9464, Acc.towel: 0.7652, Acc.light: 0.3675, Acc.truck: 0.4576, Acc.tower: 0.3716, Acc.chandelier: 0.7228, Acc.awning: 0.4243, Acc.streetlight: 0.2622, Acc.booth: 0.4512, Acc.television receiver: 0.7929, Acc.airplane: 0.6647, Acc.dirt track: 0.0402, Acc.apparel: 0.5805, Acc.pole: 0.1985, Acc.land: 0.0048, Acc.bannister: 0.0556, Acc.escalator: 0.5462, Acc.ottoman: 0.6340, Acc.bottle: 0.6546, Acc.buffet: 0.4578, Acc.poster: 0.1882, Acc.stage: 0.3594, Acc.van: 0.4664, Acc.ship: 0.2808, Acc.fountain: 0.4628, Acc.conveyer belt: 0.9276, Acc.canopy: 0.6451, Acc.washer: 0.9077, Acc.plaything: 0.2350, Acc.swimming pool: 0.8586, Acc.stool: 0.4931, Acc.barrel: 0.5324, Acc.basket: 0.4510, Acc.waterfall: 0.8234, Acc.tent: 0.9967, Acc.bag: 0.2088, Acc.minibike: 0.8541, Acc.cradle: 0.9563, Acc.oven: 0.6262, Acc.ball: 0.6659, Acc.food: 0.8121, Acc.step: 0.0066, Acc.tank: 0.8637, Acc.trade name: 0.0145, Acc.microwave: 0.8154, Acc.pot: 0.5528, Acc.animal: 0.7106, Acc.bicycle: 0.6074, Acc.lake: 0.5325, Acc.dishwasher: 0.6245, Acc.screen: 0.8249, Acc.blanket: 0.1011, Acc.sculpture: 0.6229, Acc.hood: 0.5948, Acc.sconce: 0.4909, Acc.vase: 0.5300, Acc.traffic light: 0.3047, Acc.tray: 0.0641, Acc.ashcan: 0.4941, Acc.fan: 0.5844, Acc.pier: 0.4072, Acc.crt screen: 0.0711, Acc.plate: 0.7001, Acc.monitor: 0.7023, Acc.bulletin board: 0.3320, Acc.shower: 0.0010, Acc.radiator: 0.5873, Acc.glass: 0.1604, Acc.clock: 0.1923, Acc.flag: 0.4341 2023-11-10 12:25:44,185 - mmseg - INFO - Iter [6050/80000] lr: 3.698e-05, eta: 16:51:31, time: 2.311, data_time: 1.619, memory: 60073, decode.loss_ce: 0.4254, decode.acc_seg: 82.8991, aux.loss_ce: 0.4090, aux.acc_seg: 65.2582, loss: 0.8345 2023-11-10 12:26:19,098 - mmseg - INFO - Iter [6100/80000] lr: 3.695e-05, eta: 16:49:36, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4247, decode.acc_seg: 82.6480, aux.loss_ce: 0.4047, aux.acc_seg: 65.4757, loss: 0.8295 2023-11-10 12:26:53,989 - mmseg - INFO - Iter [6150/80000] lr: 3.693e-05, eta: 16:47:42, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3990, decode.acc_seg: 84.1115, aux.loss_ce: 0.3827, aux.acc_seg: 67.7691, loss: 0.7817 2023-11-10 12:27:28,869 - mmseg - INFO - Iter [6200/80000] lr: 3.690e-05, eta: 16:45:49, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4233, decode.acc_seg: 83.5037, aux.loss_ce: 0.3900, aux.acc_seg: 68.2857, loss: 0.8133 2023-11-10 12:28:03,760 - mmseg - INFO - Iter [6250/80000] lr: 3.688e-05, eta: 16:43:57, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4264, decode.acc_seg: 82.4617, aux.loss_ce: 0.3808, aux.acc_seg: 66.5236, loss: 0.8072 2023-11-10 12:28:38,642 - mmseg - INFO - Iter [6300/80000] lr: 3.685e-05, eta: 16:42:07, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4154, decode.acc_seg: 83.1785, aux.loss_ce: 0.3759, aux.acc_seg: 68.2540, loss: 0.7913 2023-11-10 12:29:15,861 - mmseg - INFO - Iter [6350/80000] lr: 3.683e-05, eta: 16:40:45, time: 0.744, data_time: 0.052, memory: 60073, decode.loss_ce: 0.4057, decode.acc_seg: 83.6340, aux.loss_ce: 0.3939, aux.acc_seg: 66.2728, loss: 0.7995 2023-11-10 12:29:50,750 - mmseg - INFO - Iter [6400/80000] lr: 3.680e-05, eta: 16:38:56, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3916, decode.acc_seg: 83.7093, aux.loss_ce: 0.3909, aux.acc_seg: 66.9384, loss: 0.7825 2023-11-10 12:30:25,629 - mmseg - INFO - Iter [6450/80000] lr: 3.678e-05, eta: 16:37:09, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3938, decode.acc_seg: 83.9078, aux.loss_ce: 0.3909, aux.acc_seg: 66.6794, loss: 0.7847 2023-11-10 12:31:00,501 - mmseg - INFO - Iter [6500/80000] lr: 3.675e-05, eta: 16:35:23, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3737, decode.acc_seg: 85.1729, aux.loss_ce: 0.3890, aux.acc_seg: 66.9220, loss: 0.7628 2023-11-10 12:31:35,368 - mmseg - INFO - Iter [6550/80000] lr: 3.673e-05, eta: 16:33:37, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3857, decode.acc_seg: 84.6252, aux.loss_ce: 0.3737, aux.acc_seg: 68.4122, loss: 0.7594 2023-11-10 12:32:10,217 - mmseg - INFO - Iter [6600/80000] lr: 3.670e-05, eta: 16:31:53, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4024, decode.acc_seg: 84.2344, aux.loss_ce: 0.3925, aux.acc_seg: 67.6047, loss: 0.7950 2023-11-10 12:32:45,097 - mmseg - INFO - Iter [6650/80000] lr: 3.668e-05, eta: 16:30:10, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4057, decode.acc_seg: 83.5329, aux.loss_ce: 0.3961, aux.acc_seg: 66.6891, loss: 0.8018 2023-11-10 12:33:19,965 - mmseg - INFO - Iter [6700/80000] lr: 3.665e-05, eta: 16:28:28, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3801, decode.acc_seg: 85.0973, aux.loss_ce: 0.3806, aux.acc_seg: 67.5174, loss: 0.7607 2023-11-10 12:33:54,832 - mmseg - INFO - Iter [6750/80000] lr: 3.663e-05, eta: 16:26:47, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4074, decode.acc_seg: 83.5066, aux.loss_ce: 0.3857, aux.acc_seg: 66.7982, loss: 0.7930 2023-11-10 12:34:29,696 - mmseg - INFO - Iter [6800/80000] lr: 3.660e-05, eta: 16:25:07, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3978, decode.acc_seg: 84.3791, aux.loss_ce: 0.3863, aux.acc_seg: 67.1435, loss: 0.7841 2023-11-10 12:35:04,571 - mmseg - INFO - Iter [6850/80000] lr: 3.658e-05, eta: 16:23:28, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3791, decode.acc_seg: 84.3055, aux.loss_ce: 0.3799, aux.acc_seg: 67.2130, loss: 0.7589 2023-11-10 12:35:39,423 - mmseg - INFO - Iter [6900/80000] lr: 3.655e-05, eta: 16:21:49, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4036, decode.acc_seg: 84.1605, aux.loss_ce: 0.3880, aux.acc_seg: 67.4693, loss: 0.7916 2023-11-10 12:36:14,290 - mmseg - INFO - Iter [6950/80000] lr: 3.653e-05, eta: 16:20:12, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3803, decode.acc_seg: 84.5592, aux.loss_ce: 0.3757, aux.acc_seg: 67.7561, loss: 0.7560 2023-11-10 12:36:49,144 - mmseg - INFO - Saving checkpoint at 7000 iterations 2023-11-10 12:37:21,328 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:37:21,328 - mmseg - INFO - Iter [7000/80000] lr: 3.650e-05, eta: 16:24:11, time: 1.341, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3893, decode.acc_seg: 83.7973, aux.loss_ce: 0.3920, aux.acc_seg: 66.7093, loss: 0.7813 2023-11-10 12:38:48,187 - mmseg - INFO - per class results: 2023-11-10 12:38:48,193 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 76.52 | 85.28 | | building | 82.72 | 92.4 | | sky | 94.38 | 96.79 | | floor | 79.1 | 83.87 | | tree | 75.03 | 88.92 | | ceiling | 82.18 | 93.49 | | road | 82.51 | 91.28 | | bed | 88.4 | 96.97 | | windowpane | 61.49 | 78.49 | | grass | 71.39 | 84.56 | | cabinet | 58.72 | 70.39 | | sidewalk | 63.33 | 81.62 | | person | 80.28 | 91.59 | | earth | 37.84 | 50.8 | | door | 49.08 | 66.35 | | table | 57.57 | 70.29 | | mountain | 59.44 | 71.22 | | plant | 54.09 | 69.36 | | curtain | 70.29 | 81.27 | | chair | 55.62 | 71.19 | | car | 82.12 | 94.37 | | water | 60.02 | 76.27 | | painting | 67.92 | 86.93 | | sofa | 68.68 | 86.49 | | shelf | 41.01 | 61.94 | | house | 53.51 | 75.31 | | sea | 65.44 | 80.94 | | mirror | 69.13 | 82.05 | | rug | 60.08 | 82.28 | | field | 33.92 | 45.23 | | armchair | 45.48 | 61.95 | | seat | 54.66 | 69.5 | | fence | 46.28 | 67.54 | | desk | 43.71 | 74.18 | | rock | 53.98 | 80.5 | | wardrobe | 47.86 | 76.82 | | lamp | 62.25 | 77.96 | | bathtub | 77.59 | 88.55 | | railing | 38.79 | 51.86 | | cushion | 57.72 | 69.49 | | base | 26.83 | 32.55 | | box | 28.54 | 39.48 | | column | 43.2 | 52.71 | | signboard | 35.14 | 49.36 | | chest of drawers | 43.91 | 74.83 | | counter | 32.0 | 33.48 | | sand | 49.66 | 79.36 | | sink | 72.59 | 78.59 | | skyscraper | 49.63 | 63.66 | | fireplace | 67.76 | 92.32 | | refrigerator | 66.65 | 81.5 | | grandstand | 49.11 | 82.75 | | path | 18.98 | 21.25 | | stairs | 21.75 | 23.38 | | runway | 60.89 | 91.0 | | case | 66.7 | 81.97 | | pool table | 89.86 | 98.37 | | pillow | 52.51 | 58.99 | | screen door | 67.83 | 79.54 | | stairway | 45.04 | 68.15 | | river | 15.31 | 23.51 | | bridge | 50.8 | 84.68 | | bookcase | 31.57 | 40.69 | | blind | 19.31 | 20.74 | | coffee table | 53.97 | 89.61 | | toilet | 81.59 | 94.54 | | flower | 39.16 | 53.73 | | book | 46.39 | 75.99 | | hill | 5.94 | 10.24 | | bench | 52.29 | 70.36 | | countertop | 62.11 | 79.67 | | stove | 75.16 | 86.11 | | palm | 54.86 | 74.49 | | kitchen island | 39.01 | 66.43 | | computer | 67.24 | 93.7 | | swivel chair | 43.23 | 72.32 | | boat | 53.0 | 83.35 | | bar | 64.07 | 82.44 | | arcade machine | 77.25 | 91.57 | | hovel | 51.64 | 58.57 | | bus | 87.24 | 96.23 | | towel | 66.61 | 76.92 | | light | 34.43 | 36.26 | | truck | 32.45 | 45.31 | | tower | 24.96 | 46.97 | | chandelier | 66.88 | 80.9 | | awning | 33.93 | 45.4 | | streetlight | 24.4 | 27.94 | | booth | 37.47 | 46.22 | | television receiver | 72.35 | 86.71 | | airplane | 61.43 | 67.09 | | dirt track | 0.03 | 0.05 | | apparel | 45.88 | 64.02 | | pole | 16.59 | 20.09 | | land | 0.26 | 0.31 | | bannister | 6.94 | 10.07 | | escalator | 50.42 | 69.34 | | ottoman | 46.23 | 77.86 | | bottle | 38.17 | 64.47 | | buffet | 45.88 | 52.4 | | poster | 24.27 | 37.74 | | stage | 20.77 | 53.29 | | van | 37.12 | 51.82 | | ship | 73.1 | 88.74 | | fountain | 52.16 | 59.71 | | conveyer belt | 57.51 | 98.37 | | canopy | 55.66 | 79.16 | | washer | 82.34 | 95.57 | | plaything | 15.96 | 18.85 | | swimming pool | 67.33 | 92.3 | | stool | 41.08 | 51.4 | | barrel | 24.76 | 81.27 | | basket | 33.13 | 41.28 | | waterfall | 48.21 | 56.19 | | tent | 65.81 | 99.35 | | bag | 17.97 | 19.06 | | minibike | 70.42 | 85.22 | | cradle | 83.89 | 96.29 | | oven | 50.72 | 65.11 | | ball | 1.87 | 1.87 | | food | 54.49 | 73.44 | | step | 9.42 | 10.49 | | tank | 60.88 | 93.97 | | trade name | 12.87 | 13.07 | | microwave | 81.77 | 91.21 | | pot | 47.96 | 56.64 | | animal | 62.85 | 66.81 | | bicycle | 55.72 | 70.01 | | lake | 49.4 | 59.62 | | dishwasher | 59.17 | 63.36 | | screen | 55.11 | 86.97 | | blanket | 17.38 | 19.67 | | sculpture | 55.7 | 68.74 | | hood | 65.39 | 73.26 | | sconce | 44.93 | 57.19 | | vase | 34.52 | 43.97 | | traffic light | 29.73 | 46.46 | | tray | 2.8 | 3.42 | | ashcan | 43.12 | 48.77 | | fan | 58.62 | 75.24 | | pier | 38.67 | 48.95 | | crt screen | 0.24 | 0.32 | | plate | 52.66 | 70.15 | | monitor | 43.72 | 59.49 | | bulletin board | 41.69 | 47.28 | | shower | 0.25 | 0.25 | | radiator | 57.43 | 67.0 | | glass | 14.93 | 16.03 | | clock | 31.49 | 34.1 | | flag | 54.73 | 57.58 | +---------------------+-------+-------+ 2023-11-10 12:38:48,193 - mmseg - INFO - Summary: 2023-11-10 12:38:48,193 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 82.92 | 49.58 | 63.69 | +-------+-------+-------+ 2023-11-10 12:38:48,194 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:38:48,194 - mmseg - INFO - Iter(val) [250] aAcc: 0.8292, mIoU: 0.4958, mAcc: 0.6369, IoU.wall: 0.7652, IoU.building: 0.8272, IoU.sky: 0.9438, IoU.floor: 0.7910, IoU.tree: 0.7503, IoU.ceiling: 0.8218, IoU.road: 0.8251, IoU.bed : 0.8840, IoU.windowpane: 0.6149, IoU.grass: 0.7139, IoU.cabinet: 0.5872, IoU.sidewalk: 0.6333, IoU.person: 0.8028, IoU.earth: 0.3784, IoU.door: 0.4908, IoU.table: 0.5757, IoU.mountain: 0.5944, IoU.plant: 0.5409, IoU.curtain: 0.7029, IoU.chair: 0.5562, IoU.car: 0.8212, IoU.water: 0.6002, IoU.painting: 0.6792, IoU.sofa: 0.6868, IoU.shelf: 0.4101, IoU.house: 0.5351, IoU.sea: 0.6544, IoU.mirror: 0.6913, IoU.rug: 0.6008, IoU.field: 0.3392, IoU.armchair: 0.4548, IoU.seat: 0.5466, IoU.fence: 0.4628, IoU.desk: 0.4371, IoU.rock: 0.5398, IoU.wardrobe: 0.4786, IoU.lamp: 0.6225, IoU.bathtub: 0.7759, IoU.railing: 0.3879, IoU.cushion: 0.5772, IoU.base: 0.2683, IoU.box: 0.2854, IoU.column: 0.4320, IoU.signboard: 0.3514, IoU.chest of drawers: 0.4391, IoU.counter: 0.3200, IoU.sand: 0.4966, IoU.sink: 0.7259, IoU.skyscraper: 0.4963, IoU.fireplace: 0.6776, IoU.refrigerator: 0.6665, IoU.grandstand: 0.4911, IoU.path: 0.1898, IoU.stairs: 0.2175, IoU.runway: 0.6089, IoU.case: 0.6670, IoU.pool table: 0.8986, IoU.pillow: 0.5251, IoU.screen door: 0.6783, IoU.stairway: 0.4504, IoU.river: 0.1531, IoU.bridge: 0.5080, IoU.bookcase: 0.3157, IoU.blind: 0.1931, IoU.coffee table: 0.5397, IoU.toilet: 0.8159, IoU.flower: 0.3916, IoU.book: 0.4639, IoU.hill: 0.0594, IoU.bench: 0.5229, IoU.countertop: 0.6211, IoU.stove: 0.7516, IoU.palm: 0.5486, IoU.kitchen island: 0.3901, IoU.computer: 0.6724, IoU.swivel chair: 0.4323, IoU.boat: 0.5300, IoU.bar: 0.6407, IoU.arcade machine: 0.7725, IoU.hovel: 0.5164, IoU.bus: 0.8724, IoU.towel: 0.6661, IoU.light: 0.3443, IoU.truck: 0.3245, IoU.tower: 0.2496, IoU.chandelier: 0.6688, IoU.awning: 0.3393, IoU.streetlight: 0.2440, IoU.booth: 0.3747, IoU.television receiver: 0.7235, IoU.airplane: 0.6143, IoU.dirt track: 0.0003, IoU.apparel: 0.4588, IoU.pole: 0.1659, IoU.land: 0.0026, IoU.bannister: 0.0694, IoU.escalator: 0.5042, IoU.ottoman: 0.4623, IoU.bottle: 0.3817, IoU.buffet: 0.4588, IoU.poster: 0.2427, IoU.stage: 0.2077, IoU.van: 0.3712, IoU.ship: 0.7310, IoU.fountain: 0.5216, IoU.conveyer belt: 0.5751, IoU.canopy: 0.5566, IoU.washer: 0.8234, IoU.plaything: 0.1596, IoU.swimming pool: 0.6733, IoU.stool: 0.4108, IoU.barrel: 0.2476, IoU.basket: 0.3313, IoU.waterfall: 0.4821, IoU.tent: 0.6581, IoU.bag: 0.1797, IoU.minibike: 0.7042, IoU.cradle: 0.8389, IoU.oven: 0.5072, IoU.ball: 0.0187, IoU.food: 0.5449, IoU.step: 0.0942, IoU.tank: 0.6088, IoU.trade name: 0.1287, IoU.microwave: 0.8177, IoU.pot: 0.4796, IoU.animal: 0.6285, IoU.bicycle: 0.5572, IoU.lake: 0.4940, IoU.dishwasher: 0.5917, IoU.screen: 0.5511, IoU.blanket: 0.1738, IoU.sculpture: 0.5570, IoU.hood: 0.6539, IoU.sconce: 0.4493, IoU.vase: 0.3452, IoU.traffic light: 0.2973, IoU.tray: 0.0280, IoU.ashcan: 0.4312, IoU.fan: 0.5862, IoU.pier: 0.3867, IoU.crt screen: 0.0024, IoU.plate: 0.5266, IoU.monitor: 0.4372, IoU.bulletin board: 0.4169, IoU.shower: 0.0025, IoU.radiator: 0.5743, IoU.glass: 0.1493, IoU.clock: 0.3149, IoU.flag: 0.5473, Acc.wall: 0.8528, Acc.building: 0.9240, Acc.sky: 0.9679, Acc.floor: 0.8387, Acc.tree: 0.8892, Acc.ceiling: 0.9349, Acc.road: 0.9128, Acc.bed : 0.9697, Acc.windowpane: 0.7849, Acc.grass: 0.8456, Acc.cabinet: 0.7039, Acc.sidewalk: 0.8162, Acc.person: 0.9159, Acc.earth: 0.5080, Acc.door: 0.6635, Acc.table: 0.7029, Acc.mountain: 0.7122, Acc.plant: 0.6936, Acc.curtain: 0.8127, Acc.chair: 0.7119, Acc.car: 0.9437, Acc.water: 0.7627, Acc.painting: 0.8693, Acc.sofa: 0.8649, Acc.shelf: 0.6194, Acc.house: 0.7531, Acc.sea: 0.8094, Acc.mirror: 0.8205, Acc.rug: 0.8228, Acc.field: 0.4523, Acc.armchair: 0.6195, Acc.seat: 0.6950, Acc.fence: 0.6754, Acc.desk: 0.7418, Acc.rock: 0.8050, Acc.wardrobe: 0.7682, Acc.lamp: 0.7796, Acc.bathtub: 0.8855, Acc.railing: 0.5186, Acc.cushion: 0.6949, Acc.base: 0.3255, Acc.box: 0.3948, Acc.column: 0.5271, Acc.signboard: 0.4936, Acc.chest of drawers: 0.7483, Acc.counter: 0.3348, Acc.sand: 0.7936, Acc.sink: 0.7859, Acc.skyscraper: 0.6366, Acc.fireplace: 0.9232, Acc.refrigerator: 0.8150, Acc.grandstand: 0.8275, Acc.path: 0.2125, Acc.stairs: 0.2338, Acc.runway: 0.9100, Acc.case: 0.8197, Acc.pool table: 0.9837, Acc.pillow: 0.5899, Acc.screen door: 0.7954, Acc.stairway: 0.6815, Acc.river: 0.2351, Acc.bridge: 0.8468, Acc.bookcase: 0.4069, Acc.blind: 0.2074, Acc.coffee table: 0.8961, Acc.toilet: 0.9454, Acc.flower: 0.5373, Acc.book: 0.7599, Acc.hill: 0.1024, Acc.bench: 0.7036, Acc.countertop: 0.7967, Acc.stove: 0.8611, Acc.palm: 0.7449, Acc.kitchen island: 0.6643, Acc.computer: 0.9370, Acc.swivel chair: 0.7232, Acc.boat: 0.8335, Acc.bar: 0.8244, Acc.arcade machine: 0.9157, Acc.hovel: 0.5857, Acc.bus: 0.9623, Acc.towel: 0.7692, Acc.light: 0.3626, Acc.truck: 0.4531, Acc.tower: 0.4697, Acc.chandelier: 0.8090, Acc.awning: 0.4540, Acc.streetlight: 0.2794, Acc.booth: 0.4622, Acc.television receiver: 0.8671, Acc.airplane: 0.6709, Acc.dirt track: 0.0005, Acc.apparel: 0.6402, Acc.pole: 0.2009, Acc.land: 0.0031, Acc.bannister: 0.1007, Acc.escalator: 0.6934, Acc.ottoman: 0.7786, Acc.bottle: 0.6447, Acc.buffet: 0.5240, Acc.poster: 0.3774, Acc.stage: 0.5329, Acc.van: 0.5182, Acc.ship: 0.8874, Acc.fountain: 0.5971, Acc.conveyer belt: 0.9837, Acc.canopy: 0.7916, Acc.washer: 0.9557, Acc.plaything: 0.1885, Acc.swimming pool: 0.9230, Acc.stool: 0.5140, Acc.barrel: 0.8127, Acc.basket: 0.4128, Acc.waterfall: 0.5619, Acc.tent: 0.9935, Acc.bag: 0.1906, Acc.minibike: 0.8522, Acc.cradle: 0.9629, Acc.oven: 0.6511, Acc.ball: 0.0187, Acc.food: 0.7344, Acc.step: 0.1049, Acc.tank: 0.9397, Acc.trade name: 0.1307, Acc.microwave: 0.9121, Acc.pot: 0.5664, Acc.animal: 0.6681, Acc.bicycle: 0.7001, Acc.lake: 0.5962, Acc.dishwasher: 0.6336, Acc.screen: 0.8697, Acc.blanket: 0.1967, Acc.sculpture: 0.6874, Acc.hood: 0.7326, Acc.sconce: 0.5719, Acc.vase: 0.4397, Acc.traffic light: 0.4646, Acc.tray: 0.0342, Acc.ashcan: 0.4877, Acc.fan: 0.7524, Acc.pier: 0.4895, Acc.crt screen: 0.0032, Acc.plate: 0.7015, Acc.monitor: 0.5949, Acc.bulletin board: 0.4728, Acc.shower: 0.0025, Acc.radiator: 0.6700, Acc.glass: 0.1603, Acc.clock: 0.3410, Acc.flag: 0.5758 2023-11-10 12:39:23,148 - mmseg - INFO - Iter [7050/80000] lr: 3.648e-05, eta: 16:37:32, time: 2.436, data_time: 1.745, memory: 60073, decode.loss_ce: 0.3847, decode.acc_seg: 84.3221, aux.loss_ce: 0.3779, aux.acc_seg: 68.2986, loss: 0.7627 2023-11-10 12:39:58,038 - mmseg - INFO - Iter [7100/80000] lr: 3.645e-05, eta: 16:35:48, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3997, decode.acc_seg: 84.0438, aux.loss_ce: 0.3883, aux.acc_seg: 66.4909, loss: 0.7880 2023-11-10 12:40:32,905 - mmseg - INFO - Iter [7150/80000] lr: 3.643e-05, eta: 16:34:05, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3694, decode.acc_seg: 85.2166, aux.loss_ce: 0.3666, aux.acc_seg: 67.9663, loss: 0.7360 2023-11-10 12:41:07,767 - mmseg - INFO - Iter [7200/80000] lr: 3.640e-05, eta: 16:32:23, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3831, decode.acc_seg: 84.6382, aux.loss_ce: 0.3831, aux.acc_seg: 67.4961, loss: 0.7663 2023-11-10 12:41:42,624 - mmseg - INFO - Iter [7250/80000] lr: 3.638e-05, eta: 16:30:41, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4101, decode.acc_seg: 83.7511, aux.loss_ce: 0.3803, aux.acc_seg: 67.9611, loss: 0.7904 2023-11-10 12:42:17,464 - mmseg - INFO - Iter [7300/80000] lr: 3.635e-05, eta: 16:29:01, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3843, decode.acc_seg: 84.4762, aux.loss_ce: 0.3711, aux.acc_seg: 68.5166, loss: 0.7554 2023-11-10 12:42:52,327 - mmseg - INFO - Iter [7350/80000] lr: 3.633e-05, eta: 16:27:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3754, decode.acc_seg: 84.8025, aux.loss_ce: 0.3764, aux.acc_seg: 67.7720, loss: 0.7517 2023-11-10 12:43:27,201 - mmseg - INFO - Iter [7400/80000] lr: 3.630e-05, eta: 16:25:42, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3846, decode.acc_seg: 83.9817, aux.loss_ce: 0.3781, aux.acc_seg: 67.2288, loss: 0.7627 2023-11-10 12:44:02,047 - mmseg - INFO - Iter [7450/80000] lr: 3.628e-05, eta: 16:24:04, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3838, decode.acc_seg: 84.3703, aux.loss_ce: 0.3722, aux.acc_seg: 68.1051, loss: 0.7560 2023-11-10 12:44:36,903 - mmseg - INFO - Iter [7500/80000] lr: 3.625e-05, eta: 16:22:27, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4008, decode.acc_seg: 83.8928, aux.loss_ce: 0.3793, aux.acc_seg: 67.9661, loss: 0.7801 2023-11-10 12:45:11,764 - mmseg - INFO - Iter [7550/80000] lr: 3.623e-05, eta: 16:20:51, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3935, decode.acc_seg: 83.9482, aux.loss_ce: 0.3867, aux.acc_seg: 66.6040, loss: 0.7802 2023-11-10 12:45:48,876 - mmseg - INFO - Iter [7600/80000] lr: 3.620e-05, eta: 16:19:37, time: 0.742, data_time: 0.052, memory: 60073, decode.loss_ce: 0.3722, decode.acc_seg: 85.0998, aux.loss_ce: 0.3666, aux.acc_seg: 69.2375, loss: 0.7389 2023-11-10 12:46:23,714 - mmseg - INFO - Iter [7650/80000] lr: 3.618e-05, eta: 16:18:02, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3727, decode.acc_seg: 84.9802, aux.loss_ce: 0.3850, aux.acc_seg: 67.2088, loss: 0.7577 2023-11-10 12:46:58,564 - mmseg - INFO - Iter [7700/80000] lr: 3.615e-05, eta: 16:16:28, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3496, decode.acc_seg: 85.9843, aux.loss_ce: 0.3646, aux.acc_seg: 68.3235, loss: 0.7142 2023-11-10 12:47:33,404 - mmseg - INFO - Iter [7750/80000] lr: 3.613e-05, eta: 16:14:54, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3637, decode.acc_seg: 85.4767, aux.loss_ce: 0.3824, aux.acc_seg: 68.4355, loss: 0.7460 2023-11-10 12:48:08,222 - mmseg - INFO - Iter [7800/80000] lr: 3.610e-05, eta: 16:13:21, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3803, decode.acc_seg: 83.9215, aux.loss_ce: 0.3798, aux.acc_seg: 66.6935, loss: 0.7601 2023-11-10 12:48:43,046 - mmseg - INFO - Iter [7850/80000] lr: 3.608e-05, eta: 16:11:49, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3630, decode.acc_seg: 84.9977, aux.loss_ce: 0.3658, aux.acc_seg: 68.6693, loss: 0.7289 2023-11-10 12:49:17,873 - mmseg - INFO - Iter [7900/80000] lr: 3.605e-05, eta: 16:10:18, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3381, decode.acc_seg: 86.2573, aux.loss_ce: 0.3675, aux.acc_seg: 67.6832, loss: 0.7056 2023-11-10 12:49:52,718 - mmseg - INFO - Iter [7950/80000] lr: 3.603e-05, eta: 16:08:48, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3824, decode.acc_seg: 84.6171, aux.loss_ce: 0.3753, aux.acc_seg: 68.2205, loss: 0.7577 2023-11-10 12:50:27,560 - mmseg - INFO - Saving checkpoint at 8000 iterations 2023-11-10 12:50:59,371 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:50:59,371 - mmseg - INFO - Iter [8000/80000] lr: 3.600e-05, eta: 16:12:04, time: 1.333, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3619, decode.acc_seg: 85.2490, aux.loss_ce: 0.3806, aux.acc_seg: 67.4192, loss: 0.7425 2023-11-10 12:52:19,786 - mmseg - INFO - per class results: 2023-11-10 12:52:19,792 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.38 | 87.94 | | building | 83.19 | 91.61 | | sky | 94.4 | 97.09 | | floor | 79.86 | 84.33 | | tree | 74.78 | 87.81 | | ceiling | 82.77 | 92.07 | | road | 82.24 | 91.59 | | bed | 89.52 | 96.56 | | windowpane | 61.56 | 82.4 | | grass | 68.92 | 84.42 | | cabinet | 59.46 | 73.19 | | sidewalk | 62.35 | 75.89 | | person | 80.71 | 92.46 | | earth | 38.92 | 53.94 | | door | 46.67 | 58.62 | | table | 60.29 | 78.06 | | mountain | 58.12 | 73.18 | | plant | 53.62 | 65.48 | | curtain | 69.5 | 80.87 | | chair | 56.36 | 82.81 | | car | 83.33 | 94.15 | | water | 60.37 | 73.85 | | painting | 72.0 | 85.07 | | sofa | 70.27 | 84.14 | | shelf | 39.73 | 58.68 | | house | 52.77 | 84.2 | | sea | 63.9 | 75.32 | | mirror | 70.52 | 82.96 | | rug | 61.84 | 76.84 | | field | 37.28 | 52.19 | | armchair | 41.39 | 48.75 | | seat | 57.31 | 82.39 | | fence | 45.93 | 61.84 | | desk | 45.99 | 71.86 | | rock | 52.71 | 68.54 | | wardrobe | 52.68 | 74.43 | | lamp | 62.53 | 76.47 | | bathtub | 82.38 | 88.58 | | railing | 39.21 | 57.44 | | cushion | 60.13 | 71.81 | | base | 24.19 | 27.88 | | box | 31.09 | 41.25 | | column | 48.06 | 64.59 | | signboard | 31.62 | 38.42 | | chest of drawers | 47.97 | 71.79 | | counter | 46.82 | 62.46 | | sand | 50.47 | 73.58 | | sink | 72.35 | 79.05 | | skyscraper | 51.04 | 59.9 | | fireplace | 72.89 | 83.42 | | refrigerator | 67.98 | 80.44 | | grandstand | 50.11 | 81.17 | | path | 25.07 | 34.4 | | stairs | 40.96 | 48.41 | | runway | 66.55 | 89.06 | | case | 47.66 | 59.88 | | pool table | 88.68 | 98.89 | | pillow | 59.26 | 71.0 | | screen door | 55.02 | 57.33 | | stairway | 47.33 | 54.12 | | river | 16.93 | 40.54 | | bridge | 60.18 | 78.15 | | bookcase | 41.62 | 66.38 | | blind | 14.98 | 16.22 | | coffee table | 57.81 | 72.04 | | toilet | 84.43 | 91.21 | | flower | 43.24 | 60.39 | | book | 47.68 | 61.27 | | hill | 7.12 | 10.56 | | bench | 46.99 | 56.78 | | countertop | 60.33 | 79.9 | | stove | 73.46 | 88.58 | | palm | 52.8 | 71.51 | | kitchen island | 32.04 | 40.93 | | computer | 69.12 | 94.43 | | swivel chair | 38.04 | 41.11 | | boat | 48.72 | 80.64 | | bar | 66.66 | 84.87 | | arcade machine | 78.95 | 87.1 | | hovel | 48.72 | 57.64 | | bus | 89.27 | 96.05 | | towel | 71.48 | 85.1 | | light | 42.81 | 47.88 | | truck | 34.58 | 51.29 | | tower | 19.83 | 28.28 | | chandelier | 65.74 | 77.73 | | awning | 38.66 | 49.2 | | streetlight | 25.97 | 32.35 | | booth | 36.36 | 53.78 | | television receiver | 76.04 | 83.0 | | airplane | 55.0 | 66.97 | | dirt track | 0.47 | 0.96 | | apparel | 50.13 | 73.11 | | pole | 16.12 | 19.09 | | land | 0.05 | 0.07 | | bannister | 6.52 | 8.06 | | escalator | 60.15 | 80.76 | | ottoman | 49.75 | 64.24 | | bottle | 38.82 | 64.05 | | buffet | 48.86 | 64.99 | | poster | 23.63 | 30.11 | | stage | 18.76 | 53.67 | | van | 34.84 | 41.83 | | ship | 78.01 | 89.75 | | fountain | 73.18 | 80.12 | | conveyer belt | 58.19 | 97.13 | | canopy | 31.94 | 39.12 | | washer | 82.77 | 93.47 | | plaything | 23.18 | 39.1 | | swimming pool | 51.02 | 93.3 | | stool | 36.9 | 42.95 | | barrel | 44.9 | 64.65 | | basket | 32.13 | 38.53 | | waterfall | 60.3 | 68.42 | | tent | 93.91 | 98.79 | | bag | 13.39 | 14.34 | | minibike | 69.69 | 85.72 | | cradle | 77.21 | 98.34 | | oven | 56.86 | 71.19 | | ball | 47.64 | 61.86 | | food | 57.27 | 70.7 | | step | 12.66 | 15.05 | | tank | 65.21 | 93.15 | | trade name | 18.74 | 19.4 | | microwave | 83.13 | 92.04 | | pot | 44.79 | 50.96 | | animal | 68.46 | 77.46 | | bicycle | 56.79 | 72.4 | | lake | 55.6 | 65.2 | | dishwasher | 49.56 | 50.87 | | screen | 49.22 | 70.92 | | blanket | 11.05 | 11.98 | | sculpture | 61.93 | 79.75 | | hood | 59.68 | 64.83 | | sconce | 47.26 | 56.66 | | vase | 35.8 | 44.66 | | traffic light | 28.76 | 48.35 | | tray | 9.08 | 11.39 | | ashcan | 43.14 | 49.71 | | fan | 54.85 | 62.49 | | pier | 34.25 | 40.99 | | crt screen | 11.04 | 28.72 | | plate | 50.92 | 60.93 | | monitor | 28.85 | 37.17 | | bulletin board | 37.16 | 39.25 | | shower | 0.0 | 0.0 | | radiator | 58.9 | 75.13 | | glass | 14.06 | 14.96 | | clock | 31.27 | 35.39 | | flag | 52.85 | 55.34 | +---------------------+-------+-------+ 2023-11-10 12:52:19,792 - mmseg - INFO - Summary: 2023-11-10 12:52:19,792 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.25 | 50.77 | 63.35 | +-------+-------+-------+ 2023-11-10 12:52:19,793 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 12:52:19,793 - mmseg - INFO - Iter(val) [250] aAcc: 0.8325, mIoU: 0.5077, mAcc: 0.6335, IoU.wall: 0.7738, IoU.building: 0.8319, IoU.sky: 0.9440, IoU.floor: 0.7986, IoU.tree: 0.7478, IoU.ceiling: 0.8277, IoU.road: 0.8224, IoU.bed : 0.8952, IoU.windowpane: 0.6156, IoU.grass: 0.6892, IoU.cabinet: 0.5946, IoU.sidewalk: 0.6235, IoU.person: 0.8071, IoU.earth: 0.3892, IoU.door: 0.4667, IoU.table: 0.6029, IoU.mountain: 0.5812, IoU.plant: 0.5362, IoU.curtain: 0.6950, IoU.chair: 0.5636, IoU.car: 0.8333, IoU.water: 0.6037, IoU.painting: 0.7200, IoU.sofa: 0.7027, IoU.shelf: 0.3973, IoU.house: 0.5277, IoU.sea: 0.6390, IoU.mirror: 0.7052, IoU.rug: 0.6184, IoU.field: 0.3728, IoU.armchair: 0.4139, IoU.seat: 0.5731, IoU.fence: 0.4593, IoU.desk: 0.4599, IoU.rock: 0.5271, IoU.wardrobe: 0.5268, IoU.lamp: 0.6253, IoU.bathtub: 0.8238, IoU.railing: 0.3921, IoU.cushion: 0.6013, IoU.base: 0.2419, IoU.box: 0.3109, IoU.column: 0.4806, IoU.signboard: 0.3162, IoU.chest of drawers: 0.4797, IoU.counter: 0.4682, IoU.sand: 0.5047, IoU.sink: 0.7235, IoU.skyscraper: 0.5104, IoU.fireplace: 0.7289, IoU.refrigerator: 0.6798, IoU.grandstand: 0.5011, IoU.path: 0.2507, IoU.stairs: 0.4096, IoU.runway: 0.6655, IoU.case: 0.4766, IoU.pool table: 0.8868, IoU.pillow: 0.5926, IoU.screen door: 0.5502, IoU.stairway: 0.4733, IoU.river: 0.1693, IoU.bridge: 0.6018, IoU.bookcase: 0.4162, IoU.blind: 0.1498, IoU.coffee table: 0.5781, IoU.toilet: 0.8443, IoU.flower: 0.4324, IoU.book: 0.4768, IoU.hill: 0.0712, IoU.bench: 0.4699, IoU.countertop: 0.6033, IoU.stove: 0.7346, IoU.palm: 0.5280, IoU.kitchen island: 0.3204, IoU.computer: 0.6912, IoU.swivel chair: 0.3804, IoU.boat: 0.4872, IoU.bar: 0.6666, IoU.arcade machine: 0.7895, IoU.hovel: 0.4872, IoU.bus: 0.8927, IoU.towel: 0.7148, IoU.light: 0.4281, IoU.truck: 0.3458, IoU.tower: 0.1983, IoU.chandelier: 0.6574, IoU.awning: 0.3866, IoU.streetlight: 0.2597, IoU.booth: 0.3636, IoU.television receiver: 0.7604, IoU.airplane: 0.5500, IoU.dirt track: 0.0047, IoU.apparel: 0.5013, IoU.pole: 0.1612, IoU.land: 0.0005, IoU.bannister: 0.0652, IoU.escalator: 0.6015, IoU.ottoman: 0.4975, IoU.bottle: 0.3882, IoU.buffet: 0.4886, IoU.poster: 0.2363, IoU.stage: 0.1876, IoU.van: 0.3484, IoU.ship: 0.7801, IoU.fountain: 0.7318, IoU.conveyer belt: 0.5819, IoU.canopy: 0.3194, IoU.washer: 0.8277, IoU.plaything: 0.2318, IoU.swimming pool: 0.5102, IoU.stool: 0.3690, IoU.barrel: 0.4490, IoU.basket: 0.3213, IoU.waterfall: 0.6030, IoU.tent: 0.9391, IoU.bag: 0.1339, IoU.minibike: 0.6969, IoU.cradle: 0.7721, IoU.oven: 0.5686, IoU.ball: 0.4764, IoU.food: 0.5727, IoU.step: 0.1266, IoU.tank: 0.6521, IoU.trade name: 0.1874, IoU.microwave: 0.8313, IoU.pot: 0.4479, IoU.animal: 0.6846, IoU.bicycle: 0.5679, IoU.lake: 0.5560, IoU.dishwasher: 0.4956, IoU.screen: 0.4922, IoU.blanket: 0.1105, IoU.sculpture: 0.6193, IoU.hood: 0.5968, IoU.sconce: 0.4726, IoU.vase: 0.3580, IoU.traffic light: 0.2876, IoU.tray: 0.0908, IoU.ashcan: 0.4314, IoU.fan: 0.5485, IoU.pier: 0.3425, IoU.crt screen: 0.1104, IoU.plate: 0.5092, IoU.monitor: 0.2885, IoU.bulletin board: 0.3716, IoU.shower: 0.0000, IoU.radiator: 0.5890, IoU.glass: 0.1406, IoU.clock: 0.3127, IoU.flag: 0.5285, Acc.wall: 0.8794, Acc.building: 0.9161, Acc.sky: 0.9709, Acc.floor: 0.8433, Acc.tree: 0.8781, Acc.ceiling: 0.9207, Acc.road: 0.9159, Acc.bed : 0.9656, Acc.windowpane: 0.8240, Acc.grass: 0.8442, Acc.cabinet: 0.7319, Acc.sidewalk: 0.7589, Acc.person: 0.9246, Acc.earth: 0.5394, Acc.door: 0.5862, Acc.table: 0.7806, Acc.mountain: 0.7318, Acc.plant: 0.6548, Acc.curtain: 0.8087, Acc.chair: 0.8281, Acc.car: 0.9415, Acc.water: 0.7385, Acc.painting: 0.8507, Acc.sofa: 0.8414, Acc.shelf: 0.5868, Acc.house: 0.8420, Acc.sea: 0.7532, Acc.mirror: 0.8296, Acc.rug: 0.7684, Acc.field: 0.5219, Acc.armchair: 0.4875, Acc.seat: 0.8239, Acc.fence: 0.6184, Acc.desk: 0.7186, Acc.rock: 0.6854, Acc.wardrobe: 0.7443, Acc.lamp: 0.7647, Acc.bathtub: 0.8858, Acc.railing: 0.5744, Acc.cushion: 0.7181, Acc.base: 0.2788, Acc.box: 0.4125, Acc.column: 0.6459, Acc.signboard: 0.3842, Acc.chest of drawers: 0.7179, Acc.counter: 0.6246, Acc.sand: 0.7358, Acc.sink: 0.7905, Acc.skyscraper: 0.5990, Acc.fireplace: 0.8342, Acc.refrigerator: 0.8044, Acc.grandstand: 0.8117, Acc.path: 0.3440, Acc.stairs: 0.4841, Acc.runway: 0.8906, Acc.case: 0.5988, Acc.pool table: 0.9889, Acc.pillow: 0.7100, Acc.screen door: 0.5733, Acc.stairway: 0.5412, Acc.river: 0.4054, Acc.bridge: 0.7815, Acc.bookcase: 0.6638, Acc.blind: 0.1622, Acc.coffee table: 0.7204, Acc.toilet: 0.9121, Acc.flower: 0.6039, Acc.book: 0.6127, Acc.hill: 0.1056, Acc.bench: 0.5678, Acc.countertop: 0.7990, Acc.stove: 0.8858, Acc.palm: 0.7151, Acc.kitchen island: 0.4093, Acc.computer: 0.9443, Acc.swivel chair: 0.4111, Acc.boat: 0.8064, Acc.bar: 0.8487, Acc.arcade machine: 0.8710, Acc.hovel: 0.5764, Acc.bus: 0.9605, Acc.towel: 0.8510, Acc.light: 0.4788, Acc.truck: 0.5129, Acc.tower: 0.2828, Acc.chandelier: 0.7773, Acc.awning: 0.4920, Acc.streetlight: 0.3235, Acc.booth: 0.5378, Acc.television receiver: 0.8300, Acc.airplane: 0.6697, Acc.dirt track: 0.0096, Acc.apparel: 0.7311, Acc.pole: 0.1909, Acc.land: 0.0007, Acc.bannister: 0.0806, Acc.escalator: 0.8076, Acc.ottoman: 0.6424, Acc.bottle: 0.6405, Acc.buffet: 0.6499, Acc.poster: 0.3011, Acc.stage: 0.5367, Acc.van: 0.4183, Acc.ship: 0.8975, Acc.fountain: 0.8012, Acc.conveyer belt: 0.9713, Acc.canopy: 0.3912, Acc.washer: 0.9347, Acc.plaything: 0.3910, Acc.swimming pool: 0.9330, Acc.stool: 0.4295, Acc.barrel: 0.6465, Acc.basket: 0.3853, Acc.waterfall: 0.6842, Acc.tent: 0.9879, Acc.bag: 0.1434, Acc.minibike: 0.8572, Acc.cradle: 0.9834, Acc.oven: 0.7119, Acc.ball: 0.6186, Acc.food: 0.7070, Acc.step: 0.1505, Acc.tank: 0.9315, Acc.trade name: 0.1940, Acc.microwave: 0.9204, Acc.pot: 0.5096, Acc.animal: 0.7746, Acc.bicycle: 0.7240, Acc.lake: 0.6520, Acc.dishwasher: 0.5087, Acc.screen: 0.7092, Acc.blanket: 0.1198, Acc.sculpture: 0.7975, Acc.hood: 0.6483, Acc.sconce: 0.5666, Acc.vase: 0.4466, Acc.traffic light: 0.4835, Acc.tray: 0.1139, Acc.ashcan: 0.4971, Acc.fan: 0.6249, Acc.pier: 0.4099, Acc.crt screen: 0.2872, Acc.plate: 0.6093, Acc.monitor: 0.3717, Acc.bulletin board: 0.3925, Acc.shower: 0.0000, Acc.radiator: 0.7513, Acc.glass: 0.1496, Acc.clock: 0.3539, Acc.flag: 0.5534 2023-11-10 12:52:54,762 - mmseg - INFO - Iter [8050/80000] lr: 3.598e-05, eta: 16:22:33, time: 2.308, data_time: 1.616, memory: 60073, decode.loss_ce: 0.3530, decode.acc_seg: 85.5749, aux.loss_ce: 0.3645, aux.acc_seg: 68.2140, loss: 0.7175 2023-11-10 12:53:29,634 - mmseg - INFO - Iter [8100/80000] lr: 3.595e-05, eta: 16:20:58, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3517, decode.acc_seg: 85.8260, aux.loss_ce: 0.3707, aux.acc_seg: 67.9459, loss: 0.7224 2023-11-10 12:54:04,485 - mmseg - INFO - Iter [8150/80000] lr: 3.593e-05, eta: 16:19:23, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3646, decode.acc_seg: 84.9781, aux.loss_ce: 0.3690, aux.acc_seg: 68.5096, loss: 0.7337 2023-11-10 12:54:39,316 - mmseg - INFO - Iter [8200/80000] lr: 3.590e-05, eta: 16:17:49, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3519, decode.acc_seg: 85.4733, aux.loss_ce: 0.3676, aux.acc_seg: 68.6099, loss: 0.7196 2023-11-10 12:55:14,156 - mmseg - INFO - Iter [8250/80000] lr: 3.588e-05, eta: 16:16:16, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3843, decode.acc_seg: 84.9060, aux.loss_ce: 0.3844, aux.acc_seg: 67.5341, loss: 0.7687 2023-11-10 12:55:48,989 - mmseg - INFO - Iter [8300/80000] lr: 3.585e-05, eta: 16:14:44, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3537, decode.acc_seg: 85.3211, aux.loss_ce: 0.3627, aux.acc_seg: 68.0867, loss: 0.7164 2023-11-10 12:56:23,828 - mmseg - INFO - Iter [8350/80000] lr: 3.583e-05, eta: 16:13:12, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3893, decode.acc_seg: 84.3176, aux.loss_ce: 0.3825, aux.acc_seg: 67.2531, loss: 0.7717 2023-11-10 12:56:58,658 - mmseg - INFO - Iter [8400/80000] lr: 3.580e-05, eta: 16:11:41, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3968, decode.acc_seg: 84.0677, aux.loss_ce: 0.3780, aux.acc_seg: 67.5097, loss: 0.7748 2023-11-10 12:57:33,485 - mmseg - INFO - Iter [8450/80000] lr: 3.578e-05, eta: 16:10:10, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.4013, decode.acc_seg: 83.9663, aux.loss_ce: 0.3794, aux.acc_seg: 68.5487, loss: 0.7807 2023-11-10 12:58:08,317 - mmseg - INFO - Iter [8500/80000] lr: 3.575e-05, eta: 16:08:40, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3688, decode.acc_seg: 85.1084, aux.loss_ce: 0.3721, aux.acc_seg: 68.7771, loss: 0.7409 2023-11-10 12:58:43,141 - mmseg - INFO - Iter [8550/80000] lr: 3.573e-05, eta: 16:07:11, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3648, decode.acc_seg: 84.8405, aux.loss_ce: 0.3616, aux.acc_seg: 68.1721, loss: 0.7264 2023-11-10 12:59:17,956 - mmseg - INFO - Iter [8600/80000] lr: 3.570e-05, eta: 16:05:42, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3615, decode.acc_seg: 85.0514, aux.loss_ce: 0.3650, aux.acc_seg: 68.0430, loss: 0.7265 2023-11-10 12:59:52,808 - mmseg - INFO - Iter [8650/80000] lr: 3.568e-05, eta: 16:04:14, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3487, decode.acc_seg: 85.0568, aux.loss_ce: 0.3488, aux.acc_seg: 69.1373, loss: 0.6975 2023-11-10 13:00:27,634 - mmseg - INFO - Iter [8700/80000] lr: 3.565e-05, eta: 16:02:47, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3576, decode.acc_seg: 85.4820, aux.loss_ce: 0.3650, aux.acc_seg: 68.6410, loss: 0.7226 2023-11-10 13:01:02,456 - mmseg - INFO - Iter [8750/80000] lr: 3.563e-05, eta: 16:01:20, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3589, decode.acc_seg: 85.6551, aux.loss_ce: 0.3625, aux.acc_seg: 69.0247, loss: 0.7214 2023-11-10 13:01:37,283 - mmseg - INFO - Iter [8800/80000] lr: 3.560e-05, eta: 15:59:54, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3707, decode.acc_seg: 84.5280, aux.loss_ce: 0.3629, aux.acc_seg: 68.4286, loss: 0.7336 2023-11-10 13:02:14,467 - mmseg - INFO - Iter [8850/80000] lr: 3.558e-05, eta: 15:58:47, time: 0.744, data_time: 0.054, memory: 60073, decode.loss_ce: 0.3981, decode.acc_seg: 83.9497, aux.loss_ce: 0.3900, aux.acc_seg: 66.8940, loss: 0.7881 2023-11-10 13:02:49,319 - mmseg - INFO - Iter [8900/80000] lr: 3.555e-05, eta: 15:57:22, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3396, decode.acc_seg: 86.1666, aux.loss_ce: 0.3645, aux.acc_seg: 68.7468, loss: 0.7041 2023-11-10 13:03:24,183 - mmseg - INFO - Iter [8950/80000] lr: 3.553e-05, eta: 15:55:58, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3438, decode.acc_seg: 85.9775, aux.loss_ce: 0.3742, aux.acc_seg: 68.1351, loss: 0.7180 2023-11-10 13:03:59,045 - mmseg - INFO - Saving checkpoint at 9000 iterations 2023-11-10 13:04:32,100 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:04:32,100 - mmseg - INFO - Iter [9000/80000] lr: 3.550e-05, eta: 15:58:55, time: 1.358, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3283, decode.acc_seg: 86.4819, aux.loss_ce: 0.3610, aux.acc_seg: 68.4942, loss: 0.6893 2023-11-10 13:05:52,770 - mmseg - INFO - per class results: 2023-11-10 13:05:52,775 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.29 | 88.36 | | building | 83.8 | 93.32 | | sky | 94.26 | 97.46 | | floor | 81.25 | 90.78 | | tree | 74.25 | 87.56 | | ceiling | 83.43 | 91.29 | | road | 83.42 | 92.43 | | bed | 88.88 | 96.86 | | windowpane | 62.15 | 75.33 | | grass | 66.72 | 76.93 | | cabinet | 60.88 | 72.51 | | sidewalk | 62.34 | 74.36 | | person | 81.58 | 91.45 | | earth | 40.77 | 56.78 | | door | 49.59 | 65.06 | | table | 60.77 | 74.04 | | mountain | 60.81 | 79.36 | | plant | 51.55 | 58.78 | | curtain | 71.21 | 80.33 | | chair | 58.98 | 72.24 | | car | 83.72 | 92.65 | | water | 57.93 | 72.77 | | painting | 73.61 | 83.16 | | sofa | 69.61 | 81.68 | | shelf | 42.28 | 61.78 | | house | 56.65 | 72.11 | | sea | 60.58 | 75.25 | | mirror | 71.85 | 84.68 | | rug | 60.67 | 69.99 | | field | 30.36 | 57.12 | | armchair | 46.71 | 66.18 | | seat | 63.98 | 83.97 | | fence | 45.12 | 69.92 | | desk | 48.1 | 63.99 | | rock | 56.98 | 75.62 | | wardrobe | 52.28 | 73.28 | | lamp | 62.06 | 70.66 | | bathtub | 79.86 | 83.98 | | railing | 35.22 | 49.37 | | cushion | 60.44 | 70.95 | | base | 29.56 | 39.86 | | box | 27.25 | 33.74 | | column | 47.97 | 59.33 | | signboard | 35.4 | 54.74 | | chest of drawers | 42.56 | 52.61 | | counter | 46.3 | 57.64 | | sand | 51.3 | 75.55 | | sink | 71.89 | 77.2 | | skyscraper | 38.9 | 45.01 | | fireplace | 71.9 | 85.9 | | refrigerator | 73.05 | 82.87 | | grandstand | 57.03 | 78.3 | | path | 27.45 | 38.69 | | stairs | 34.83 | 36.86 | | runway | 65.98 | 94.17 | | case | 62.34 | 75.66 | | pool table | 91.68 | 97.89 | | pillow | 51.95 | 58.27 | | screen door | 53.37 | 91.46 | | stairway | 34.91 | 45.72 | | river | 12.97 | 28.75 | | bridge | 63.36 | 87.73 | | bookcase | 39.32 | 69.61 | | blind | 24.14 | 27.86 | | coffee table | 62.04 | 83.23 | | toilet | 83.05 | 93.42 | | flower | 41.63 | 60.74 | | book | 46.47 | 61.92 | | hill | 5.67 | 8.51 | | bench | 50.35 | 60.65 | | countertop | 60.67 | 81.41 | | stove | 75.5 | 86.72 | | palm | 44.93 | 62.61 | | kitchen island | 34.62 | 44.23 | | computer | 70.75 | 91.85 | | swivel chair | 42.69 | 59.07 | | boat | 46.0 | 84.29 | | bar | 64.32 | 84.22 | | arcade machine | 81.26 | 89.36 | | hovel | 52.64 | 60.43 | | bus | 89.2 | 96.56 | | towel | 69.71 | 86.51 | | light | 40.43 | 43.18 | | truck | 37.34 | 48.98 | | tower | 21.75 | 29.32 | | chandelier | 63.82 | 81.42 | | awning | 29.65 | 34.08 | | streetlight | 25.21 | 29.97 | | booth | 32.89 | 49.44 | | television receiver | 74.25 | 81.71 | | airplane | 51.86 | 61.84 | | dirt track | 1.57 | 1.94 | | apparel | 46.5 | 63.76 | | pole | 19.73 | 25.47 | | land | 0.0 | 0.0 | | bannister | 2.28 | 2.34 | | escalator | 57.67 | 83.1 | | ottoman | 49.28 | 65.12 | | bottle | 38.0 | 57.03 | | buffet | 45.29 | 50.27 | | poster | 19.81 | 21.82 | | stage | 22.67 | 45.47 | | van | 34.99 | 41.46 | | ship | 29.0 | 29.03 | | fountain | 59.41 | 70.23 | | conveyer belt | 47.97 | 99.06 | | canopy | 54.44 | 66.17 | | washer | 82.26 | 90.2 | | plaything | 26.67 | 35.43 | | swimming pool | 73.6 | 85.05 | | stool | 41.84 | 49.48 | | barrel | 52.2 | 59.11 | | basket | 34.18 | 46.47 | | waterfall | 47.78 | 52.45 | | tent | 90.92 | 98.94 | | bag | 17.45 | 18.67 | | minibike | 71.07 | 86.52 | | cradle | 82.15 | 96.45 | | oven | 56.49 | 67.22 | | ball | 45.35 | 54.81 | | food | 52.12 | 65.98 | | step | 7.19 | 7.35 | | tank | 57.29 | 93.14 | | trade name | 14.24 | 15.07 | | microwave | 83.5 | 91.07 | | pot | 43.2 | 48.48 | | animal | 63.95 | 65.76 | | bicycle | 57.56 | 81.51 | | lake | 55.35 | 66.15 | | dishwasher | 52.74 | 54.06 | | screen | 53.81 | 89.8 | | blanket | 12.7 | 13.89 | | sculpture | 61.49 | 72.22 | | hood | 62.1 | 68.23 | | sconce | 47.05 | 55.65 | | vase | 35.54 | 46.47 | | traffic light | 30.33 | 44.47 | | tray | 6.81 | 8.32 | | ashcan | 44.38 | 51.67 | | fan | 57.55 | 67.29 | | pier | 34.27 | 44.27 | | crt screen | 5.68 | 7.45 | | plate | 53.5 | 69.82 | | monitor | 57.97 | 74.38 | | bulletin board | 35.41 | 40.27 | | shower | 2.16 | 3.18 | | radiator | 59.0 | 73.02 | | glass | 13.75 | 14.42 | | clock | 34.56 | 37.0 | | flag | 56.17 | 58.76 | +---------------------+-------+-------+ 2023-11-10 13:05:52,776 - mmseg - INFO - Summary: 2023-11-10 13:05:52,776 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.51 | 50.72 | 62.78 | +-------+-------+-------+ 2023-11-10 13:05:52,776 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:05:52,777 - mmseg - INFO - Iter(val) [250] aAcc: 0.8351, mIoU: 0.5072, mAcc: 0.6278, IoU.wall: 0.7729, IoU.building: 0.8380, IoU.sky: 0.9426, IoU.floor: 0.8125, IoU.tree: 0.7425, IoU.ceiling: 0.8343, IoU.road: 0.8342, IoU.bed : 0.8888, IoU.windowpane: 0.6215, IoU.grass: 0.6672, IoU.cabinet: 0.6088, IoU.sidewalk: 0.6234, IoU.person: 0.8158, IoU.earth: 0.4077, IoU.door: 0.4959, IoU.table: 0.6077, IoU.mountain: 0.6081, IoU.plant: 0.5155, IoU.curtain: 0.7121, IoU.chair: 0.5898, IoU.car: 0.8372, IoU.water: 0.5793, IoU.painting: 0.7361, IoU.sofa: 0.6961, IoU.shelf: 0.4228, IoU.house: 0.5665, IoU.sea: 0.6058, IoU.mirror: 0.7185, IoU.rug: 0.6067, IoU.field: 0.3036, IoU.armchair: 0.4671, IoU.seat: 0.6398, IoU.fence: 0.4512, IoU.desk: 0.4810, IoU.rock: 0.5698, IoU.wardrobe: 0.5228, IoU.lamp: 0.6206, IoU.bathtub: 0.7986, IoU.railing: 0.3522, IoU.cushion: 0.6044, IoU.base: 0.2956, IoU.box: 0.2725, IoU.column: 0.4797, IoU.signboard: 0.3540, IoU.chest of drawers: 0.4256, IoU.counter: 0.4630, IoU.sand: 0.5130, IoU.sink: 0.7189, IoU.skyscraper: 0.3890, IoU.fireplace: 0.7190, IoU.refrigerator: 0.7305, IoU.grandstand: 0.5703, IoU.path: 0.2745, IoU.stairs: 0.3483, IoU.runway: 0.6598, IoU.case: 0.6234, IoU.pool table: 0.9168, IoU.pillow: 0.5195, IoU.screen door: 0.5337, IoU.stairway: 0.3491, IoU.river: 0.1297, IoU.bridge: 0.6336, IoU.bookcase: 0.3932, IoU.blind: 0.2414, IoU.coffee table: 0.6204, IoU.toilet: 0.8305, IoU.flower: 0.4163, IoU.book: 0.4647, IoU.hill: 0.0567, IoU.bench: 0.5035, IoU.countertop: 0.6067, IoU.stove: 0.7550, IoU.palm: 0.4493, IoU.kitchen island: 0.3462, IoU.computer: 0.7075, IoU.swivel chair: 0.4269, IoU.boat: 0.4600, IoU.bar: 0.6432, IoU.arcade machine: 0.8126, IoU.hovel: 0.5264, IoU.bus: 0.8920, IoU.towel: 0.6971, IoU.light: 0.4043, IoU.truck: 0.3734, IoU.tower: 0.2175, IoU.chandelier: 0.6382, IoU.awning: 0.2965, IoU.streetlight: 0.2521, IoU.booth: 0.3289, IoU.television receiver: 0.7425, IoU.airplane: 0.5186, IoU.dirt track: 0.0157, IoU.apparel: 0.4650, IoU.pole: 0.1973, IoU.land: 0.0000, IoU.bannister: 0.0228, IoU.escalator: 0.5767, IoU.ottoman: 0.4928, IoU.bottle: 0.3800, IoU.buffet: 0.4529, IoU.poster: 0.1981, IoU.stage: 0.2267, IoU.van: 0.3499, IoU.ship: 0.2900, IoU.fountain: 0.5941, IoU.conveyer belt: 0.4797, IoU.canopy: 0.5444, IoU.washer: 0.8226, IoU.plaything: 0.2667, IoU.swimming pool: 0.7360, IoU.stool: 0.4184, IoU.barrel: 0.5220, IoU.basket: 0.3418, IoU.waterfall: 0.4778, IoU.tent: 0.9092, IoU.bag: 0.1745, IoU.minibike: 0.7107, IoU.cradle: 0.8215, IoU.oven: 0.5649, IoU.ball: 0.4535, IoU.food: 0.5212, IoU.step: 0.0719, IoU.tank: 0.5729, IoU.trade name: 0.1424, IoU.microwave: 0.8350, IoU.pot: 0.4320, IoU.animal: 0.6395, IoU.bicycle: 0.5756, IoU.lake: 0.5535, IoU.dishwasher: 0.5274, IoU.screen: 0.5381, IoU.blanket: 0.1270, IoU.sculpture: 0.6149, IoU.hood: 0.6210, IoU.sconce: 0.4705, IoU.vase: 0.3554, IoU.traffic light: 0.3033, IoU.tray: 0.0681, IoU.ashcan: 0.4438, IoU.fan: 0.5755, IoU.pier: 0.3427, IoU.crt screen: 0.0568, IoU.plate: 0.5350, IoU.monitor: 0.5797, IoU.bulletin board: 0.3541, IoU.shower: 0.0216, IoU.radiator: 0.5900, IoU.glass: 0.1375, IoU.clock: 0.3456, IoU.flag: 0.5617, Acc.wall: 0.8836, Acc.building: 0.9332, Acc.sky: 0.9746, Acc.floor: 0.9078, Acc.tree: 0.8756, Acc.ceiling: 0.9129, Acc.road: 0.9243, Acc.bed : 0.9686, Acc.windowpane: 0.7533, Acc.grass: 0.7693, Acc.cabinet: 0.7251, Acc.sidewalk: 0.7436, Acc.person: 0.9145, Acc.earth: 0.5678, Acc.door: 0.6506, Acc.table: 0.7404, Acc.mountain: 0.7936, Acc.plant: 0.5878, Acc.curtain: 0.8033, Acc.chair: 0.7224, Acc.car: 0.9265, Acc.water: 0.7277, Acc.painting: 0.8316, Acc.sofa: 0.8168, Acc.shelf: 0.6178, Acc.house: 0.7211, Acc.sea: 0.7525, Acc.mirror: 0.8468, Acc.rug: 0.6999, Acc.field: 0.5712, Acc.armchair: 0.6618, Acc.seat: 0.8397, Acc.fence: 0.6992, Acc.desk: 0.6399, Acc.rock: 0.7562, Acc.wardrobe: 0.7328, Acc.lamp: 0.7066, Acc.bathtub: 0.8398, Acc.railing: 0.4937, Acc.cushion: 0.7095, Acc.base: 0.3986, Acc.box: 0.3374, Acc.column: 0.5933, Acc.signboard: 0.5474, Acc.chest of drawers: 0.5261, Acc.counter: 0.5764, Acc.sand: 0.7555, Acc.sink: 0.7720, Acc.skyscraper: 0.4501, Acc.fireplace: 0.8590, Acc.refrigerator: 0.8287, Acc.grandstand: 0.7830, Acc.path: 0.3869, Acc.stairs: 0.3686, Acc.runway: 0.9417, Acc.case: 0.7566, Acc.pool table: 0.9789, Acc.pillow: 0.5827, Acc.screen door: 0.9146, Acc.stairway: 0.4572, Acc.river: 0.2875, Acc.bridge: 0.8773, Acc.bookcase: 0.6961, Acc.blind: 0.2786, Acc.coffee table: 0.8323, Acc.toilet: 0.9342, Acc.flower: 0.6074, Acc.book: 0.6192, Acc.hill: 0.0851, Acc.bench: 0.6065, Acc.countertop: 0.8141, Acc.stove: 0.8672, Acc.palm: 0.6261, Acc.kitchen island: 0.4423, Acc.computer: 0.9185, Acc.swivel chair: 0.5907, Acc.boat: 0.8429, Acc.bar: 0.8422, Acc.arcade machine: 0.8936, Acc.hovel: 0.6043, Acc.bus: 0.9656, Acc.towel: 0.8651, Acc.light: 0.4318, Acc.truck: 0.4898, Acc.tower: 0.2932, Acc.chandelier: 0.8142, Acc.awning: 0.3408, Acc.streetlight: 0.2997, Acc.booth: 0.4944, Acc.television receiver: 0.8171, Acc.airplane: 0.6184, Acc.dirt track: 0.0194, Acc.apparel: 0.6376, Acc.pole: 0.2547, Acc.land: 0.0000, Acc.bannister: 0.0234, Acc.escalator: 0.8310, Acc.ottoman: 0.6512, Acc.bottle: 0.5703, Acc.buffet: 0.5027, Acc.poster: 0.2182, Acc.stage: 0.4547, Acc.van: 0.4146, Acc.ship: 0.2903, Acc.fountain: 0.7023, Acc.conveyer belt: 0.9906, Acc.canopy: 0.6617, Acc.washer: 0.9020, Acc.plaything: 0.3543, Acc.swimming pool: 0.8505, Acc.stool: 0.4948, Acc.barrel: 0.5911, Acc.basket: 0.4647, Acc.waterfall: 0.5245, Acc.tent: 0.9894, Acc.bag: 0.1867, Acc.minibike: 0.8652, Acc.cradle: 0.9645, Acc.oven: 0.6722, Acc.ball: 0.5481, Acc.food: 0.6598, Acc.step: 0.0735, Acc.tank: 0.9314, Acc.trade name: 0.1507, Acc.microwave: 0.9107, Acc.pot: 0.4848, Acc.animal: 0.6576, Acc.bicycle: 0.8151, Acc.lake: 0.6615, Acc.dishwasher: 0.5406, Acc.screen: 0.8980, Acc.blanket: 0.1389, Acc.sculpture: 0.7222, Acc.hood: 0.6823, Acc.sconce: 0.5565, Acc.vase: 0.4647, Acc.traffic light: 0.4447, Acc.tray: 0.0832, Acc.ashcan: 0.5167, Acc.fan: 0.6729, Acc.pier: 0.4427, Acc.crt screen: 0.0745, Acc.plate: 0.6982, Acc.monitor: 0.7438, Acc.bulletin board: 0.4027, Acc.shower: 0.0318, Acc.radiator: 0.7302, Acc.glass: 0.1442, Acc.clock: 0.3700, Acc.flag: 0.5876 2023-11-10 13:06:27,771 - mmseg - INFO - Iter [9050/80000] lr: 3.548e-05, eta: 16:08:04, time: 2.313, data_time: 1.621, memory: 60073, decode.loss_ce: 0.3631, decode.acc_seg: 85.1201, aux.loss_ce: 0.3752, aux.acc_seg: 67.9211, loss: 0.7383 2023-11-10 13:07:02,646 - mmseg - INFO - Iter [9100/80000] lr: 3.545e-05, eta: 16:06:35, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3410, decode.acc_seg: 85.7377, aux.loss_ce: 0.3655, aux.acc_seg: 68.5165, loss: 0.7065 2023-11-10 13:07:37,518 - mmseg - INFO - Iter [9150/80000] lr: 3.543e-05, eta: 16:05:08, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3516, decode.acc_seg: 85.3415, aux.loss_ce: 0.3608, aux.acc_seg: 68.4384, loss: 0.7124 2023-11-10 13:08:12,368 - mmseg - INFO - Iter [9200/80000] lr: 3.540e-05, eta: 16:03:41, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3395, decode.acc_seg: 86.0438, aux.loss_ce: 0.3626, aux.acc_seg: 69.1534, loss: 0.7021 2023-11-10 13:08:47,231 - mmseg - INFO - Iter [9250/80000] lr: 3.538e-05, eta: 16:02:14, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3668, decode.acc_seg: 85.2367, aux.loss_ce: 0.3693, aux.acc_seg: 68.6526, loss: 0.7361 2023-11-10 13:09:22,092 - mmseg - INFO - Iter [9300/80000] lr: 3.535e-05, eta: 16:00:48, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3327, decode.acc_seg: 86.1457, aux.loss_ce: 0.3472, aux.acc_seg: 69.5844, loss: 0.6798 2023-11-10 13:09:56,988 - mmseg - INFO - Iter [9350/80000] lr: 3.533e-05, eta: 15:59:23, time: 0.698, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3443, decode.acc_seg: 85.8374, aux.loss_ce: 0.3592, aux.acc_seg: 68.2825, loss: 0.7036 2023-11-10 13:10:31,821 - mmseg - INFO - Iter [9400/80000] lr: 3.530e-05, eta: 15:57:58, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3477, decode.acc_seg: 86.1764, aux.loss_ce: 0.3666, aux.acc_seg: 69.0411, loss: 0.7143 2023-11-10 13:11:06,665 - mmseg - INFO - Iter [9450/80000] lr: 3.528e-05, eta: 15:56:33, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3403, decode.acc_seg: 85.5843, aux.loss_ce: 0.3505, aux.acc_seg: 69.2937, loss: 0.6908 2023-11-10 13:11:41,499 - mmseg - INFO - Iter [9500/80000] lr: 3.525e-05, eta: 15:55:09, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3752, decode.acc_seg: 84.7896, aux.loss_ce: 0.3792, aux.acc_seg: 67.3543, loss: 0.7545 2023-11-10 13:12:16,354 - mmseg - INFO - Iter [9550/80000] lr: 3.523e-05, eta: 15:53:46, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3461, decode.acc_seg: 86.0164, aux.loss_ce: 0.3756, aux.acc_seg: 67.8339, loss: 0.7217 2023-11-10 13:12:51,203 - mmseg - INFO - Iter [9600/80000] lr: 3.520e-05, eta: 15:52:23, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3526, decode.acc_seg: 85.4511, aux.loss_ce: 0.3688, aux.acc_seg: 68.6701, loss: 0.7214 2023-11-10 13:13:26,067 - mmseg - INFO - Iter [9650/80000] lr: 3.518e-05, eta: 15:51:01, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3547, decode.acc_seg: 85.5262, aux.loss_ce: 0.3655, aux.acc_seg: 68.3808, loss: 0.7202 2023-11-10 13:14:00,915 - mmseg - INFO - Iter [9700/80000] lr: 3.515e-05, eta: 15:49:39, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3525, decode.acc_seg: 85.5467, aux.loss_ce: 0.3485, aux.acc_seg: 69.5268, loss: 0.7010 2023-11-10 13:14:35,754 - mmseg - INFO - Iter [9750/80000] lr: 3.513e-05, eta: 15:48:17, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3605, decode.acc_seg: 85.0027, aux.loss_ce: 0.3735, aux.acc_seg: 67.5157, loss: 0.7341 2023-11-10 13:15:10,584 - mmseg - INFO - Iter [9800/80000] lr: 3.510e-05, eta: 15:46:56, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3333, decode.acc_seg: 86.3284, aux.loss_ce: 0.3517, aux.acc_seg: 69.9861, loss: 0.6850 2023-11-10 13:15:45,414 - mmseg - INFO - Iter [9850/80000] lr: 3.508e-05, eta: 15:45:36, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3422, decode.acc_seg: 85.5382, aux.loss_ce: 0.3600, aux.acc_seg: 68.8117, loss: 0.7022 2023-11-10 13:16:20,254 - mmseg - INFO - Iter [9900/80000] lr: 3.505e-05, eta: 15:44:16, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3467, decode.acc_seg: 85.9955, aux.loss_ce: 0.3656, aux.acc_seg: 69.4559, loss: 0.7124 2023-11-10 13:16:55,122 - mmseg - INFO - Iter [9950/80000] lr: 3.503e-05, eta: 15:42:56, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3442, decode.acc_seg: 85.4915, aux.loss_ce: 0.3594, aux.acc_seg: 68.9061, loss: 0.7035 2023-11-10 13:17:29,992 - mmseg - INFO - Saving checkpoint at 10000 iterations 2023-11-10 13:18:01,828 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:18:01,829 - mmseg - INFO - Iter [10000/80000] lr: 3.500e-05, eta: 15:45:20, time: 1.334, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3285, decode.acc_seg: 86.1044, aux.loss_ce: 0.3505, aux.acc_seg: 68.6366, loss: 0.6790 2023-11-10 13:19:22,134 - mmseg - INFO - per class results: 2023-11-10 13:19:22,139 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.99 | 87.98 | | building | 83.69 | 92.68 | | sky | 94.24 | 97.55 | | floor | 81.81 | 90.89 | | tree | 74.85 | 87.29 | | ceiling | 83.11 | 92.95 | | road | 83.46 | 88.79 | | bed | 89.81 | 96.63 | | windowpane | 62.29 | 75.16 | | grass | 66.6 | 80.57 | | cabinet | 60.26 | 71.98 | | sidewalk | 63.37 | 81.26 | | person | 80.66 | 92.15 | | earth | 38.18 | 54.97 | | door | 47.1 | 61.16 | | table | 61.45 | 76.15 | | mountain | 53.01 | 64.93 | | plant | 51.98 | 61.66 | | curtain | 71.5 | 85.86 | | chair | 56.7 | 67.16 | | car | 83.31 | 93.89 | | water | 60.53 | 71.99 | | painting | 71.65 | 83.46 | | sofa | 70.91 | 81.83 | | shelf | 40.9 | 54.59 | | house | 58.74 | 76.3 | | sea | 71.78 | 86.55 | | mirror | 71.18 | 86.29 | | rug | 65.48 | 73.41 | | field | 31.79 | 56.52 | | armchair | 48.39 | 71.85 | | seat | 66.53 | 83.43 | | fence | 43.27 | 53.23 | | desk | 48.8 | 78.41 | | rock | 47.39 | 82.37 | | wardrobe | 51.67 | 73.63 | | lamp | 63.4 | 71.67 | | bathtub | 83.52 | 87.98 | | railing | 34.7 | 47.87 | | cushion | 61.07 | 75.68 | | base | 34.29 | 47.3 | | box | 32.34 | 49.27 | | column | 51.53 | 59.52 | | signboard | 34.64 | 47.26 | | chest of drawers | 43.32 | 56.41 | | counter | 41.65 | 50.1 | | sand | 46.85 | 67.63 | | sink | 72.16 | 79.03 | | skyscraper | 62.04 | 90.24 | | fireplace | 71.66 | 92.57 | | refrigerator | 71.72 | 81.45 | | grandstand | 57.5 | 84.78 | | path | 23.65 | 28.91 | | stairs | 44.28 | 56.1 | | runway | 71.45 | 90.71 | | case | 64.98 | 70.93 | | pool table | 90.21 | 97.96 | | pillow | 58.66 | 66.84 | | screen door | 58.76 | 64.94 | | stairway | 47.88 | 55.3 | | river | 19.41 | 35.76 | | bridge | 47.45 | 50.78 | | bookcase | 35.97 | 71.51 | | blind | 34.81 | 43.16 | | coffee table | 62.09 | 84.96 | | toilet | 83.5 | 93.46 | | flower | 39.47 | 52.38 | | book | 48.04 | 63.55 | | hill | 9.84 | 22.66 | | bench | 57.75 | 73.9 | | countertop | 59.51 | 82.46 | | stove | 77.46 | 85.09 | | palm | 50.73 | 64.9 | | kitchen island | 36.16 | 54.93 | | computer | 73.19 | 87.47 | | swivel chair | 42.89 | 68.52 | | boat | 55.14 | 90.7 | | bar | 67.38 | 77.49 | | arcade machine | 74.82 | 96.28 | | hovel | 51.28 | 61.31 | | bus | 90.03 | 94.8 | | towel | 70.91 | 83.55 | | light | 37.98 | 40.76 | | truck | 35.39 | 47.95 | | tower | 7.23 | 9.17 | | chandelier | 65.65 | 76.87 | | awning | 27.79 | 31.98 | | streetlight | 25.45 | 30.73 | | booth | 32.99 | 52.99 | | television receiver | 77.4 | 84.9 | | airplane | 58.67 | 62.87 | | dirt track | 9.3 | 15.94 | | apparel | 49.33 | 59.88 | | pole | 17.61 | 20.71 | | land | 0.21 | 0.29 | | bannister | 7.98 | 12.96 | | escalator | 50.85 | 66.04 | | ottoman | 48.49 | 60.24 | | bottle | 38.52 | 63.34 | | buffet | 44.4 | 51.01 | | poster | 22.73 | 28.57 | | stage | 20.08 | 62.19 | | van | 26.91 | 31.34 | | ship | 79.11 | 89.79 | | fountain | 64.2 | 75.2 | | conveyer belt | 72.77 | 90.68 | | canopy | 37.57 | 74.26 | | washer | 80.92 | 94.64 | | plaything | 24.71 | 32.99 | | swimming pool | 64.63 | 90.91 | | stool | 38.89 | 59.46 | | barrel | 40.91 | 64.42 | | basket | 34.22 | 46.71 | | waterfall | 48.48 | 51.26 | | tent | 92.45 | 98.72 | | bag | 17.73 | 19.37 | | minibike | 70.28 | 81.87 | | cradle | 81.38 | 98.21 | | oven | 58.85 | 70.33 | | ball | 53.71 | 67.33 | | food | 61.13 | 76.61 | | step | 13.87 | 15.28 | | tank | 63.43 | 95.31 | | trade name | 11.57 | 11.9 | | microwave | 84.9 | 90.48 | | pot | 41.49 | 46.13 | | animal | 53.11 | 54.66 | | bicycle | 57.18 | 79.26 | | lake | 48.09 | 58.53 | | dishwasher | 62.05 | 72.45 | | screen | 57.57 | 77.46 | | blanket | 13.1 | 14.7 | | sculpture | 57.33 | 74.39 | | hood | 62.65 | 67.3 | | sconce | 46.38 | 53.48 | | vase | 34.86 | 46.28 | | traffic light | 29.82 | 40.94 | | tray | 12.6 | 18.05 | | ashcan | 46.01 | 53.83 | | fan | 56.01 | 63.88 | | pier | 38.26 | 47.75 | | crt screen | 0.44 | 0.49 | | plate | 54.17 | 65.84 | | monitor | 58.74 | 82.92 | | bulletin board | 34.8 | 42.2 | | shower | 0.0 | 0.0 | | radiator | 57.8 | 65.85 | | glass | 12.7 | 13.3 | | clock | 34.98 | 36.45 | | flag | 48.91 | 50.55 | +---------------------+-------+-------+ 2023-11-10 13:19:22,140 - mmseg - INFO - Summary: 2023-11-10 13:19:22,140 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.61 | 51.63 | 64.06 | +-------+-------+-------+ 2023-11-10 13:19:22,141 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:19:22,141 - mmseg - INFO - Iter(val) [250] aAcc: 0.8361, mIoU: 0.5163, mAcc: 0.6406, IoU.wall: 0.7799, IoU.building: 0.8369, IoU.sky: 0.9424, IoU.floor: 0.8181, IoU.tree: 0.7485, IoU.ceiling: 0.8311, IoU.road: 0.8346, IoU.bed : 0.8981, IoU.windowpane: 0.6229, IoU.grass: 0.6660, IoU.cabinet: 0.6026, IoU.sidewalk: 0.6337, IoU.person: 0.8066, IoU.earth: 0.3818, IoU.door: 0.4710, IoU.table: 0.6145, IoU.mountain: 0.5301, IoU.plant: 0.5198, IoU.curtain: 0.7150, IoU.chair: 0.5670, IoU.car: 0.8331, IoU.water: 0.6053, IoU.painting: 0.7165, IoU.sofa: 0.7091, IoU.shelf: 0.4090, IoU.house: 0.5874, IoU.sea: 0.7178, IoU.mirror: 0.7118, IoU.rug: 0.6548, IoU.field: 0.3179, IoU.armchair: 0.4839, IoU.seat: 0.6653, IoU.fence: 0.4327, IoU.desk: 0.4880, IoU.rock: 0.4739, IoU.wardrobe: 0.5167, IoU.lamp: 0.6340, IoU.bathtub: 0.8352, IoU.railing: 0.3470, IoU.cushion: 0.6107, IoU.base: 0.3429, IoU.box: 0.3234, IoU.column: 0.5153, IoU.signboard: 0.3464, IoU.chest of drawers: 0.4332, IoU.counter: 0.4165, IoU.sand: 0.4685, IoU.sink: 0.7216, IoU.skyscraper: 0.6204, IoU.fireplace: 0.7166, IoU.refrigerator: 0.7172, IoU.grandstand: 0.5750, IoU.path: 0.2365, IoU.stairs: 0.4428, IoU.runway: 0.7145, IoU.case: 0.6498, IoU.pool table: 0.9021, IoU.pillow: 0.5866, IoU.screen door: 0.5876, IoU.stairway: 0.4788, IoU.river: 0.1941, IoU.bridge: 0.4745, IoU.bookcase: 0.3597, IoU.blind: 0.3481, IoU.coffee table: 0.6209, IoU.toilet: 0.8350, IoU.flower: 0.3947, IoU.book: 0.4804, IoU.hill: 0.0984, IoU.bench: 0.5775, IoU.countertop: 0.5951, IoU.stove: 0.7746, IoU.palm: 0.5073, IoU.kitchen island: 0.3616, IoU.computer: 0.7319, IoU.swivel chair: 0.4289, IoU.boat: 0.5514, IoU.bar: 0.6738, IoU.arcade machine: 0.7482, IoU.hovel: 0.5128, IoU.bus: 0.9003, IoU.towel: 0.7091, IoU.light: 0.3798, IoU.truck: 0.3539, IoU.tower: 0.0723, IoU.chandelier: 0.6565, IoU.awning: 0.2779, IoU.streetlight: 0.2545, IoU.booth: 0.3299, IoU.television receiver: 0.7740, IoU.airplane: 0.5867, IoU.dirt track: 0.0930, IoU.apparel: 0.4933, IoU.pole: 0.1761, IoU.land: 0.0021, IoU.bannister: 0.0798, IoU.escalator: 0.5085, IoU.ottoman: 0.4849, IoU.bottle: 0.3852, IoU.buffet: 0.4440, IoU.poster: 0.2273, IoU.stage: 0.2008, IoU.van: 0.2691, IoU.ship: 0.7911, IoU.fountain: 0.6420, IoU.conveyer belt: 0.7277, IoU.canopy: 0.3757, IoU.washer: 0.8092, IoU.plaything: 0.2471, IoU.swimming pool: 0.6463, IoU.stool: 0.3889, IoU.barrel: 0.4091, IoU.basket: 0.3422, IoU.waterfall: 0.4848, IoU.tent: 0.9245, IoU.bag: 0.1773, IoU.minibike: 0.7028, IoU.cradle: 0.8138, IoU.oven: 0.5885, IoU.ball: 0.5371, IoU.food: 0.6113, IoU.step: 0.1387, IoU.tank: 0.6343, IoU.trade name: 0.1157, IoU.microwave: 0.8490, IoU.pot: 0.4149, IoU.animal: 0.5311, IoU.bicycle: 0.5718, IoU.lake: 0.4809, IoU.dishwasher: 0.6205, IoU.screen: 0.5757, IoU.blanket: 0.1310, IoU.sculpture: 0.5733, IoU.hood: 0.6265, IoU.sconce: 0.4638, IoU.vase: 0.3486, IoU.traffic light: 0.2982, IoU.tray: 0.1260, IoU.ashcan: 0.4601, IoU.fan: 0.5601, IoU.pier: 0.3826, IoU.crt screen: 0.0044, IoU.plate: 0.5417, IoU.monitor: 0.5874, IoU.bulletin board: 0.3480, IoU.shower: 0.0000, IoU.radiator: 0.5780, IoU.glass: 0.1270, IoU.clock: 0.3498, IoU.flag: 0.4891, Acc.wall: 0.8798, Acc.building: 0.9268, Acc.sky: 0.9755, Acc.floor: 0.9089, Acc.tree: 0.8729, Acc.ceiling: 0.9295, Acc.road: 0.8879, Acc.bed : 0.9663, Acc.windowpane: 0.7516, Acc.grass: 0.8057, Acc.cabinet: 0.7198, Acc.sidewalk: 0.8126, Acc.person: 0.9215, Acc.earth: 0.5497, Acc.door: 0.6116, Acc.table: 0.7615, Acc.mountain: 0.6493, Acc.plant: 0.6166, Acc.curtain: 0.8586, Acc.chair: 0.6716, Acc.car: 0.9389, Acc.water: 0.7199, Acc.painting: 0.8346, Acc.sofa: 0.8183, Acc.shelf: 0.5459, Acc.house: 0.7630, Acc.sea: 0.8655, Acc.mirror: 0.8629, Acc.rug: 0.7341, Acc.field: 0.5652, Acc.armchair: 0.7185, Acc.seat: 0.8343, Acc.fence: 0.5323, Acc.desk: 0.7841, Acc.rock: 0.8237, Acc.wardrobe: 0.7363, Acc.lamp: 0.7167, Acc.bathtub: 0.8798, Acc.railing: 0.4787, Acc.cushion: 0.7568, Acc.base: 0.4730, Acc.box: 0.4927, Acc.column: 0.5952, Acc.signboard: 0.4726, Acc.chest of drawers: 0.5641, Acc.counter: 0.5010, Acc.sand: 0.6763, Acc.sink: 0.7903, Acc.skyscraper: 0.9024, Acc.fireplace: 0.9257, Acc.refrigerator: 0.8145, Acc.grandstand: 0.8478, Acc.path: 0.2891, Acc.stairs: 0.5610, Acc.runway: 0.9071, Acc.case: 0.7093, Acc.pool table: 0.9796, Acc.pillow: 0.6684, Acc.screen door: 0.6494, Acc.stairway: 0.5530, Acc.river: 0.3576, Acc.bridge: 0.5078, Acc.bookcase: 0.7151, Acc.blind: 0.4316, Acc.coffee table: 0.8496, Acc.toilet: 0.9346, Acc.flower: 0.5238, Acc.book: 0.6355, Acc.hill: 0.2266, Acc.bench: 0.7390, Acc.countertop: 0.8246, Acc.stove: 0.8509, Acc.palm: 0.6490, Acc.kitchen island: 0.5493, Acc.computer: 0.8747, Acc.swivel chair: 0.6852, Acc.boat: 0.9070, Acc.bar: 0.7749, Acc.arcade machine: 0.9628, Acc.hovel: 0.6131, Acc.bus: 0.9480, Acc.towel: 0.8355, Acc.light: 0.4076, Acc.truck: 0.4795, Acc.tower: 0.0917, Acc.chandelier: 0.7687, Acc.awning: 0.3198, Acc.streetlight: 0.3073, Acc.booth: 0.5299, Acc.television receiver: 0.8490, Acc.airplane: 0.6287, Acc.dirt track: 0.1594, Acc.apparel: 0.5988, Acc.pole: 0.2071, Acc.land: 0.0029, Acc.bannister: 0.1296, Acc.escalator: 0.6604, Acc.ottoman: 0.6024, Acc.bottle: 0.6334, Acc.buffet: 0.5101, Acc.poster: 0.2857, Acc.stage: 0.6219, Acc.van: 0.3134, Acc.ship: 0.8979, Acc.fountain: 0.7520, Acc.conveyer belt: 0.9068, Acc.canopy: 0.7426, Acc.washer: 0.9464, Acc.plaything: 0.3299, Acc.swimming pool: 0.9091, Acc.stool: 0.5946, Acc.barrel: 0.6442, Acc.basket: 0.4671, Acc.waterfall: 0.5126, Acc.tent: 0.9872, Acc.bag: 0.1937, Acc.minibike: 0.8187, Acc.cradle: 0.9821, Acc.oven: 0.7033, Acc.ball: 0.6733, Acc.food: 0.7661, Acc.step: 0.1528, Acc.tank: 0.9531, Acc.trade name: 0.1190, Acc.microwave: 0.9048, Acc.pot: 0.4613, Acc.animal: 0.5466, Acc.bicycle: 0.7926, Acc.lake: 0.5853, Acc.dishwasher: 0.7245, Acc.screen: 0.7746, Acc.blanket: 0.1470, Acc.sculpture: 0.7439, Acc.hood: 0.6730, Acc.sconce: 0.5348, Acc.vase: 0.4628, Acc.traffic light: 0.4094, Acc.tray: 0.1805, Acc.ashcan: 0.5383, Acc.fan: 0.6388, Acc.pier: 0.4775, Acc.crt screen: 0.0049, Acc.plate: 0.6584, Acc.monitor: 0.8292, Acc.bulletin board: 0.4220, Acc.shower: 0.0000, Acc.radiator: 0.6585, Acc.glass: 0.1330, Acc.clock: 0.3645, Acc.flag: 0.5055 2023-11-10 13:19:57,112 - mmseg - INFO - Iter [10050/80000] lr: 3.498e-05, eta: 15:53:20, time: 2.306, data_time: 1.614, memory: 60073, decode.loss_ce: 0.3501, decode.acc_seg: 85.5997, aux.loss_ce: 0.3634, aux.acc_seg: 68.5652, loss: 0.7135 2023-11-10 13:20:31,969 - mmseg - INFO - Iter [10100/80000] lr: 3.495e-05, eta: 15:51:57, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3573, decode.acc_seg: 85.4837, aux.loss_ce: 0.3732, aux.acc_seg: 68.5753, loss: 0.7305 2023-11-10 13:21:09,099 - mmseg - INFO - Iter [10150/80000] lr: 3.493e-05, eta: 15:50:51, time: 0.743, data_time: 0.051, memory: 60073, decode.loss_ce: 0.3184, decode.acc_seg: 86.7806, aux.loss_ce: 0.3553, aux.acc_seg: 69.4600, loss: 0.6737 2023-11-10 13:21:43,950 - mmseg - INFO - Iter [10200/80000] lr: 3.490e-05, eta: 15:49:29, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3334, decode.acc_seg: 86.6343, aux.loss_ce: 0.3696, aux.acc_seg: 68.6655, loss: 0.7030 2023-11-10 13:22:18,793 - mmseg - INFO - Iter [10250/80000] lr: 3.488e-05, eta: 15:48:08, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3363, decode.acc_seg: 86.1355, aux.loss_ce: 0.3489, aux.acc_seg: 69.1767, loss: 0.6852 2023-11-10 13:22:53,628 - mmseg - INFO - Iter [10300/80000] lr: 3.485e-05, eta: 15:46:47, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3337, decode.acc_seg: 86.6157, aux.loss_ce: 0.3575, aux.acc_seg: 69.3176, loss: 0.6912 2023-11-10 13:23:28,463 - mmseg - INFO - Iter [10350/80000] lr: 3.483e-05, eta: 15:45:26, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3277, decode.acc_seg: 86.7892, aux.loss_ce: 0.3578, aux.acc_seg: 69.5060, loss: 0.6855 2023-11-10 13:24:03,303 - mmseg - INFO - Iter [10400/80000] lr: 3.480e-05, eta: 15:44:06, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3418, decode.acc_seg: 86.0734, aux.loss_ce: 0.3674, aux.acc_seg: 68.2247, loss: 0.7092 2023-11-10 13:24:38,146 - mmseg - INFO - Iter [10450/80000] lr: 3.478e-05, eta: 15:42:46, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3185, decode.acc_seg: 86.4561, aux.loss_ce: 0.3648, aux.acc_seg: 68.4995, loss: 0.6833 2023-11-10 13:25:12,993 - mmseg - INFO - Iter [10500/80000] lr: 3.475e-05, eta: 15:41:27, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3291, decode.acc_seg: 86.0053, aux.loss_ce: 0.3731, aux.acc_seg: 68.0468, loss: 0.7022 2023-11-10 13:25:47,844 - mmseg - INFO - Iter [10550/80000] lr: 3.473e-05, eta: 15:40:08, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3268, decode.acc_seg: 86.1758, aux.loss_ce: 0.3564, aux.acc_seg: 69.3504, loss: 0.6832 2023-11-10 13:26:22,693 - mmseg - INFO - Iter [10600/80000] lr: 3.470e-05, eta: 15:38:50, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3382, decode.acc_seg: 86.0940, aux.loss_ce: 0.3672, aux.acc_seg: 68.3839, loss: 0.7054 2023-11-10 13:26:57,538 - mmseg - INFO - Iter [10650/80000] lr: 3.468e-05, eta: 15:37:32, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3270, decode.acc_seg: 86.2809, aux.loss_ce: 0.3454, aux.acc_seg: 69.7080, loss: 0.6724 2023-11-10 13:27:32,389 - mmseg - INFO - Iter [10700/80000] lr: 3.465e-05, eta: 15:36:15, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3241, decode.acc_seg: 86.7422, aux.loss_ce: 0.3482, aux.acc_seg: 69.9907, loss: 0.6723 2023-11-10 13:28:07,258 - mmseg - INFO - Iter [10750/80000] lr: 3.463e-05, eta: 15:34:58, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3357, decode.acc_seg: 86.4243, aux.loss_ce: 0.3629, aux.acc_seg: 68.9569, loss: 0.6986 2023-11-10 13:28:42,091 - mmseg - INFO - Iter [10800/80000] lr: 3.460e-05, eta: 15:33:41, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3226, decode.acc_seg: 86.7043, aux.loss_ce: 0.3425, aux.acc_seg: 70.3443, loss: 0.6651 2023-11-10 13:29:16,941 - mmseg - INFO - Iter [10850/80000] lr: 3.458e-05, eta: 15:32:24, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3317, decode.acc_seg: 86.6921, aux.loss_ce: 0.3422, aux.acc_seg: 70.4585, loss: 0.6739 2023-11-10 13:29:51,812 - mmseg - INFO - Iter [10900/80000] lr: 3.455e-05, eta: 15:31:09, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3233, decode.acc_seg: 86.5036, aux.loss_ce: 0.3436, aux.acc_seg: 69.6796, loss: 0.6669 2023-11-10 13:30:26,651 - mmseg - INFO - Iter [10950/80000] lr: 3.453e-05, eta: 15:29:53, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3300, decode.acc_seg: 86.3754, aux.loss_ce: 0.3692, aux.acc_seg: 67.7719, loss: 0.6992 2023-11-10 13:31:01,500 - mmseg - INFO - Saving checkpoint at 11000 iterations 2023-11-10 13:31:34,005 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:31:34,005 - mmseg - INFO - Iter [11000/80000] lr: 3.450e-05, eta: 15:32:02, time: 1.347, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3377, decode.acc_seg: 86.1266, aux.loss_ce: 0.3646, aux.acc_seg: 68.3454, loss: 0.7023 2023-11-10 13:32:54,467 - mmseg - INFO - per class results: 2023-11-10 13:32:54,472 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.54 | 89.2 | | building | 83.01 | 93.49 | | sky | 94.4 | 97.17 | | floor | 81.58 | 87.9 | | tree | 74.64 | 87.96 | | ceiling | 83.72 | 92.8 | | road | 81.18 | 85.95 | | bed | 89.13 | 97.5 | | windowpane | 62.64 | 79.3 | | grass | 69.45 | 90.67 | | cabinet | 57.65 | 65.11 | | sidewalk | 62.19 | 86.8 | | person | 81.51 | 93.05 | | earth | 37.45 | 49.75 | | door | 47.05 | 58.61 | | table | 59.42 | 68.7 | | mountain | 53.2 | 70.15 | | plant | 51.48 | 62.72 | | curtain | 73.17 | 80.09 | | chair | 57.32 | 75.59 | | car | 83.76 | 93.03 | | water | 58.25 | 70.77 | | painting | 69.15 | 86.91 | | sofa | 71.46 | 82.96 | | shelf | 40.21 | 61.92 | | house | 51.44 | 66.89 | | sea | 65.35 | 87.84 | | mirror | 72.69 | 84.74 | | rug | 62.76 | 71.09 | | field | 28.88 | 36.87 | | armchair | 48.07 | 68.53 | | seat | 60.42 | 77.61 | | fence | 44.95 | 53.55 | | desk | 47.47 | 73.32 | | rock | 38.82 | 51.46 | | wardrobe | 51.64 | 82.82 | | lamp | 62.62 | 71.44 | | bathtub | 82.14 | 90.1 | | railing | 36.43 | 51.19 | | cushion | 60.72 | 73.22 | | base | 29.22 | 35.76 | | box | 32.09 | 39.54 | | column | 47.61 | 55.33 | | signboard | 30.93 | 39.57 | | chest of drawers | 48.08 | 70.03 | | counter | 44.88 | 58.36 | | sand | 43.96 | 64.71 | | sink | 69.91 | 82.75 | | skyscraper | 35.92 | 38.07 | | fireplace | 71.6 | 85.37 | | refrigerator | 71.53 | 83.35 | | grandstand | 59.3 | 84.26 | | path | 15.25 | 17.29 | | stairs | 44.89 | 56.35 | | runway | 57.64 | 77.26 | | case | 51.28 | 56.24 | | pool table | 92.74 | 96.64 | | pillow | 58.1 | 67.19 | | screen door | 64.48 | 68.71 | | stairway | 37.95 | 40.19 | | river | 12.34 | 20.95 | | bridge | 64.99 | 80.62 | | bookcase | 41.23 | 53.22 | | blind | 35.24 | 41.53 | | coffee table | 61.04 | 85.22 | | toilet | 83.66 | 94.42 | | flower | 36.25 | 55.28 | | book | 48.52 | 81.71 | | hill | 6.69 | 12.19 | | bench | 48.59 | 60.17 | | countertop | 58.46 | 82.59 | | stove | 75.97 | 86.18 | | palm | 52.69 | 70.13 | | kitchen island | 39.44 | 74.85 | | computer | 70.39 | 93.06 | | swivel chair | 44.09 | 64.28 | | boat | 65.36 | 84.15 | | bar | 70.44 | 80.73 | | arcade machine | 79.46 | 91.03 | | hovel | 49.72 | 57.85 | | bus | 89.45 | 96.04 | | towel | 71.32 | 85.56 | | light | 50.31 | 68.96 | | truck | 38.82 | 48.84 | | tower | 31.02 | 49.92 | | chandelier | 66.62 | 83.4 | | awning | 30.52 | 37.28 | | streetlight | 26.81 | 34.29 | | booth | 35.41 | 46.35 | | television receiver | 75.28 | 84.48 | | airplane | 58.44 | 67.85 | | dirt track | 3.36 | 7.71 | | apparel | 40.55 | 46.92 | | pole | 15.4 | 18.5 | | land | 0.0 | 0.0 | | bannister | 7.67 | 9.28 | | escalator | 58.74 | 78.76 | | ottoman | 48.07 | 61.28 | | bottle | 38.92 | 69.72 | | buffet | 49.79 | 67.27 | | poster | 21.5 | 24.66 | | stage | 24.31 | 61.8 | | van | 37.46 | 47.68 | | ship | 43.58 | 44.46 | | fountain | 52.67 | 56.4 | | conveyer belt | 53.78 | 97.56 | | canopy | 48.61 | 57.15 | | washer | 81.9 | 92.78 | | plaything | 30.34 | 46.92 | | swimming pool | 62.83 | 92.73 | | stool | 41.35 | 50.51 | | barrel | 51.71 | 59.03 | | basket | 32.42 | 43.5 | | waterfall | 51.87 | 70.38 | | tent | 94.91 | 96.67 | | bag | 18.74 | 20.83 | | minibike | 71.34 | 83.95 | | cradle | 85.31 | 95.63 | | oven | 56.9 | 70.7 | | ball | 47.1 | 68.11 | | food | 43.28 | 49.11 | | step | 9.25 | 9.91 | | tank | 68.82 | 90.55 | | trade name | 8.49 | 8.6 | | microwave | 84.82 | 92.79 | | pot | 42.71 | 47.23 | | animal | 69.79 | 73.5 | | bicycle | 52.37 | 59.89 | | lake | 54.17 | 67.61 | | dishwasher | 57.6 | 69.37 | | screen | 57.7 | 79.8 | | blanket | 17.85 | 20.6 | | sculpture | 65.08 | 82.66 | | hood | 56.56 | 59.62 | | sconce | 50.86 | 65.79 | | vase | 36.39 | 47.91 | | traffic light | 29.48 | 40.3 | | tray | 10.74 | 21.83 | | ashcan | 43.25 | 51.83 | | fan | 57.16 | 65.08 | | pier | 36.07 | 40.83 | | crt screen | 0.0 | 0.0 | | plate | 46.0 | 75.69 | | monitor | 62.44 | 83.44 | | bulletin board | 36.15 | 40.72 | | shower | 0.24 | 0.67 | | radiator | 61.18 | 72.74 | | glass | 18.08 | 20.81 | | clock | 37.71 | 40.7 | | flag | 54.73 | 56.88 | +---------------------+-------+-------+ 2023-11-10 13:32:54,473 - mmseg - INFO - Summary: 2023-11-10 13:32:54,473 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.35 | 51.21 | 63.44 | +-------+-------+-------+ 2023-11-10 13:32:54,474 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:32:54,474 - mmseg - INFO - Iter(val) [250] aAcc: 0.8335, mIoU: 0.5121, mAcc: 0.6344, IoU.wall: 0.7754, IoU.building: 0.8301, IoU.sky: 0.9440, IoU.floor: 0.8158, IoU.tree: 0.7464, IoU.ceiling: 0.8372, IoU.road: 0.8118, IoU.bed : 0.8913, IoU.windowpane: 0.6264, IoU.grass: 0.6945, IoU.cabinet: 0.5765, IoU.sidewalk: 0.6219, IoU.person: 0.8151, IoU.earth: 0.3745, IoU.door: 0.4705, IoU.table: 0.5942, IoU.mountain: 0.5320, IoU.plant: 0.5148, IoU.curtain: 0.7317, IoU.chair: 0.5732, IoU.car: 0.8376, IoU.water: 0.5825, IoU.painting: 0.6915, IoU.sofa: 0.7146, IoU.shelf: 0.4021, IoU.house: 0.5144, IoU.sea: 0.6535, IoU.mirror: 0.7269, IoU.rug: 0.6276, IoU.field: 0.2888, IoU.armchair: 0.4807, IoU.seat: 0.6042, IoU.fence: 0.4495, IoU.desk: 0.4747, IoU.rock: 0.3882, IoU.wardrobe: 0.5164, IoU.lamp: 0.6262, IoU.bathtub: 0.8214, IoU.railing: 0.3643, IoU.cushion: 0.6072, IoU.base: 0.2922, IoU.box: 0.3209, IoU.column: 0.4761, IoU.signboard: 0.3093, IoU.chest of drawers: 0.4808, IoU.counter: 0.4488, IoU.sand: 0.4396, IoU.sink: 0.6991, IoU.skyscraper: 0.3592, IoU.fireplace: 0.7160, IoU.refrigerator: 0.7153, IoU.grandstand: 0.5930, IoU.path: 0.1525, IoU.stairs: 0.4489, IoU.runway: 0.5764, IoU.case: 0.5128, IoU.pool table: 0.9274, IoU.pillow: 0.5810, IoU.screen door: 0.6448, IoU.stairway: 0.3795, IoU.river: 0.1234, IoU.bridge: 0.6499, IoU.bookcase: 0.4123, IoU.blind: 0.3524, IoU.coffee table: 0.6104, IoU.toilet: 0.8366, IoU.flower: 0.3625, IoU.book: 0.4852, IoU.hill: 0.0669, IoU.bench: 0.4859, IoU.countertop: 0.5846, IoU.stove: 0.7597, IoU.palm: 0.5269, IoU.kitchen island: 0.3944, IoU.computer: 0.7039, IoU.swivel chair: 0.4409, IoU.boat: 0.6536, IoU.bar: 0.7044, IoU.arcade machine: 0.7946, IoU.hovel: 0.4972, IoU.bus: 0.8945, IoU.towel: 0.7132, IoU.light: 0.5031, IoU.truck: 0.3882, IoU.tower: 0.3102, IoU.chandelier: 0.6662, IoU.awning: 0.3052, IoU.streetlight: 0.2681, IoU.booth: 0.3541, IoU.television receiver: 0.7528, IoU.airplane: 0.5844, IoU.dirt track: 0.0336, IoU.apparel: 0.4055, IoU.pole: 0.1540, IoU.land: 0.0000, IoU.bannister: 0.0767, IoU.escalator: 0.5874, IoU.ottoman: 0.4807, IoU.bottle: 0.3892, IoU.buffet: 0.4979, IoU.poster: 0.2150, IoU.stage: 0.2431, IoU.van: 0.3746, IoU.ship: 0.4358, IoU.fountain: 0.5267, IoU.conveyer belt: 0.5378, IoU.canopy: 0.4861, IoU.washer: 0.8190, IoU.plaything: 0.3034, IoU.swimming pool: 0.6283, IoU.stool: 0.4135, IoU.barrel: 0.5171, IoU.basket: 0.3242, IoU.waterfall: 0.5187, IoU.tent: 0.9491, IoU.bag: 0.1874, IoU.minibike: 0.7134, IoU.cradle: 0.8531, IoU.oven: 0.5690, IoU.ball: 0.4710, IoU.food: 0.4328, IoU.step: 0.0925, IoU.tank: 0.6882, IoU.trade name: 0.0849, IoU.microwave: 0.8482, IoU.pot: 0.4271, IoU.animal: 0.6979, IoU.bicycle: 0.5237, IoU.lake: 0.5417, IoU.dishwasher: 0.5760, IoU.screen: 0.5770, IoU.blanket: 0.1785, IoU.sculpture: 0.6508, IoU.hood: 0.5656, IoU.sconce: 0.5086, IoU.vase: 0.3639, IoU.traffic light: 0.2948, IoU.tray: 0.1074, IoU.ashcan: 0.4325, IoU.fan: 0.5716, IoU.pier: 0.3607, IoU.crt screen: 0.0000, IoU.plate: 0.4600, IoU.monitor: 0.6244, IoU.bulletin board: 0.3615, IoU.shower: 0.0024, IoU.radiator: 0.6118, IoU.glass: 0.1808, IoU.clock: 0.3771, IoU.flag: 0.5473, Acc.wall: 0.8920, Acc.building: 0.9349, Acc.sky: 0.9717, Acc.floor: 0.8790, Acc.tree: 0.8796, Acc.ceiling: 0.9280, Acc.road: 0.8595, Acc.bed : 0.9750, Acc.windowpane: 0.7930, Acc.grass: 0.9067, Acc.cabinet: 0.6511, Acc.sidewalk: 0.8680, Acc.person: 0.9305, Acc.earth: 0.4975, Acc.door: 0.5861, Acc.table: 0.6870, Acc.mountain: 0.7015, Acc.plant: 0.6272, Acc.curtain: 0.8009, Acc.chair: 0.7559, Acc.car: 0.9303, Acc.water: 0.7077, Acc.painting: 0.8691, Acc.sofa: 0.8296, Acc.shelf: 0.6192, Acc.house: 0.6689, Acc.sea: 0.8784, Acc.mirror: 0.8474, Acc.rug: 0.7109, Acc.field: 0.3687, Acc.armchair: 0.6853, Acc.seat: 0.7761, Acc.fence: 0.5355, Acc.desk: 0.7332, Acc.rock: 0.5146, Acc.wardrobe: 0.8282, Acc.lamp: 0.7144, Acc.bathtub: 0.9010, Acc.railing: 0.5119, Acc.cushion: 0.7322, Acc.base: 0.3576, Acc.box: 0.3954, Acc.column: 0.5533, Acc.signboard: 0.3957, Acc.chest of drawers: 0.7003, Acc.counter: 0.5836, Acc.sand: 0.6471, Acc.sink: 0.8275, Acc.skyscraper: 0.3807, Acc.fireplace: 0.8537, Acc.refrigerator: 0.8335, Acc.grandstand: 0.8426, Acc.path: 0.1729, Acc.stairs: 0.5635, Acc.runway: 0.7726, Acc.case: 0.5624, Acc.pool table: 0.9664, Acc.pillow: 0.6719, Acc.screen door: 0.6871, Acc.stairway: 0.4019, Acc.river: 0.2095, Acc.bridge: 0.8062, Acc.bookcase: 0.5322, Acc.blind: 0.4153, Acc.coffee table: 0.8522, Acc.toilet: 0.9442, Acc.flower: 0.5528, Acc.book: 0.8171, Acc.hill: 0.1219, Acc.bench: 0.6017, Acc.countertop: 0.8259, Acc.stove: 0.8618, Acc.palm: 0.7013, Acc.kitchen island: 0.7485, Acc.computer: 0.9306, Acc.swivel chair: 0.6428, Acc.boat: 0.8415, Acc.bar: 0.8073, Acc.arcade machine: 0.9103, Acc.hovel: 0.5785, Acc.bus: 0.9604, Acc.towel: 0.8556, Acc.light: 0.6896, Acc.truck: 0.4884, Acc.tower: 0.4992, Acc.chandelier: 0.8340, Acc.awning: 0.3728, Acc.streetlight: 0.3429, Acc.booth: 0.4635, Acc.television receiver: 0.8448, Acc.airplane: 0.6785, Acc.dirt track: 0.0771, Acc.apparel: 0.4692, Acc.pole: 0.1850, Acc.land: 0.0000, Acc.bannister: 0.0928, Acc.escalator: 0.7876, Acc.ottoman: 0.6128, Acc.bottle: 0.6972, Acc.buffet: 0.6727, Acc.poster: 0.2466, Acc.stage: 0.6180, Acc.van: 0.4768, Acc.ship: 0.4446, Acc.fountain: 0.5640, Acc.conveyer belt: 0.9756, Acc.canopy: 0.5715, Acc.washer: 0.9278, Acc.plaything: 0.4692, Acc.swimming pool: 0.9273, Acc.stool: 0.5051, Acc.barrel: 0.5903, Acc.basket: 0.4350, Acc.waterfall: 0.7038, Acc.tent: 0.9667, Acc.bag: 0.2083, Acc.minibike: 0.8395, Acc.cradle: 0.9563, Acc.oven: 0.7070, Acc.ball: 0.6811, Acc.food: 0.4911, Acc.step: 0.0991, Acc.tank: 0.9055, Acc.trade name: 0.0860, Acc.microwave: 0.9279, Acc.pot: 0.4723, Acc.animal: 0.7350, Acc.bicycle: 0.5989, Acc.lake: 0.6761, Acc.dishwasher: 0.6937, Acc.screen: 0.7980, Acc.blanket: 0.2060, Acc.sculpture: 0.8266, Acc.hood: 0.5962, Acc.sconce: 0.6579, Acc.vase: 0.4791, Acc.traffic light: 0.4030, Acc.tray: 0.2183, Acc.ashcan: 0.5183, Acc.fan: 0.6508, Acc.pier: 0.4083, Acc.crt screen: 0.0000, Acc.plate: 0.7569, Acc.monitor: 0.8344, Acc.bulletin board: 0.4072, Acc.shower: 0.0067, Acc.radiator: 0.7274, Acc.glass: 0.2081, Acc.clock: 0.4070, Acc.flag: 0.5688 2023-11-10 13:33:29,439 - mmseg - INFO - Iter [11050/80000] lr: 3.448e-05, eta: 15:39:09, time: 2.309, data_time: 1.617, memory: 60073, decode.loss_ce: 0.3528, decode.acc_seg: 85.8381, aux.loss_ce: 0.3590, aux.acc_seg: 69.4740, loss: 0.7118 2023-11-10 13:34:04,280 - mmseg - INFO - Iter [11100/80000] lr: 3.445e-05, eta: 15:37:50, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3526, decode.acc_seg: 85.4835, aux.loss_ce: 0.3669, aux.acc_seg: 67.9744, loss: 0.7195 2023-11-10 13:34:39,148 - mmseg - INFO - Iter [11150/80000] lr: 3.443e-05, eta: 15:36:33, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3520, decode.acc_seg: 85.7359, aux.loss_ce: 0.3774, aux.acc_seg: 68.1201, loss: 0.7294 2023-11-10 13:35:13,988 - mmseg - INFO - Iter [11200/80000] lr: 3.440e-05, eta: 15:35:15, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3534, decode.acc_seg: 85.5116, aux.loss_ce: 0.3662, aux.acc_seg: 68.2447, loss: 0.7196 2023-11-10 13:35:48,837 - mmseg - INFO - Iter [11250/80000] lr: 3.438e-05, eta: 15:33:58, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3310, decode.acc_seg: 86.2591, aux.loss_ce: 0.3440, aux.acc_seg: 69.8636, loss: 0.6750 2023-11-10 13:36:23,693 - mmseg - INFO - Iter [11300/80000] lr: 3.435e-05, eta: 15:32:41, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3272, decode.acc_seg: 86.5263, aux.loss_ce: 0.3570, aux.acc_seg: 69.0399, loss: 0.6842 2023-11-10 13:36:58,538 - mmseg - INFO - Iter [11350/80000] lr: 3.433e-05, eta: 15:31:25, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3445, decode.acc_seg: 85.9444, aux.loss_ce: 0.3794, aux.acc_seg: 67.2324, loss: 0.7238 2023-11-10 13:37:35,697 - mmseg - INFO - Iter [11400/80000] lr: 3.430e-05, eta: 15:30:23, time: 0.743, data_time: 0.051, memory: 60073, decode.loss_ce: 0.3099, decode.acc_seg: 87.1711, aux.loss_ce: 0.3474, aux.acc_seg: 69.6178, loss: 0.6573 2023-11-10 13:38:10,502 - mmseg - INFO - Iter [11450/80000] lr: 3.428e-05, eta: 15:29:07, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3045, decode.acc_seg: 87.3750, aux.loss_ce: 0.3583, aux.acc_seg: 68.7878, loss: 0.6628 2023-11-10 13:38:45,321 - mmseg - INFO - Iter [11500/80000] lr: 3.425e-05, eta: 15:27:52, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3085, decode.acc_seg: 87.5590, aux.loss_ce: 0.3644, aux.acc_seg: 68.9463, loss: 0.6729 2023-11-10 13:39:20,120 - mmseg - INFO - Iter [11550/80000] lr: 3.423e-05, eta: 15:26:36, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3193, decode.acc_seg: 86.7054, aux.loss_ce: 0.3470, aux.acc_seg: 69.5677, loss: 0.6663 2023-11-10 13:39:54,912 - mmseg - INFO - Iter [11600/80000] lr: 3.420e-05, eta: 15:25:22, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3013, decode.acc_seg: 87.5317, aux.loss_ce: 0.3526, aux.acc_seg: 69.9618, loss: 0.6540 2023-11-10 13:40:29,730 - mmseg - INFO - Iter [11650/80000] lr: 3.418e-05, eta: 15:24:07, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3214, decode.acc_seg: 86.5262, aux.loss_ce: 0.3560, aux.acc_seg: 68.9704, loss: 0.6774 2023-11-10 13:41:04,544 - mmseg - INFO - Iter [11700/80000] lr: 3.415e-05, eta: 15:22:53, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3150, decode.acc_seg: 86.8282, aux.loss_ce: 0.3410, aux.acc_seg: 69.7872, loss: 0.6560 2023-11-10 13:41:39,354 - mmseg - INFO - Iter [11750/80000] lr: 3.413e-05, eta: 15:21:39, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3198, decode.acc_seg: 86.4306, aux.loss_ce: 0.3538, aux.acc_seg: 68.9808, loss: 0.6736 2023-11-10 13:42:14,169 - mmseg - INFO - Iter [11800/80000] lr: 3.410e-05, eta: 15:20:26, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3119, decode.acc_seg: 87.1214, aux.loss_ce: 0.3588, aux.acc_seg: 68.7828, loss: 0.6708 2023-11-10 13:42:48,990 - mmseg - INFO - Iter [11850/80000] lr: 3.408e-05, eta: 15:19:13, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3228, decode.acc_seg: 86.6766, aux.loss_ce: 0.3561, aux.acc_seg: 69.2381, loss: 0.6789 2023-11-10 13:43:23,822 - mmseg - INFO - Iter [11900/80000] lr: 3.405e-05, eta: 15:18:00, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3073, decode.acc_seg: 87.3344, aux.loss_ce: 0.3396, aux.acc_seg: 69.7001, loss: 0.6469 2023-11-10 13:43:58,630 - mmseg - INFO - Iter [11950/80000] lr: 3.403e-05, eta: 15:16:47, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3364, decode.acc_seg: 86.0731, aux.loss_ce: 0.3598, aux.acc_seg: 68.3244, loss: 0.6962 2023-11-10 13:44:33,466 - mmseg - INFO - Saving checkpoint at 12000 iterations 2023-11-10 13:45:02,327 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:45:02,327 - mmseg - INFO - Iter [12000/80000] lr: 3.400e-05, eta: 15:18:19, time: 1.274, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3052, decode.acc_seg: 87.2832, aux.loss_ce: 0.3609, aux.acc_seg: 68.5567, loss: 0.6661 2023-11-10 13:46:23,082 - mmseg - INFO - per class results: 2023-11-10 13:46:23,087 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.69 | 88.27 | | building | 83.94 | 92.9 | | sky | 94.46 | 97.41 | | floor | 81.3 | 88.72 | | tree | 73.8 | 89.3 | | ceiling | 84.5 | 92.39 | | road | 84.87 | 91.57 | | bed | 88.84 | 97.7 | | windowpane | 62.82 | 81.29 | | grass | 68.75 | 80.06 | | cabinet | 59.81 | 69.53 | | sidewalk | 65.34 | 80.02 | | person | 81.62 | 92.85 | | earth | 37.44 | 51.21 | | door | 48.76 | 59.19 | | table | 60.83 | 79.41 | | mountain | 57.63 | 75.31 | | plant | 48.65 | 56.79 | | curtain | 71.11 | 87.15 | | chair | 58.19 | 71.87 | | car | 84.78 | 91.88 | | water | 53.01 | 67.27 | | painting | 69.17 | 84.97 | | sofa | 70.05 | 88.0 | | shelf | 43.83 | 65.59 | | house | 56.85 | 63.26 | | sea | 57.0 | 72.91 | | mirror | 70.38 | 79.25 | | rug | 57.15 | 66.84 | | field | 33.82 | 58.87 | | armchair | 43.52 | 52.24 | | seat | 63.11 | 78.51 | | fence | 43.58 | 62.76 | | desk | 52.11 | 67.96 | | rock | 45.88 | 66.36 | | wardrobe | 51.67 | 72.68 | | lamp | 64.92 | 78.23 | | bathtub | 83.32 | 88.21 | | railing | 37.6 | 58.22 | | cushion | 54.79 | 62.25 | | base | 27.8 | 33.8 | | box | 31.35 | 39.05 | | column | 49.69 | 63.06 | | signboard | 35.61 | 49.87 | | chest of drawers | 49.07 | 67.72 | | counter | 42.3 | 52.63 | | sand | 44.65 | 64.07 | | sink | 72.19 | 86.02 | | skyscraper | 42.8 | 50.83 | | fireplace | 73.41 | 88.19 | | refrigerator | 72.38 | 80.13 | | grandstand | 55.12 | 74.58 | | path | 27.73 | 33.15 | | stairs | 43.07 | 52.38 | | runway | 70.96 | 90.55 | | case | 60.43 | 80.31 | | pool table | 92.67 | 97.45 | | pillow | 54.64 | 67.15 | | screen door | 62.36 | 73.46 | | stairway | 35.05 | 39.25 | | river | 12.1 | 29.91 | | bridge | 60.74 | 78.9 | | bookcase | 44.38 | 61.65 | | blind | 25.42 | 28.84 | | coffee table | 61.03 | 87.2 | | toilet | 82.04 | 94.6 | | flower | 39.16 | 51.42 | | book | 50.74 | 67.37 | | hill | 6.77 | 11.59 | | bench | 49.95 | 70.95 | | countertop | 61.82 | 83.95 | | stove | 74.83 | 86.36 | | palm | 43.5 | 80.15 | | kitchen island | 37.15 | 80.15 | | computer | 73.21 | 90.71 | | swivel chair | 43.37 | 66.44 | | boat | 54.64 | 83.15 | | bar | 64.02 | 89.85 | | arcade machine | 79.41 | 86.92 | | hovel | 52.45 | 65.47 | | bus | 90.57 | 95.58 | | towel | 69.49 | 78.07 | | light | 47.63 | 54.07 | | truck | 42.48 | 55.3 | | tower | 31.27 | 57.86 | | chandelier | 67.88 | 79.76 | | awning | 34.11 | 45.22 | | streetlight | 27.65 | 33.53 | | booth | 33.96 | 60.68 | | television receiver | 74.71 | 87.3 | | airplane | 72.18 | 77.75 | | dirt track | 1.93 | 6.46 | | apparel | 52.03 | 63.83 | | pole | 18.82 | 25.16 | | land | 0.63 | 1.08 | | bannister | 5.85 | 7.32 | | escalator | 60.47 | 80.73 | | ottoman | 48.46 | 63.26 | | bottle | 38.35 | 65.68 | | buffet | 47.53 | 54.8 | | poster | 20.84 | 25.59 | | stage | 24.48 | 66.65 | | van | 42.48 | 51.29 | | ship | 75.54 | 94.62 | | fountain | 53.94 | 56.45 | | conveyer belt | 76.39 | 92.47 | | canopy | 37.68 | 41.0 | | washer | 82.17 | 89.18 | | plaything | 21.82 | 30.01 | | swimming pool | 65.51 | 94.67 | | stool | 43.7 | 53.98 | | barrel | 54.76 | 59.49 | | basket | 32.89 | 41.48 | | waterfall | 55.42 | 68.3 | | tent | 95.44 | 96.78 | | bag | 18.49 | 20.21 | | minibike | 69.92 | 79.2 | | cradle | 72.55 | 98.81 | | oven | 59.89 | 69.73 | | ball | 50.93 | 67.32 | | food | 60.49 | 77.62 | | step | 13.45 | 14.81 | | tank | 62.61 | 97.21 | | trade name | 21.03 | 22.78 | | microwave | 84.51 | 90.5 | | pot | 41.36 | 45.94 | | animal | 64.74 | 66.99 | | bicycle | 55.11 | 68.9 | | lake | 57.98 | 63.86 | | dishwasher | 56.87 | 65.65 | | screen | 48.83 | 66.4 | | blanket | 9.67 | 10.71 | | sculpture | 65.78 | 76.46 | | hood | 59.61 | 62.88 | | sconce | 45.02 | 52.53 | | vase | 36.98 | 48.34 | | traffic light | 31.15 | 50.21 | | tray | 4.69 | 5.16 | | ashcan | 44.11 | 54.48 | | fan | 59.36 | 69.5 | | pier | 34.7 | 41.62 | | crt screen | 3.02 | 4.67 | | plate | 54.77 | 71.77 | | monitor | 54.67 | 65.28 | | bulletin board | 33.05 | 45.36 | | shower | 0.0 | 0.0 | | radiator | 63.48 | 73.43 | | glass | 15.45 | 16.39 | | clock | 37.62 | 40.35 | | flag | 50.79 | 53.6 | +---------------------+-------+-------+ 2023-11-10 13:46:23,088 - mmseg - INFO - Summary: 2023-11-10 13:46:23,088 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.57 | 51.86 | 64.28 | +-------+-------+-------+ 2023-11-10 13:46:23,088 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:46:23,089 - mmseg - INFO - Iter(val) [250] aAcc: 0.8357, mIoU: 0.5186, mAcc: 0.6428, IoU.wall: 0.7769, IoU.building: 0.8394, IoU.sky: 0.9446, IoU.floor: 0.8130, IoU.tree: 0.7380, IoU.ceiling: 0.8450, IoU.road: 0.8487, IoU.bed : 0.8884, IoU.windowpane: 0.6282, IoU.grass: 0.6875, IoU.cabinet: 0.5981, IoU.sidewalk: 0.6534, IoU.person: 0.8162, IoU.earth: 0.3744, IoU.door: 0.4876, IoU.table: 0.6083, IoU.mountain: 0.5763, IoU.plant: 0.4865, IoU.curtain: 0.7111, IoU.chair: 0.5819, IoU.car: 0.8478, IoU.water: 0.5301, IoU.painting: 0.6917, IoU.sofa: 0.7005, IoU.shelf: 0.4383, IoU.house: 0.5685, IoU.sea: 0.5700, IoU.mirror: 0.7038, IoU.rug: 0.5715, IoU.field: 0.3382, IoU.armchair: 0.4352, IoU.seat: 0.6311, IoU.fence: 0.4358, IoU.desk: 0.5211, IoU.rock: 0.4588, IoU.wardrobe: 0.5167, IoU.lamp: 0.6492, IoU.bathtub: 0.8332, IoU.railing: 0.3760, IoU.cushion: 0.5479, IoU.base: 0.2780, IoU.box: 0.3135, IoU.column: 0.4969, IoU.signboard: 0.3561, IoU.chest of drawers: 0.4907, IoU.counter: 0.4230, IoU.sand: 0.4465, IoU.sink: 0.7219, IoU.skyscraper: 0.4280, IoU.fireplace: 0.7341, IoU.refrigerator: 0.7238, IoU.grandstand: 0.5512, IoU.path: 0.2773, IoU.stairs: 0.4307, IoU.runway: 0.7096, IoU.case: 0.6043, IoU.pool table: 0.9267, IoU.pillow: 0.5464, IoU.screen door: 0.6236, IoU.stairway: 0.3505, IoU.river: 0.1210, IoU.bridge: 0.6074, IoU.bookcase: 0.4438, IoU.blind: 0.2542, IoU.coffee table: 0.6103, IoU.toilet: 0.8204, IoU.flower: 0.3916, IoU.book: 0.5074, IoU.hill: 0.0677, IoU.bench: 0.4995, IoU.countertop: 0.6182, IoU.stove: 0.7483, IoU.palm: 0.4350, IoU.kitchen island: 0.3715, IoU.computer: 0.7321, IoU.swivel chair: 0.4337, IoU.boat: 0.5464, IoU.bar: 0.6402, IoU.arcade machine: 0.7941, IoU.hovel: 0.5245, IoU.bus: 0.9057, IoU.towel: 0.6949, IoU.light: 0.4763, IoU.truck: 0.4248, IoU.tower: 0.3127, IoU.chandelier: 0.6788, IoU.awning: 0.3411, IoU.streetlight: 0.2765, IoU.booth: 0.3396, IoU.television receiver: 0.7471, IoU.airplane: 0.7218, IoU.dirt track: 0.0193, IoU.apparel: 0.5203, IoU.pole: 0.1882, IoU.land: 0.0063, IoU.bannister: 0.0585, IoU.escalator: 0.6047, IoU.ottoman: 0.4846, IoU.bottle: 0.3835, IoU.buffet: 0.4753, IoU.poster: 0.2084, IoU.stage: 0.2448, IoU.van: 0.4248, IoU.ship: 0.7554, IoU.fountain: 0.5394, IoU.conveyer belt: 0.7639, IoU.canopy: 0.3768, IoU.washer: 0.8217, IoU.plaything: 0.2182, IoU.swimming pool: 0.6551, IoU.stool: 0.4370, IoU.barrel: 0.5476, IoU.basket: 0.3289, IoU.waterfall: 0.5542, IoU.tent: 0.9544, IoU.bag: 0.1849, IoU.minibike: 0.6992, IoU.cradle: 0.7255, IoU.oven: 0.5989, IoU.ball: 0.5093, IoU.food: 0.6049, IoU.step: 0.1345, IoU.tank: 0.6261, IoU.trade name: 0.2103, IoU.microwave: 0.8451, IoU.pot: 0.4136, IoU.animal: 0.6474, IoU.bicycle: 0.5511, IoU.lake: 0.5798, IoU.dishwasher: 0.5687, IoU.screen: 0.4883, IoU.blanket: 0.0967, IoU.sculpture: 0.6578, IoU.hood: 0.5961, IoU.sconce: 0.4502, IoU.vase: 0.3698, IoU.traffic light: 0.3115, IoU.tray: 0.0469, IoU.ashcan: 0.4411, IoU.fan: 0.5936, IoU.pier: 0.3470, IoU.crt screen: 0.0302, IoU.plate: 0.5477, IoU.monitor: 0.5467, IoU.bulletin board: 0.3305, IoU.shower: 0.0000, IoU.radiator: 0.6348, IoU.glass: 0.1545, IoU.clock: 0.3762, IoU.flag: 0.5079, Acc.wall: 0.8827, Acc.building: 0.9290, Acc.sky: 0.9741, Acc.floor: 0.8872, Acc.tree: 0.8930, Acc.ceiling: 0.9239, Acc.road: 0.9157, Acc.bed : 0.9770, Acc.windowpane: 0.8129, Acc.grass: 0.8006, Acc.cabinet: 0.6953, Acc.sidewalk: 0.8002, Acc.person: 0.9285, Acc.earth: 0.5121, Acc.door: 0.5919, Acc.table: 0.7941, Acc.mountain: 0.7531, Acc.plant: 0.5679, Acc.curtain: 0.8715, Acc.chair: 0.7187, Acc.car: 0.9188, Acc.water: 0.6727, Acc.painting: 0.8497, Acc.sofa: 0.8800, Acc.shelf: 0.6559, Acc.house: 0.6326, Acc.sea: 0.7291, Acc.mirror: 0.7925, Acc.rug: 0.6684, Acc.field: 0.5887, Acc.armchair: 0.5224, Acc.seat: 0.7851, Acc.fence: 0.6276, Acc.desk: 0.6796, Acc.rock: 0.6636, Acc.wardrobe: 0.7268, Acc.lamp: 0.7823, Acc.bathtub: 0.8821, Acc.railing: 0.5822, Acc.cushion: 0.6225, Acc.base: 0.3380, Acc.box: 0.3905, Acc.column: 0.6306, Acc.signboard: 0.4987, Acc.chest of drawers: 0.6772, Acc.counter: 0.5263, Acc.sand: 0.6407, Acc.sink: 0.8602, Acc.skyscraper: 0.5083, Acc.fireplace: 0.8819, Acc.refrigerator: 0.8013, Acc.grandstand: 0.7458, Acc.path: 0.3315, Acc.stairs: 0.5238, Acc.runway: 0.9055, Acc.case: 0.8031, Acc.pool table: 0.9745, Acc.pillow: 0.6715, Acc.screen door: 0.7346, Acc.stairway: 0.3925, Acc.river: 0.2991, Acc.bridge: 0.7890, Acc.bookcase: 0.6165, Acc.blind: 0.2884, Acc.coffee table: 0.8720, Acc.toilet: 0.9460, Acc.flower: 0.5142, Acc.book: 0.6737, Acc.hill: 0.1159, Acc.bench: 0.7095, Acc.countertop: 0.8395, Acc.stove: 0.8636, Acc.palm: 0.8015, Acc.kitchen island: 0.8015, Acc.computer: 0.9071, Acc.swivel chair: 0.6644, Acc.boat: 0.8315, Acc.bar: 0.8985, Acc.arcade machine: 0.8692, Acc.hovel: 0.6547, Acc.bus: 0.9558, Acc.towel: 0.7807, Acc.light: 0.5407, Acc.truck: 0.5530, Acc.tower: 0.5786, Acc.chandelier: 0.7976, Acc.awning: 0.4522, Acc.streetlight: 0.3353, Acc.booth: 0.6068, Acc.television receiver: 0.8730, Acc.airplane: 0.7775, Acc.dirt track: 0.0646, Acc.apparel: 0.6383, Acc.pole: 0.2516, Acc.land: 0.0108, Acc.bannister: 0.0732, Acc.escalator: 0.8073, Acc.ottoman: 0.6326, Acc.bottle: 0.6568, Acc.buffet: 0.5480, Acc.poster: 0.2559, Acc.stage: 0.6665, Acc.van: 0.5129, Acc.ship: 0.9462, Acc.fountain: 0.5645, Acc.conveyer belt: 0.9247, Acc.canopy: 0.4100, Acc.washer: 0.8918, Acc.plaything: 0.3001, Acc.swimming pool: 0.9467, Acc.stool: 0.5398, Acc.barrel: 0.5949, Acc.basket: 0.4148, Acc.waterfall: 0.6830, Acc.tent: 0.9678, Acc.bag: 0.2021, Acc.minibike: 0.7920, Acc.cradle: 0.9881, Acc.oven: 0.6973, Acc.ball: 0.6732, Acc.food: 0.7762, Acc.step: 0.1481, Acc.tank: 0.9721, Acc.trade name: 0.2278, Acc.microwave: 0.9050, Acc.pot: 0.4594, Acc.animal: 0.6699, Acc.bicycle: 0.6890, Acc.lake: 0.6386, Acc.dishwasher: 0.6565, Acc.screen: 0.6640, Acc.blanket: 0.1071, Acc.sculpture: 0.7646, Acc.hood: 0.6288, Acc.sconce: 0.5253, Acc.vase: 0.4834, Acc.traffic light: 0.5021, Acc.tray: 0.0516, Acc.ashcan: 0.5448, Acc.fan: 0.6950, Acc.pier: 0.4162, Acc.crt screen: 0.0467, Acc.plate: 0.7177, Acc.monitor: 0.6528, Acc.bulletin board: 0.4536, Acc.shower: 0.0000, Acc.radiator: 0.7343, Acc.glass: 0.1639, Acc.clock: 0.4035, Acc.flag: 0.5360 2023-11-10 13:46:57,983 - mmseg - INFO - Iter [12050/80000] lr: 3.398e-05, eta: 15:24:42, time: 2.313, data_time: 1.623, memory: 60073, decode.loss_ce: 0.3280, decode.acc_seg: 86.2947, aux.loss_ce: 0.3618, aux.acc_seg: 69.1005, loss: 0.6898 2023-11-10 13:47:32,817 - mmseg - INFO - Iter [12100/80000] lr: 3.395e-05, eta: 15:23:28, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3119, decode.acc_seg: 86.9563, aux.loss_ce: 0.3511, aux.acc_seg: 69.2476, loss: 0.6630 2023-11-10 13:48:07,650 - mmseg - INFO - Iter [12150/80000] lr: 3.393e-05, eta: 15:22:14, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3278, decode.acc_seg: 86.8639, aux.loss_ce: 0.3479, aux.acc_seg: 71.2568, loss: 0.6757 2023-11-10 13:48:42,474 - mmseg - INFO - Iter [12200/80000] lr: 3.390e-05, eta: 15:21:00, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3180, decode.acc_seg: 86.7062, aux.loss_ce: 0.3407, aux.acc_seg: 70.0505, loss: 0.6587 2023-11-10 13:49:17,325 - mmseg - INFO - Iter [12250/80000] lr: 3.388e-05, eta: 15:19:46, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3237, decode.acc_seg: 86.7170, aux.loss_ce: 0.3606, aux.acc_seg: 69.0464, loss: 0.6843 2023-11-10 13:49:52,186 - mmseg - INFO - Iter [12300/80000] lr: 3.385e-05, eta: 15:18:33, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3198, decode.acc_seg: 86.5942, aux.loss_ce: 0.3392, aux.acc_seg: 70.3348, loss: 0.6590 2023-11-10 13:50:27,036 - mmseg - INFO - Iter [12350/80000] lr: 3.383e-05, eta: 15:17:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3258, decode.acc_seg: 86.6721, aux.loss_ce: 0.3563, aux.acc_seg: 69.1644, loss: 0.6821 2023-11-10 13:51:01,862 - mmseg - INFO - Iter [12400/80000] lr: 3.380e-05, eta: 15:16:08, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3223, decode.acc_seg: 86.6254, aux.loss_ce: 0.3588, aux.acc_seg: 69.5565, loss: 0.6810 2023-11-10 13:51:36,703 - mmseg - INFO - Iter [12450/80000] lr: 3.378e-05, eta: 15:14:56, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3226, decode.acc_seg: 86.5302, aux.loss_ce: 0.3539, aux.acc_seg: 69.5501, loss: 0.6764 2023-11-10 13:52:11,540 - mmseg - INFO - Iter [12500/80000] lr: 3.375e-05, eta: 15:13:44, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3172, decode.acc_seg: 86.7518, aux.loss_ce: 0.3583, aux.acc_seg: 68.3846, loss: 0.6754 2023-11-10 13:52:46,346 - mmseg - INFO - Iter [12550/80000] lr: 3.373e-05, eta: 15:12:32, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3230, decode.acc_seg: 87.0273, aux.loss_ce: 0.3608, aux.acc_seg: 69.7217, loss: 0.6838 2023-11-10 13:53:21,172 - mmseg - INFO - Iter [12600/80000] lr: 3.370e-05, eta: 15:11:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3401, decode.acc_seg: 85.8263, aux.loss_ce: 0.3668, aux.acc_seg: 67.9935, loss: 0.7069 2023-11-10 13:53:58,268 - mmseg - INFO - Iter [12650/80000] lr: 3.368e-05, eta: 15:10:22, time: 0.742, data_time: 0.050, memory: 60073, decode.loss_ce: 0.3294, decode.acc_seg: 86.4682, aux.loss_ce: 0.3690, aux.acc_seg: 68.3806, loss: 0.6985 2023-11-10 13:54:33,103 - mmseg - INFO - Iter [12700/80000] lr: 3.365e-05, eta: 15:09:11, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2929, decode.acc_seg: 88.1341, aux.loss_ce: 0.3487, aux.acc_seg: 70.2231, loss: 0.6416 2023-11-10 13:55:07,943 - mmseg - INFO - Iter [12750/80000] lr: 3.363e-05, eta: 15:08:00, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2865, decode.acc_seg: 88.2079, aux.loss_ce: 0.3541, aux.acc_seg: 69.5109, loss: 0.6406 2023-11-10 13:55:42,774 - mmseg - INFO - Iter [12800/80000] lr: 3.360e-05, eta: 15:06:50, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2839, decode.acc_seg: 87.9398, aux.loss_ce: 0.3222, aux.acc_seg: 70.2272, loss: 0.6061 2023-11-10 13:56:17,581 - mmseg - INFO - Iter [12850/80000] lr: 3.358e-05, eta: 15:05:40, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2765, decode.acc_seg: 88.5780, aux.loss_ce: 0.3254, aux.acc_seg: 71.3856, loss: 0.6019 2023-11-10 13:56:52,437 - mmseg - INFO - Iter [12900/80000] lr: 3.355e-05, eta: 15:04:30, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3102, decode.acc_seg: 86.8486, aux.loss_ce: 0.3652, aux.acc_seg: 68.3293, loss: 0.6754 2023-11-10 13:57:27,272 - mmseg - INFO - Iter [12950/80000] lr: 3.353e-05, eta: 15:03:21, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2894, decode.acc_seg: 87.5161, aux.loss_ce: 0.3435, aux.acc_seg: 69.2979, loss: 0.6329 2023-11-10 13:58:02,102 - mmseg - INFO - Saving checkpoint at 13000 iterations 2023-11-10 13:58:33,232 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:58:33,232 - mmseg - INFO - Iter [13000/80000] lr: 3.350e-05, eta: 15:04:52, time: 1.319, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3033, decode.acc_seg: 87.5416, aux.loss_ce: 0.3533, aux.acc_seg: 70.1681, loss: 0.6566 2023-11-10 13:59:53,640 - mmseg - INFO - per class results: 2023-11-10 13:59:53,645 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.8 | 87.78 | | building | 83.14 | 92.07 | | sky | 94.44 | 96.33 | | floor | 82.07 | 88.72 | | tree | 74.43 | 90.17 | | ceiling | 83.83 | 90.16 | | road | 84.35 | 91.1 | | bed | 89.99 | 96.43 | | windowpane | 63.45 | 80.56 | | grass | 70.43 | 86.27 | | cabinet | 61.28 | 76.39 | | sidewalk | 65.03 | 78.49 | | person | 80.5 | 93.61 | | earth | 39.57 | 53.81 | | door | 47.78 | 57.87 | | table | 60.97 | 71.6 | | mountain | 55.92 | 66.69 | | plant | 53.06 | 67.07 | | curtain | 73.56 | 85.59 | | chair | 58.69 | 74.01 | | car | 83.95 | 94.05 | | water | 63.5 | 76.36 | | painting | 72.11 | 87.22 | | sofa | 68.86 | 88.18 | | shelf | 43.97 | 59.23 | | house | 51.42 | 72.04 | | sea | 67.56 | 84.59 | | mirror | 71.24 | 82.14 | | rug | 61.17 | 69.03 | | field | 24.29 | 34.11 | | armchair | 43.71 | 57.11 | | seat | 61.79 | 85.43 | | fence | 44.77 | 63.29 | | desk | 45.43 | 76.58 | | rock | 48.89 | 78.4 | | wardrobe | 52.45 | 69.4 | | lamp | 64.91 | 77.94 | | bathtub | 85.03 | 89.57 | | railing | 35.96 | 49.39 | | cushion | 60.75 | 69.53 | | base | 32.98 | 42.9 | | box | 30.94 | 42.6 | | column | 42.68 | 67.97 | | signboard | 33.98 | 48.36 | | chest of drawers | 46.4 | 61.2 | | counter | 45.78 | 55.61 | | sand | 52.25 | 81.93 | | sink | 71.8 | 78.66 | | skyscraper | 63.28 | 88.34 | | fireplace | 72.02 | 88.74 | | refrigerator | 73.29 | 82.58 | | grandstand | 54.46 | 87.27 | | path | 29.4 | 34.64 | | stairs | 44.6 | 57.06 | | runway | 70.42 | 91.33 | | case | 55.0 | 65.37 | | pool table | 90.55 | 98.68 | | pillow | 58.7 | 69.27 | | screen door | 74.34 | 82.71 | | stairway | 41.91 | 47.9 | | river | 6.18 | 7.17 | | bridge | 46.56 | 57.71 | | bookcase | 39.83 | 48.59 | | blind | 24.78 | 26.48 | | coffee table | 61.47 | 84.53 | | toilet | 84.23 | 93.04 | | flower | 41.19 | 53.44 | | book | 51.97 | 75.25 | | hill | 5.89 | 15.1 | | bench | 48.78 | 59.82 | | countertop | 62.19 | 80.83 | | stove | 75.78 | 86.14 | | palm | 53.59 | 80.88 | | kitchen island | 41.23 | 76.64 | | computer | 68.72 | 93.42 | | swivel chair | 44.34 | 65.06 | | boat | 55.14 | 87.85 | | bar | 66.94 | 84.7 | | arcade machine | 79.0 | 87.93 | | hovel | 51.55 | 64.4 | | bus | 89.84 | 95.79 | | towel | 69.36 | 81.84 | | light | 42.08 | 44.75 | | truck | 39.28 | 53.34 | | tower | 23.51 | 32.98 | | chandelier | 64.67 | 72.21 | | awning | 30.81 | 36.46 | | streetlight | 25.84 | 29.61 | | booth | 28.3 | 51.48 | | television receiver | 75.1 | 89.58 | | airplane | 64.44 | 85.86 | | dirt track | 1.24 | 2.76 | | apparel | 54.5 | 76.05 | | pole | 23.4 | 30.9 | | land | 0.52 | 0.72 | | bannister | 6.76 | 8.82 | | escalator | 58.48 | 87.8 | | ottoman | 51.58 | 65.5 | | bottle | 39.07 | 66.62 | | buffet | 36.63 | 39.28 | | poster | 25.92 | 36.17 | | stage | 22.74 | 62.69 | | van | 32.18 | 38.72 | | ship | 79.54 | 92.33 | | fountain | 65.26 | 73.89 | | conveyer belt | 69.34 | 96.08 | | canopy | 51.06 | 81.69 | | washer | 82.78 | 93.95 | | plaything | 22.86 | 40.07 | | swimming pool | 59.18 | 88.24 | | stool | 42.88 | 51.2 | | barrel | 45.56 | 64.82 | | basket | 36.34 | 47.1 | | waterfall | 52.35 | 63.6 | | tent | 89.34 | 99.03 | | bag | 21.44 | 27.64 | | minibike | 71.31 | 87.82 | | cradle | 84.71 | 96.66 | | oven | 57.26 | 69.32 | | ball | 45.9 | 69.81 | | food | 56.55 | 73.12 | | step | 9.46 | 9.97 | | tank | 55.78 | 97.94 | | trade name | 14.45 | 14.86 | | microwave | 83.9 | 92.79 | | pot | 47.31 | 53.69 | | animal | 65.64 | 69.43 | | bicycle | 59.56 | 78.84 | | lake | 59.35 | 76.02 | | dishwasher | 55.03 | 62.94 | | screen | 51.67 | 78.17 | | blanket | 25.54 | 30.87 | | sculpture | 64.42 | 83.1 | | hood | 57.73 | 60.76 | | sconce | 51.68 | 64.63 | | vase | 37.37 | 49.11 | | traffic light | 32.66 | 49.85 | | tray | 9.52 | 15.34 | | ashcan | 43.89 | 59.64 | | fan | 60.58 | 72.32 | | pier | 37.09 | 43.14 | | crt screen | 2.31 | 3.52 | | plate | 52.98 | 73.61 | | monitor | 57.64 | 76.13 | | bulletin board | 36.55 | 44.05 | | shower | 0.66 | 0.97 | | radiator | 62.34 | 71.67 | | glass | 18.34 | 21.26 | | clock | 38.2 | 41.15 | | flag | 45.83 | 47.44 | +---------------------+-------+-------+ 2023-11-10 13:59:53,646 - mmseg - INFO - Summary: 2023-11-10 13:59:53,646 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 83.76 | 52.16 | 65.6 | +-------+-------+------+ 2023-11-10 13:59:53,647 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 13:59:53,647 - mmseg - INFO - Iter(val) [250] aAcc: 0.8376, mIoU: 0.5216, mAcc: 0.6560, IoU.wall: 0.7780, IoU.building: 0.8314, IoU.sky: 0.9444, IoU.floor: 0.8207, IoU.tree: 0.7443, IoU.ceiling: 0.8383, IoU.road: 0.8435, IoU.bed : 0.8999, IoU.windowpane: 0.6345, IoU.grass: 0.7043, IoU.cabinet: 0.6128, IoU.sidewalk: 0.6503, IoU.person: 0.8050, IoU.earth: 0.3957, IoU.door: 0.4778, IoU.table: 0.6097, IoU.mountain: 0.5592, IoU.plant: 0.5306, IoU.curtain: 0.7356, IoU.chair: 0.5869, IoU.car: 0.8395, IoU.water: 0.6350, IoU.painting: 0.7211, IoU.sofa: 0.6886, IoU.shelf: 0.4397, IoU.house: 0.5142, IoU.sea: 0.6756, IoU.mirror: 0.7124, IoU.rug: 0.6117, IoU.field: 0.2429, IoU.armchair: 0.4371, IoU.seat: 0.6179, IoU.fence: 0.4477, IoU.desk: 0.4543, IoU.rock: 0.4889, IoU.wardrobe: 0.5245, IoU.lamp: 0.6491, IoU.bathtub: 0.8503, IoU.railing: 0.3596, IoU.cushion: 0.6075, IoU.base: 0.3298, IoU.box: 0.3094, IoU.column: 0.4268, IoU.signboard: 0.3398, IoU.chest of drawers: 0.4640, IoU.counter: 0.4578, IoU.sand: 0.5225, IoU.sink: 0.7180, IoU.skyscraper: 0.6328, IoU.fireplace: 0.7202, IoU.refrigerator: 0.7329, IoU.grandstand: 0.5446, IoU.path: 0.2940, IoU.stairs: 0.4460, IoU.runway: 0.7042, IoU.case: 0.5500, IoU.pool table: 0.9055, IoU.pillow: 0.5870, IoU.screen door: 0.7434, IoU.stairway: 0.4191, IoU.river: 0.0618, IoU.bridge: 0.4656, IoU.bookcase: 0.3983, IoU.blind: 0.2478, IoU.coffee table: 0.6147, IoU.toilet: 0.8423, IoU.flower: 0.4119, IoU.book: 0.5197, IoU.hill: 0.0589, IoU.bench: 0.4878, IoU.countertop: 0.6219, IoU.stove: 0.7578, IoU.palm: 0.5359, IoU.kitchen island: 0.4123, IoU.computer: 0.6872, IoU.swivel chair: 0.4434, IoU.boat: 0.5514, IoU.bar: 0.6694, IoU.arcade machine: 0.7900, IoU.hovel: 0.5155, IoU.bus: 0.8984, IoU.towel: 0.6936, IoU.light: 0.4208, IoU.truck: 0.3928, IoU.tower: 0.2351, IoU.chandelier: 0.6467, IoU.awning: 0.3081, IoU.streetlight: 0.2584, IoU.booth: 0.2830, IoU.television receiver: 0.7510, IoU.airplane: 0.6444, IoU.dirt track: 0.0124, IoU.apparel: 0.5450, IoU.pole: 0.2340, IoU.land: 0.0052, IoU.bannister: 0.0676, IoU.escalator: 0.5848, IoU.ottoman: 0.5158, IoU.bottle: 0.3907, IoU.buffet: 0.3663, IoU.poster: 0.2592, IoU.stage: 0.2274, IoU.van: 0.3218, IoU.ship: 0.7954, IoU.fountain: 0.6526, IoU.conveyer belt: 0.6934, IoU.canopy: 0.5106, IoU.washer: 0.8278, IoU.plaything: 0.2286, IoU.swimming pool: 0.5918, IoU.stool: 0.4288, IoU.barrel: 0.4556, IoU.basket: 0.3634, IoU.waterfall: 0.5235, IoU.tent: 0.8934, IoU.bag: 0.2144, IoU.minibike: 0.7131, IoU.cradle: 0.8471, IoU.oven: 0.5726, IoU.ball: 0.4590, IoU.food: 0.5655, IoU.step: 0.0946, IoU.tank: 0.5578, IoU.trade name: 0.1445, IoU.microwave: 0.8390, IoU.pot: 0.4731, IoU.animal: 0.6564, IoU.bicycle: 0.5956, IoU.lake: 0.5935, IoU.dishwasher: 0.5503, IoU.screen: 0.5167, IoU.blanket: 0.2554, IoU.sculpture: 0.6442, IoU.hood: 0.5773, IoU.sconce: 0.5168, IoU.vase: 0.3737, IoU.traffic light: 0.3266, IoU.tray: 0.0952, IoU.ashcan: 0.4389, IoU.fan: 0.6058, IoU.pier: 0.3709, IoU.crt screen: 0.0231, IoU.plate: 0.5298, IoU.monitor: 0.5764, IoU.bulletin board: 0.3655, IoU.shower: 0.0066, IoU.radiator: 0.6234, IoU.glass: 0.1834, IoU.clock: 0.3820, IoU.flag: 0.4583, Acc.wall: 0.8778, Acc.building: 0.9207, Acc.sky: 0.9633, Acc.floor: 0.8872, Acc.tree: 0.9017, Acc.ceiling: 0.9016, Acc.road: 0.9110, Acc.bed : 0.9643, Acc.windowpane: 0.8056, Acc.grass: 0.8627, Acc.cabinet: 0.7639, Acc.sidewalk: 0.7849, Acc.person: 0.9361, Acc.earth: 0.5381, Acc.door: 0.5787, Acc.table: 0.7160, Acc.mountain: 0.6669, Acc.plant: 0.6707, Acc.curtain: 0.8559, Acc.chair: 0.7401, Acc.car: 0.9405, Acc.water: 0.7636, Acc.painting: 0.8722, Acc.sofa: 0.8818, Acc.shelf: 0.5923, Acc.house: 0.7204, Acc.sea: 0.8459, Acc.mirror: 0.8214, Acc.rug: 0.6903, Acc.field: 0.3411, Acc.armchair: 0.5711, Acc.seat: 0.8543, Acc.fence: 0.6329, Acc.desk: 0.7658, Acc.rock: 0.7840, Acc.wardrobe: 0.6940, Acc.lamp: 0.7794, Acc.bathtub: 0.8957, Acc.railing: 0.4939, Acc.cushion: 0.6953, Acc.base: 0.4290, Acc.box: 0.4260, Acc.column: 0.6797, Acc.signboard: 0.4836, Acc.chest of drawers: 0.6120, Acc.counter: 0.5561, Acc.sand: 0.8193, Acc.sink: 0.7866, Acc.skyscraper: 0.8834, Acc.fireplace: 0.8874, Acc.refrigerator: 0.8258, Acc.grandstand: 0.8727, Acc.path: 0.3464, Acc.stairs: 0.5706, Acc.runway: 0.9133, Acc.case: 0.6537, Acc.pool table: 0.9868, Acc.pillow: 0.6927, Acc.screen door: 0.8271, Acc.stairway: 0.4790, Acc.river: 0.0717, Acc.bridge: 0.5771, Acc.bookcase: 0.4859, Acc.blind: 0.2648, Acc.coffee table: 0.8453, Acc.toilet: 0.9304, Acc.flower: 0.5344, Acc.book: 0.7525, Acc.hill: 0.1510, Acc.bench: 0.5982, Acc.countertop: 0.8083, Acc.stove: 0.8614, Acc.palm: 0.8088, Acc.kitchen island: 0.7664, Acc.computer: 0.9342, Acc.swivel chair: 0.6506, Acc.boat: 0.8785, Acc.bar: 0.8470, Acc.arcade machine: 0.8793, Acc.hovel: 0.6440, Acc.bus: 0.9579, Acc.towel: 0.8184, Acc.light: 0.4475, Acc.truck: 0.5334, Acc.tower: 0.3298, Acc.chandelier: 0.7221, Acc.awning: 0.3646, Acc.streetlight: 0.2961, Acc.booth: 0.5148, Acc.television receiver: 0.8958, Acc.airplane: 0.8586, Acc.dirt track: 0.0276, Acc.apparel: 0.7605, Acc.pole: 0.3090, Acc.land: 0.0072, Acc.bannister: 0.0882, Acc.escalator: 0.8780, Acc.ottoman: 0.6550, Acc.bottle: 0.6662, Acc.buffet: 0.3928, Acc.poster: 0.3617, Acc.stage: 0.6269, Acc.van: 0.3872, Acc.ship: 0.9233, Acc.fountain: 0.7389, Acc.conveyer belt: 0.9608, Acc.canopy: 0.8169, Acc.washer: 0.9395, Acc.plaything: 0.4007, Acc.swimming pool: 0.8824, Acc.stool: 0.5120, Acc.barrel: 0.6482, Acc.basket: 0.4710, Acc.waterfall: 0.6360, Acc.tent: 0.9903, Acc.bag: 0.2764, Acc.minibike: 0.8782, Acc.cradle: 0.9666, Acc.oven: 0.6932, Acc.ball: 0.6981, Acc.food: 0.7312, Acc.step: 0.0997, Acc.tank: 0.9794, Acc.trade name: 0.1486, Acc.microwave: 0.9279, Acc.pot: 0.5369, Acc.animal: 0.6943, Acc.bicycle: 0.7884, Acc.lake: 0.7602, Acc.dishwasher: 0.6294, Acc.screen: 0.7817, Acc.blanket: 0.3087, Acc.sculpture: 0.8310, Acc.hood: 0.6076, Acc.sconce: 0.6463, Acc.vase: 0.4911, Acc.traffic light: 0.4985, Acc.tray: 0.1534, Acc.ashcan: 0.5964, Acc.fan: 0.7232, Acc.pier: 0.4314, Acc.crt screen: 0.0352, Acc.plate: 0.7361, Acc.monitor: 0.7613, Acc.bulletin board: 0.4405, Acc.shower: 0.0097, Acc.radiator: 0.7167, Acc.glass: 0.2126, Acc.clock: 0.4115, Acc.flag: 0.4744 2023-11-10 14:00:28,570 - mmseg - INFO - Iter [13050/80000] lr: 3.348e-05, eta: 15:10:35, time: 2.307, data_time: 1.616, memory: 60073, decode.loss_ce: 0.2980, decode.acc_seg: 87.3801, aux.loss_ce: 0.3488, aux.acc_seg: 68.4815, loss: 0.6467 2023-11-10 14:01:03,407 - mmseg - INFO - Iter [13100/80000] lr: 3.345e-05, eta: 15:09:24, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3037, decode.acc_seg: 87.3904, aux.loss_ce: 0.3464, aux.acc_seg: 69.5370, loss: 0.6500 2023-11-10 14:01:38,220 - mmseg - INFO - Iter [13150/80000] lr: 3.343e-05, eta: 15:08:13, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2928, decode.acc_seg: 87.8705, aux.loss_ce: 0.3373, aux.acc_seg: 70.5429, loss: 0.6300 2023-11-10 14:02:13,053 - mmseg - INFO - Iter [13200/80000] lr: 3.340e-05, eta: 15:07:02, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3200, decode.acc_seg: 86.6264, aux.loss_ce: 0.3636, aux.acc_seg: 68.5091, loss: 0.6835 2023-11-10 14:02:47,876 - mmseg - INFO - Iter [13250/80000] lr: 3.338e-05, eta: 15:05:52, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2970, decode.acc_seg: 87.7925, aux.loss_ce: 0.3502, aux.acc_seg: 69.2291, loss: 0.6472 2023-11-10 14:03:22,689 - mmseg - INFO - Iter [13300/80000] lr: 3.335e-05, eta: 15:04:41, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3009, decode.acc_seg: 87.5375, aux.loss_ce: 0.3396, aux.acc_seg: 69.6852, loss: 0.6406 2023-11-10 14:03:57,492 - mmseg - INFO - Iter [13350/80000] lr: 3.333e-05, eta: 15:03:31, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3061, decode.acc_seg: 87.2699, aux.loss_ce: 0.3465, aux.acc_seg: 69.7236, loss: 0.6527 2023-11-10 14:04:32,310 - mmseg - INFO - Iter [13400/80000] lr: 3.330e-05, eta: 15:02:21, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2996, decode.acc_seg: 87.5571, aux.loss_ce: 0.3489, aux.acc_seg: 69.6334, loss: 0.6485 2023-11-10 14:05:07,123 - mmseg - INFO - Iter [13450/80000] lr: 3.328e-05, eta: 15:01:12, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3020, decode.acc_seg: 87.6484, aux.loss_ce: 0.3309, aux.acc_seg: 71.5881, loss: 0.6329 2023-11-10 14:05:41,937 - mmseg - INFO - Iter [13500/80000] lr: 3.325e-05, eta: 15:00:03, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2982, decode.acc_seg: 87.4189, aux.loss_ce: 0.3441, aux.acc_seg: 69.4900, loss: 0.6422 2023-11-10 14:06:16,737 - mmseg - INFO - Iter [13550/80000] lr: 3.323e-05, eta: 14:58:54, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3225, decode.acc_seg: 86.7262, aux.loss_ce: 0.3533, aux.acc_seg: 69.6028, loss: 0.6758 2023-11-10 14:06:51,536 - mmseg - INFO - Iter [13600/80000] lr: 3.320e-05, eta: 14:57:45, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2941, decode.acc_seg: 87.6300, aux.loss_ce: 0.3373, aux.acc_seg: 69.9105, loss: 0.6314 2023-11-10 14:07:26,355 - mmseg - INFO - Iter [13650/80000] lr: 3.318e-05, eta: 14:56:36, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3197, decode.acc_seg: 86.7437, aux.loss_ce: 0.3480, aux.acc_seg: 69.5775, loss: 0.6677 2023-11-10 14:08:01,166 - mmseg - INFO - Iter [13700/80000] lr: 3.315e-05, eta: 14:55:28, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3290, decode.acc_seg: 86.5857, aux.loss_ce: 0.3677, aux.acc_seg: 69.0702, loss: 0.6967 2023-11-10 14:08:35,967 - mmseg - INFO - Iter [13750/80000] lr: 3.313e-05, eta: 14:54:20, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3004, decode.acc_seg: 87.4698, aux.loss_ce: 0.3484, aux.acc_seg: 69.2774, loss: 0.6488 2023-11-10 14:09:10,791 - mmseg - INFO - Iter [13800/80000] lr: 3.310e-05, eta: 14:53:12, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3087, decode.acc_seg: 87.3826, aux.loss_ce: 0.3437, aux.acc_seg: 70.4465, loss: 0.6523 2023-11-10 14:09:45,596 - mmseg - INFO - Iter [13850/80000] lr: 3.308e-05, eta: 14:52:05, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3293, decode.acc_seg: 86.4943, aux.loss_ce: 0.3637, aux.acc_seg: 69.1512, loss: 0.6930 2023-11-10 14:10:22,796 - mmseg - INFO - Iter [13900/80000] lr: 3.305e-05, eta: 14:51:09, time: 0.744, data_time: 0.051, memory: 60073, decode.loss_ce: 0.3196, decode.acc_seg: 86.7528, aux.loss_ce: 0.3403, aux.acc_seg: 70.1529, loss: 0.6599 2023-11-10 14:10:57,666 - mmseg - INFO - Iter [13950/80000] lr: 3.303e-05, eta: 14:50:02, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3037, decode.acc_seg: 87.5745, aux.loss_ce: 0.3484, aux.acc_seg: 70.2708, loss: 0.6521 2023-11-10 14:11:32,493 - mmseg - INFO - Saving checkpoint at 14000 iterations 2023-11-10 14:12:03,580 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:12:03,580 - mmseg - INFO - Iter [14000/80000] lr: 3.300e-05, eta: 14:51:22, time: 1.318, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2900, decode.acc_seg: 88.1179, aux.loss_ce: 0.3414, aux.acc_seg: 70.3877, loss: 0.6314 2023-11-10 14:13:24,001 - mmseg - INFO - per class results: 2023-11-10 14:13:24,006 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.32 | 87.27 | | building | 83.6 | 90.57 | | sky | 94.38 | 97.17 | | floor | 81.68 | 89.67 | | tree | 74.95 | 86.88 | | ceiling | 83.74 | 91.73 | | road | 82.94 | 90.92 | | bed | 89.94 | 96.87 | | windowpane | 63.1 | 81.06 | | grass | 70.24 | 80.66 | | cabinet | 61.14 | 71.52 | | sidewalk | 63.49 | 79.8 | | person | 81.11 | 93.25 | | earth | 39.8 | 57.58 | | door | 46.95 | 69.25 | | table | 60.59 | 79.88 | | mountain | 60.13 | 70.69 | | plant | 55.46 | 74.06 | | curtain | 69.99 | 85.52 | | chair | 60.85 | 78.51 | | car | 84.2 | 94.4 | | water | 61.72 | 79.33 | | painting | 71.93 | 86.34 | | sofa | 71.02 | 81.62 | | shelf | 46.01 | 65.5 | | house | 49.81 | 78.42 | | sea | 60.5 | 69.05 | | mirror | 70.79 | 86.14 | | rug | 57.27 | 62.77 | | field | 30.23 | 40.9 | | armchair | 49.04 | 68.06 | | seat | 67.94 | 84.65 | | fence | 44.0 | 63.62 | | desk | 53.68 | 75.36 | | rock | 46.56 | 64.88 | | wardrobe | 50.39 | 63.33 | | lamp | 64.31 | 78.12 | | bathtub | 82.85 | 85.94 | | railing | 36.04 | 50.87 | | cushion | 60.64 | 76.38 | | base | 36.9 | 53.15 | | box | 31.08 | 39.02 | | column | 49.1 | 57.4 | | signboard | 36.69 | 52.82 | | chest of drawers | 47.38 | 73.82 | | counter | 40.91 | 46.03 | | sand | 52.91 | 77.26 | | sink | 74.45 | 81.82 | | skyscraper | 50.91 | 59.87 | | fireplace | 72.49 | 88.62 | | refrigerator | 73.15 | 83.96 | | grandstand | 52.1 | 80.56 | | path | 27.91 | 37.68 | | stairs | 32.0 | 36.65 | | runway | 72.81 | 97.5 | | case | 59.81 | 83.05 | | pool table | 92.86 | 97.51 | | pillow | 55.77 | 63.27 | | screen door | 28.47 | 31.48 | | stairway | 41.05 | 69.96 | | river | 15.62 | 31.5 | | bridge | 71.68 | 78.03 | | bookcase | 44.65 | 62.36 | | blind | 29.94 | 33.27 | | coffee table | 59.18 | 82.98 | | toilet | 84.53 | 94.23 | | flower | 41.37 | 49.72 | | book | 49.72 | 73.83 | | hill | 6.1 | 12.19 | | bench | 51.21 | 68.51 | | countertop | 60.06 | 74.13 | | stove | 73.67 | 90.2 | | palm | 54.64 | 79.75 | | kitchen island | 34.95 | 53.47 | | computer | 72.11 | 91.99 | | swivel chair | 43.53 | 55.23 | | boat | 59.4 | 84.04 | | bar | 64.0 | 90.91 | | arcade machine | 78.26 | 91.06 | | hovel | 34.99 | 43.79 | | bus | 89.85 | 95.89 | | towel | 71.04 | 83.14 | | light | 47.06 | 50.98 | | truck | 34.43 | 51.04 | | tower | 37.39 | 69.8 | | chandelier | 65.77 | 75.18 | | awning | 27.74 | 32.55 | | streetlight | 28.21 | 38.48 | | booth | 36.3 | 52.92 | | television receiver | 74.57 | 83.42 | | airplane | 55.06 | 67.89 | | dirt track | 1.48 | 3.73 | | apparel | 53.46 | 69.78 | | pole | 17.21 | 22.19 | | land | 1.94 | 2.97 | | bannister | 8.69 | 11.82 | | escalator | 56.36 | 83.64 | | ottoman | 48.49 | 65.23 | | bottle | 39.07 | 66.35 | | buffet | 51.32 | 62.14 | | poster | 23.8 | 35.03 | | stage | 23.24 | 54.11 | | van | 36.63 | 45.09 | | ship | 72.28 | 87.08 | | fountain | 56.94 | 59.59 | | conveyer belt | 62.3 | 96.74 | | canopy | 43.43 | 76.42 | | washer | 80.88 | 88.83 | | plaything | 25.15 | 39.06 | | swimming pool | 59.9 | 74.39 | | stool | 45.71 | 60.09 | | barrel | 52.19 | 57.81 | | basket | 35.23 | 40.83 | | waterfall | 58.76 | 72.46 | | tent | 83.35 | 98.63 | | bag | 26.47 | 33.04 | | minibike | 72.4 | 84.74 | | cradle | 83.4 | 96.64 | | oven | 57.43 | 66.2 | | ball | 53.79 | 67.01 | | food | 49.32 | 57.56 | | step | 16.05 | 18.75 | | tank | 75.96 | 88.91 | | trade name | 24.15 | 27.33 | | microwave | 85.06 | 92.65 | | pot | 48.81 | 57.75 | | animal | 66.28 | 68.6 | | bicycle | 55.59 | 66.62 | | lake | 58.63 | 63.74 | | dishwasher | 52.83 | 67.96 | | screen | 52.68 | 84.87 | | blanket | 14.92 | 16.29 | | sculpture | 61.51 | 77.37 | | hood | 64.5 | 72.69 | | sconce | 46.16 | 52.95 | | vase | 34.92 | 44.46 | | traffic light | 34.45 | 49.77 | | tray | 8.66 | 9.76 | | ashcan | 45.5 | 55.59 | | fan | 62.13 | 75.78 | | pier | 31.98 | 45.69 | | crt screen | 0.86 | 0.9 | | plate | 52.55 | 69.09 | | monitor | 60.94 | 81.79 | | bulletin board | 39.42 | 45.34 | | shower | 0.0 | 0.0 | | radiator | 61.5 | 76.27 | | glass | 13.24 | 13.82 | | clock | 37.34 | 42.18 | | flag | 58.55 | 63.41 | +---------------------+-------+-------+ 2023-11-10 14:13:24,006 - mmseg - INFO - Summary: 2023-11-10 14:13:24,007 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.75 | 52.22 | 65.15 | +-------+-------+-------+ 2023-11-10 14:13:24,008 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:13:24,008 - mmseg - INFO - Iter(val) [250] aAcc: 0.8375, mIoU: 0.5222, mAcc: 0.6515, IoU.wall: 0.7832, IoU.building: 0.8360, IoU.sky: 0.9438, IoU.floor: 0.8168, IoU.tree: 0.7495, IoU.ceiling: 0.8374, IoU.road: 0.8294, IoU.bed : 0.8994, IoU.windowpane: 0.6310, IoU.grass: 0.7024, IoU.cabinet: 0.6114, IoU.sidewalk: 0.6349, IoU.person: 0.8111, IoU.earth: 0.3980, IoU.door: 0.4695, IoU.table: 0.6059, IoU.mountain: 0.6013, IoU.plant: 0.5546, IoU.curtain: 0.6999, IoU.chair: 0.6085, IoU.car: 0.8420, IoU.water: 0.6172, IoU.painting: 0.7193, IoU.sofa: 0.7102, IoU.shelf: 0.4601, IoU.house: 0.4981, IoU.sea: 0.6050, IoU.mirror: 0.7079, IoU.rug: 0.5727, IoU.field: 0.3023, IoU.armchair: 0.4904, IoU.seat: 0.6794, IoU.fence: 0.4400, IoU.desk: 0.5368, IoU.rock: 0.4656, IoU.wardrobe: 0.5039, IoU.lamp: 0.6431, IoU.bathtub: 0.8285, IoU.railing: 0.3604, IoU.cushion: 0.6064, IoU.base: 0.3690, IoU.box: 0.3108, IoU.column: 0.4910, IoU.signboard: 0.3669, IoU.chest of drawers: 0.4738, IoU.counter: 0.4091, IoU.sand: 0.5291, IoU.sink: 0.7445, IoU.skyscraper: 0.5091, IoU.fireplace: 0.7249, IoU.refrigerator: 0.7315, IoU.grandstand: 0.5210, IoU.path: 0.2791, IoU.stairs: 0.3200, IoU.runway: 0.7281, IoU.case: 0.5981, IoU.pool table: 0.9286, IoU.pillow: 0.5577, IoU.screen door: 0.2847, IoU.stairway: 0.4105, IoU.river: 0.1562, IoU.bridge: 0.7168, IoU.bookcase: 0.4465, IoU.blind: 0.2994, IoU.coffee table: 0.5918, IoU.toilet: 0.8453, IoU.flower: 0.4137, IoU.book: 0.4972, IoU.hill: 0.0610, IoU.bench: 0.5121, IoU.countertop: 0.6006, IoU.stove: 0.7367, IoU.palm: 0.5464, IoU.kitchen island: 0.3495, IoU.computer: 0.7211, IoU.swivel chair: 0.4353, IoU.boat: 0.5940, IoU.bar: 0.6400, IoU.arcade machine: 0.7826, IoU.hovel: 0.3499, IoU.bus: 0.8985, IoU.towel: 0.7104, IoU.light: 0.4706, IoU.truck: 0.3443, IoU.tower: 0.3739, IoU.chandelier: 0.6577, IoU.awning: 0.2774, IoU.streetlight: 0.2821, IoU.booth: 0.3630, IoU.television receiver: 0.7457, IoU.airplane: 0.5506, IoU.dirt track: 0.0148, IoU.apparel: 0.5346, IoU.pole: 0.1721, IoU.land: 0.0194, IoU.bannister: 0.0869, IoU.escalator: 0.5636, IoU.ottoman: 0.4849, IoU.bottle: 0.3907, IoU.buffet: 0.5132, IoU.poster: 0.2380, IoU.stage: 0.2324, IoU.van: 0.3663, IoU.ship: 0.7228, IoU.fountain: 0.5694, IoU.conveyer belt: 0.6230, IoU.canopy: 0.4343, IoU.washer: 0.8088, IoU.plaything: 0.2515, IoU.swimming pool: 0.5990, IoU.stool: 0.4571, IoU.barrel: 0.5219, IoU.basket: 0.3523, IoU.waterfall: 0.5876, IoU.tent: 0.8335, IoU.bag: 0.2647, IoU.minibike: 0.7240, IoU.cradle: 0.8340, IoU.oven: 0.5743, IoU.ball: 0.5379, IoU.food: 0.4932, IoU.step: 0.1605, IoU.tank: 0.7596, IoU.trade name: 0.2415, IoU.microwave: 0.8506, IoU.pot: 0.4881, IoU.animal: 0.6628, IoU.bicycle: 0.5559, IoU.lake: 0.5863, IoU.dishwasher: 0.5283, IoU.screen: 0.5268, IoU.blanket: 0.1492, IoU.sculpture: 0.6151, IoU.hood: 0.6450, IoU.sconce: 0.4616, IoU.vase: 0.3492, IoU.traffic light: 0.3445, IoU.tray: 0.0866, IoU.ashcan: 0.4550, IoU.fan: 0.6213, IoU.pier: 0.3198, IoU.crt screen: 0.0086, IoU.plate: 0.5255, IoU.monitor: 0.6094, IoU.bulletin board: 0.3942, IoU.shower: 0.0000, IoU.radiator: 0.6150, IoU.glass: 0.1324, IoU.clock: 0.3734, IoU.flag: 0.5855, Acc.wall: 0.8727, Acc.building: 0.9057, Acc.sky: 0.9717, Acc.floor: 0.8967, Acc.tree: 0.8688, Acc.ceiling: 0.9173, Acc.road: 0.9092, Acc.bed : 0.9687, Acc.windowpane: 0.8106, Acc.grass: 0.8066, Acc.cabinet: 0.7152, Acc.sidewalk: 0.7980, Acc.person: 0.9325, Acc.earth: 0.5758, Acc.door: 0.6925, Acc.table: 0.7988, Acc.mountain: 0.7069, Acc.plant: 0.7406, Acc.curtain: 0.8552, Acc.chair: 0.7851, Acc.car: 0.9440, Acc.water: 0.7933, Acc.painting: 0.8634, Acc.sofa: 0.8162, Acc.shelf: 0.6550, Acc.house: 0.7842, Acc.sea: 0.6905, Acc.mirror: 0.8614, Acc.rug: 0.6277, Acc.field: 0.4090, Acc.armchair: 0.6806, Acc.seat: 0.8465, Acc.fence: 0.6362, Acc.desk: 0.7536, Acc.rock: 0.6488, Acc.wardrobe: 0.6333, Acc.lamp: 0.7812, Acc.bathtub: 0.8594, Acc.railing: 0.5087, Acc.cushion: 0.7638, Acc.base: 0.5315, Acc.box: 0.3902, Acc.column: 0.5740, Acc.signboard: 0.5282, Acc.chest of drawers: 0.7382, Acc.counter: 0.4603, Acc.sand: 0.7726, Acc.sink: 0.8182, Acc.skyscraper: 0.5987, Acc.fireplace: 0.8862, Acc.refrigerator: 0.8396, Acc.grandstand: 0.8056, Acc.path: 0.3768, Acc.stairs: 0.3665, Acc.runway: 0.9750, Acc.case: 0.8305, Acc.pool table: 0.9751, Acc.pillow: 0.6327, Acc.screen door: 0.3148, Acc.stairway: 0.6996, Acc.river: 0.3150, Acc.bridge: 0.7803, Acc.bookcase: 0.6236, Acc.blind: 0.3327, Acc.coffee table: 0.8298, Acc.toilet: 0.9423, Acc.flower: 0.4972, Acc.book: 0.7383, Acc.hill: 0.1219, Acc.bench: 0.6851, Acc.countertop: 0.7413, Acc.stove: 0.9020, Acc.palm: 0.7975, Acc.kitchen island: 0.5347, Acc.computer: 0.9199, Acc.swivel chair: 0.5523, Acc.boat: 0.8404, Acc.bar: 0.9091, Acc.arcade machine: 0.9106, Acc.hovel: 0.4379, Acc.bus: 0.9589, Acc.towel: 0.8314, Acc.light: 0.5098, Acc.truck: 0.5104, Acc.tower: 0.6980, Acc.chandelier: 0.7518, Acc.awning: 0.3255, Acc.streetlight: 0.3848, Acc.booth: 0.5292, Acc.television receiver: 0.8342, Acc.airplane: 0.6789, Acc.dirt track: 0.0373, Acc.apparel: 0.6978, Acc.pole: 0.2219, Acc.land: 0.0297, Acc.bannister: 0.1182, Acc.escalator: 0.8364, Acc.ottoman: 0.6523, Acc.bottle: 0.6635, Acc.buffet: 0.6214, Acc.poster: 0.3503, Acc.stage: 0.5411, Acc.van: 0.4509, Acc.ship: 0.8708, Acc.fountain: 0.5959, Acc.conveyer belt: 0.9674, Acc.canopy: 0.7642, Acc.washer: 0.8883, Acc.plaything: 0.3906, Acc.swimming pool: 0.7439, Acc.stool: 0.6009, Acc.barrel: 0.5781, Acc.basket: 0.4083, Acc.waterfall: 0.7246, Acc.tent: 0.9863, Acc.bag: 0.3304, Acc.minibike: 0.8474, Acc.cradle: 0.9664, Acc.oven: 0.6620, Acc.ball: 0.6701, Acc.food: 0.5756, Acc.step: 0.1875, Acc.tank: 0.8891, Acc.trade name: 0.2733, Acc.microwave: 0.9265, Acc.pot: 0.5775, Acc.animal: 0.6860, Acc.bicycle: 0.6662, Acc.lake: 0.6374, Acc.dishwasher: 0.6796, Acc.screen: 0.8487, Acc.blanket: 0.1629, Acc.sculpture: 0.7737, Acc.hood: 0.7269, Acc.sconce: 0.5295, Acc.vase: 0.4446, Acc.traffic light: 0.4977, Acc.tray: 0.0976, Acc.ashcan: 0.5559, Acc.fan: 0.7578, Acc.pier: 0.4569, Acc.crt screen: 0.0090, Acc.plate: 0.6909, Acc.monitor: 0.8179, Acc.bulletin board: 0.4534, Acc.shower: 0.0000, Acc.radiator: 0.7627, Acc.glass: 0.1382, Acc.clock: 0.4218, Acc.flag: 0.6341 2023-11-10 14:13:58,921 - mmseg - INFO - Iter [14050/80000] lr: 3.298e-05, eta: 14:56:32, time: 2.307, data_time: 1.616, memory: 60073, decode.loss_ce: 0.2894, decode.acc_seg: 88.1596, aux.loss_ce: 0.3427, aux.acc_seg: 69.9191, loss: 0.6321 2023-11-10 14:14:33,778 - mmseg - INFO - Iter [14100/80000] lr: 3.295e-05, eta: 14:55:24, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3028, decode.acc_seg: 87.1061, aux.loss_ce: 0.3450, aux.acc_seg: 69.7011, loss: 0.6479 2023-11-10 14:15:08,617 - mmseg - INFO - Iter [14150/80000] lr: 3.293e-05, eta: 14:54:15, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2946, decode.acc_seg: 87.6687, aux.loss_ce: 0.3533, aux.acc_seg: 69.3504, loss: 0.6479 2023-11-10 14:15:43,432 - mmseg - INFO - Iter [14200/80000] lr: 3.290e-05, eta: 14:53:07, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2875, decode.acc_seg: 88.2640, aux.loss_ce: 0.3554, aux.acc_seg: 69.5137, loss: 0.6428 2023-11-10 14:16:18,272 - mmseg - INFO - Iter [14250/80000] lr: 3.288e-05, eta: 14:51:59, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2840, decode.acc_seg: 88.2011, aux.loss_ce: 0.3410, aux.acc_seg: 69.7714, loss: 0.6251 2023-11-10 14:16:53,097 - mmseg - INFO - Iter [14300/80000] lr: 3.285e-05, eta: 14:50:52, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2874, decode.acc_seg: 87.5642, aux.loss_ce: 0.3332, aux.acc_seg: 70.0073, loss: 0.6207 2023-11-10 14:17:27,910 - mmseg - INFO - Iter [14350/80000] lr: 3.283e-05, eta: 14:49:44, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2831, decode.acc_seg: 88.1663, aux.loss_ce: 0.3513, aux.acc_seg: 69.0198, loss: 0.6344 2023-11-10 14:18:02,753 - mmseg - INFO - Iter [14400/80000] lr: 3.280e-05, eta: 14:48:37, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2853, decode.acc_seg: 88.1548, aux.loss_ce: 0.3301, aux.acc_seg: 70.8126, loss: 0.6155 2023-11-10 14:18:37,580 - mmseg - INFO - Iter [14450/80000] lr: 3.278e-05, eta: 14:47:30, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2831, decode.acc_seg: 87.9321, aux.loss_ce: 0.3427, aux.acc_seg: 69.7840, loss: 0.6259 2023-11-10 14:19:12,391 - mmseg - INFO - Iter [14500/80000] lr: 3.275e-05, eta: 14:46:23, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3004, decode.acc_seg: 87.4723, aux.loss_ce: 0.3405, aux.acc_seg: 70.2902, loss: 0.6409 2023-11-10 14:19:47,217 - mmseg - INFO - Iter [14550/80000] lr: 3.273e-05, eta: 14:45:17, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3023, decode.acc_seg: 87.6687, aux.loss_ce: 0.3610, aux.acc_seg: 69.1008, loss: 0.6633 2023-11-10 14:20:22,081 - mmseg - INFO - Iter [14600/80000] lr: 3.270e-05, eta: 14:44:10, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3054, decode.acc_seg: 87.5600, aux.loss_ce: 0.3589, aux.acc_seg: 68.4027, loss: 0.6643 2023-11-10 14:20:56,929 - mmseg - INFO - Iter [14650/80000] lr: 3.268e-05, eta: 14:43:04, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2919, decode.acc_seg: 87.8277, aux.loss_ce: 0.3574, aux.acc_seg: 69.1749, loss: 0.6492 2023-11-10 14:21:31,785 - mmseg - INFO - Iter [14700/80000] lr: 3.265e-05, eta: 14:41:59, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2908, decode.acc_seg: 87.8105, aux.loss_ce: 0.3336, aux.acc_seg: 70.4716, loss: 0.6244 2023-11-10 14:22:06,620 - mmseg - INFO - Iter [14750/80000] lr: 3.263e-05, eta: 14:40:53, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2973, decode.acc_seg: 87.5243, aux.loss_ce: 0.3465, aux.acc_seg: 69.4237, loss: 0.6438 2023-11-10 14:22:41,467 - mmseg - INFO - Iter [14800/80000] lr: 3.260e-05, eta: 14:39:48, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3157, decode.acc_seg: 86.9413, aux.loss_ce: 0.3523, aux.acc_seg: 70.2181, loss: 0.6680 2023-11-10 14:23:16,324 - mmseg - INFO - Iter [14850/80000] lr: 3.258e-05, eta: 14:38:42, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2912, decode.acc_seg: 87.9122, aux.loss_ce: 0.3346, aux.acc_seg: 71.2891, loss: 0.6258 2023-11-10 14:23:51,150 - mmseg - INFO - Iter [14900/80000] lr: 3.255e-05, eta: 14:37:37, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3008, decode.acc_seg: 87.5623, aux.loss_ce: 0.3452, aux.acc_seg: 69.8928, loss: 0.6460 2023-11-10 14:24:25,942 - mmseg - INFO - Iter [14950/80000] lr: 3.253e-05, eta: 14:36:32, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3027, decode.acc_seg: 87.7098, aux.loss_ce: 0.3506, aux.acc_seg: 69.5364, loss: 0.6533 2023-11-10 14:25:00,761 - mmseg - INFO - Saving checkpoint at 15000 iterations 2023-11-10 14:25:32,069 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:25:32,070 - mmseg - INFO - Iter [15000/80000] lr: 3.250e-05, eta: 14:37:43, time: 1.323, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2970, decode.acc_seg: 87.7321, aux.loss_ce: 0.3475, aux.acc_seg: 69.8050, loss: 0.6445 2023-11-10 14:26:52,587 - mmseg - INFO - per class results: 2023-11-10 14:26:52,592 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.34 | 87.98 | | building | 83.84 | 94.18 | | sky | 94.54 | 97.33 | | floor | 81.97 | 90.31 | | tree | 73.94 | 85.95 | | ceiling | 83.58 | 92.54 | | road | 83.68 | 90.5 | | bed | 90.0 | 96.63 | | windowpane | 61.94 | 79.77 | | grass | 65.02 | 73.96 | | cabinet | 60.49 | 71.15 | | sidewalk | 64.42 | 80.98 | | person | 81.81 | 91.17 | | earth | 37.98 | 52.82 | | door | 49.53 | 62.82 | | table | 61.96 | 76.65 | | mountain | 57.12 | 69.04 | | plant | 53.35 | 67.94 | | curtain | 72.86 | 85.18 | | chair | 59.41 | 74.31 | | car | 83.81 | 92.75 | | water | 59.96 | 71.09 | | painting | 74.28 | 85.14 | | sofa | 71.34 | 80.9 | | shelf | 43.57 | 67.11 | | house | 54.92 | 70.63 | | sea | 66.5 | 89.5 | | mirror | 71.44 | 86.75 | | rug | 60.98 | 69.8 | | field | 26.29 | 57.97 | | armchair | 50.0 | 69.75 | | seat | 60.39 | 79.31 | | fence | 45.6 | 56.45 | | desk | 51.56 | 77.81 | | rock | 47.16 | 65.52 | | wardrobe | 54.5 | 79.31 | | lamp | 65.0 | 76.56 | | bathtub | 83.17 | 88.59 | | railing | 36.81 | 56.84 | | cushion | 61.0 | 71.12 | | base | 30.04 | 44.25 | | box | 28.29 | 32.8 | | column | 49.72 | 57.67 | | signboard | 33.97 | 44.3 | | chest of drawers | 49.79 | 68.55 | | counter | 41.97 | 56.47 | | sand | 62.69 | 82.85 | | sink | 73.44 | 80.21 | | skyscraper | 64.0 | 88.26 | | fireplace | 74.98 | 88.26 | | refrigerator | 68.92 | 77.12 | | grandstand | 57.07 | 79.59 | | path | 22.32 | 28.77 | | stairs | 43.3 | 52.54 | | runway | 70.75 | 97.74 | | case | 62.95 | 80.73 | | pool table | 93.24 | 97.13 | | pillow | 59.13 | 67.68 | | screen door | 71.28 | 78.35 | | stairway | 43.17 | 53.03 | | river | 19.08 | 27.86 | | bridge | 64.59 | 75.06 | | bookcase | 41.86 | 56.27 | | blind | 25.89 | 28.88 | | coffee table | 61.35 | 83.44 | | toilet | 84.38 | 93.38 | | flower | 41.44 | 53.98 | | book | 50.63 | 70.87 | | hill | 6.97 | 11.66 | | bench | 49.76 | 58.01 | | countertop | 61.75 | 77.83 | | stove | 75.1 | 86.25 | | palm | 51.82 | 61.6 | | kitchen island | 46.69 | 72.24 | | computer | 72.17 | 88.08 | | swivel chair | 44.75 | 70.14 | | boat | 41.49 | 52.2 | | bar | 69.94 | 83.35 | | arcade machine | 82.32 | 88.1 | | hovel | 48.27 | 57.43 | | bus | 89.51 | 96.44 | | towel | 62.92 | 67.18 | | light | 46.77 | 51.25 | | truck | 39.57 | 48.62 | | tower | 29.97 | 43.66 | | chandelier | 67.42 | 80.8 | | awning | 37.5 | 51.43 | | streetlight | 27.69 | 33.57 | | booth | 39.94 | 43.41 | | television receiver | 75.63 | 86.92 | | airplane | 60.93 | 66.15 | | dirt track | 0.26 | 0.76 | | apparel | 54.4 | 61.89 | | pole | 20.75 | 26.59 | | land | 2.75 | 4.33 | | bannister | 8.31 | 11.11 | | escalator | 56.62 | 75.55 | | ottoman | 47.54 | 60.86 | | bottle | 38.12 | 65.08 | | buffet | 41.86 | 45.15 | | poster | 23.53 | 30.34 | | stage | 21.04 | 50.91 | | van | 40.84 | 49.99 | | ship | 55.28 | 88.23 | | fountain | 67.87 | 80.13 | | conveyer belt | 54.98 | 98.09 | | canopy | 48.65 | 69.1 | | washer | 80.73 | 97.57 | | plaything | 16.92 | 20.51 | | swimming pool | 62.15 | 86.47 | | stool | 41.45 | 48.26 | | barrel | 48.42 | 61.88 | | basket | 35.84 | 42.37 | | waterfall | 52.43 | 59.79 | | tent | 94.69 | 96.88 | | bag | 17.26 | 18.26 | | minibike | 71.1 | 81.36 | | cradle | 82.04 | 97.62 | | oven | 50.1 | 64.17 | | ball | 53.12 | 67.09 | | food | 49.18 | 61.94 | | step | 13.74 | 15.71 | | tank | 73.99 | 94.87 | | trade name | 32.17 | 38.31 | | microwave | 85.27 | 91.59 | | pot | 45.68 | 50.07 | | animal | 68.77 | 73.61 | | bicycle | 55.98 | 67.66 | | lake | 53.64 | 61.33 | | dishwasher | 53.56 | 58.7 | | screen | 50.09 | 88.83 | | blanket | 18.0 | 19.81 | | sculpture | 64.13 | 75.74 | | hood | 62.76 | 67.51 | | sconce | 49.53 | 59.55 | | vase | 34.67 | 40.85 | | traffic light | 30.1 | 47.28 | | tray | 10.19 | 14.06 | | ashcan | 44.3 | 54.53 | | fan | 55.01 | 60.8 | | pier | 34.84 | 44.27 | | crt screen | 3.25 | 5.03 | | plate | 51.58 | 69.62 | | monitor | 56.65 | 73.94 | | bulletin board | 37.64 | 43.04 | | shower | 0.0 | 0.0 | | radiator | 62.61 | 68.79 | | glass | 14.91 | 15.75 | | clock | 31.17 | 33.05 | | flag | 43.84 | 45.2 | +---------------------+-------+-------+ 2023-11-10 14:26:52,592 - mmseg - INFO - Summary: 2023-11-10 14:26:52,592 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 83.85 | 52.4 | 64.25 | +-------+------+-------+ 2023-11-10 14:26:52,593 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:26:52,593 - mmseg - INFO - Iter(val) [250] aAcc: 0.8385, mIoU: 0.5240, mAcc: 0.6425, IoU.wall: 0.7834, IoU.building: 0.8384, IoU.sky: 0.9454, IoU.floor: 0.8197, IoU.tree: 0.7394, IoU.ceiling: 0.8358, IoU.road: 0.8368, IoU.bed : 0.9000, IoU.windowpane: 0.6194, IoU.grass: 0.6502, IoU.cabinet: 0.6049, IoU.sidewalk: 0.6442, IoU.person: 0.8181, IoU.earth: 0.3798, IoU.door: 0.4953, IoU.table: 0.6196, IoU.mountain: 0.5712, IoU.plant: 0.5335, IoU.curtain: 0.7286, IoU.chair: 0.5941, IoU.car: 0.8381, IoU.water: 0.5996, IoU.painting: 0.7428, IoU.sofa: 0.7134, IoU.shelf: 0.4357, IoU.house: 0.5492, IoU.sea: 0.6650, IoU.mirror: 0.7144, IoU.rug: 0.6098, IoU.field: 0.2629, IoU.armchair: 0.5000, IoU.seat: 0.6039, IoU.fence: 0.4560, IoU.desk: 0.5156, IoU.rock: 0.4716, IoU.wardrobe: 0.5450, IoU.lamp: 0.6500, IoU.bathtub: 0.8317, IoU.railing: 0.3681, IoU.cushion: 0.6100, IoU.base: 0.3004, IoU.box: 0.2829, IoU.column: 0.4972, IoU.signboard: 0.3397, IoU.chest of drawers: 0.4979, IoU.counter: 0.4197, IoU.sand: 0.6269, IoU.sink: 0.7344, IoU.skyscraper: 0.6400, IoU.fireplace: 0.7498, IoU.refrigerator: 0.6892, IoU.grandstand: 0.5707, IoU.path: 0.2232, IoU.stairs: 0.4330, IoU.runway: 0.7075, IoU.case: 0.6295, IoU.pool table: 0.9324, IoU.pillow: 0.5913, IoU.screen door: 0.7128, IoU.stairway: 0.4317, IoU.river: 0.1908, IoU.bridge: 0.6459, IoU.bookcase: 0.4186, IoU.blind: 0.2589, IoU.coffee table: 0.6135, IoU.toilet: 0.8438, IoU.flower: 0.4144, IoU.book: 0.5063, IoU.hill: 0.0697, IoU.bench: 0.4976, IoU.countertop: 0.6175, IoU.stove: 0.7510, IoU.palm: 0.5182, IoU.kitchen island: 0.4669, IoU.computer: 0.7217, IoU.swivel chair: 0.4475, IoU.boat: 0.4149, IoU.bar: 0.6994, IoU.arcade machine: 0.8232, IoU.hovel: 0.4827, IoU.bus: 0.8951, IoU.towel: 0.6292, IoU.light: 0.4677, IoU.truck: 0.3957, IoU.tower: 0.2997, IoU.chandelier: 0.6742, IoU.awning: 0.3750, IoU.streetlight: 0.2769, IoU.booth: 0.3994, IoU.television receiver: 0.7563, IoU.airplane: 0.6093, IoU.dirt track: 0.0026, IoU.apparel: 0.5440, IoU.pole: 0.2075, IoU.land: 0.0275, IoU.bannister: 0.0831, IoU.escalator: 0.5662, IoU.ottoman: 0.4754, IoU.bottle: 0.3812, IoU.buffet: 0.4186, IoU.poster: 0.2353, IoU.stage: 0.2104, IoU.van: 0.4084, IoU.ship: 0.5528, IoU.fountain: 0.6787, IoU.conveyer belt: 0.5498, IoU.canopy: 0.4865, IoU.washer: 0.8073, IoU.plaything: 0.1692, IoU.swimming pool: 0.6215, IoU.stool: 0.4145, IoU.barrel: 0.4842, IoU.basket: 0.3584, IoU.waterfall: 0.5243, IoU.tent: 0.9469, IoU.bag: 0.1726, IoU.minibike: 0.7110, IoU.cradle: 0.8204, IoU.oven: 0.5010, IoU.ball: 0.5312, IoU.food: 0.4918, IoU.step: 0.1374, IoU.tank: 0.7399, IoU.trade name: 0.3217, IoU.microwave: 0.8527, IoU.pot: 0.4568, IoU.animal: 0.6877, IoU.bicycle: 0.5598, IoU.lake: 0.5364, IoU.dishwasher: 0.5356, IoU.screen: 0.5009, IoU.blanket: 0.1800, IoU.sculpture: 0.6413, IoU.hood: 0.6276, IoU.sconce: 0.4953, IoU.vase: 0.3467, IoU.traffic light: 0.3010, IoU.tray: 0.1019, IoU.ashcan: 0.4430, IoU.fan: 0.5501, IoU.pier: 0.3484, IoU.crt screen: 0.0325, IoU.plate: 0.5158, IoU.monitor: 0.5665, IoU.bulletin board: 0.3764, IoU.shower: 0.0000, IoU.radiator: 0.6261, IoU.glass: 0.1491, IoU.clock: 0.3117, IoU.flag: 0.4384, Acc.wall: 0.8798, Acc.building: 0.9418, Acc.sky: 0.9733, Acc.floor: 0.9031, Acc.tree: 0.8595, Acc.ceiling: 0.9254, Acc.road: 0.9050, Acc.bed : 0.9663, Acc.windowpane: 0.7977, Acc.grass: 0.7396, Acc.cabinet: 0.7115, Acc.sidewalk: 0.8098, Acc.person: 0.9117, Acc.earth: 0.5282, Acc.door: 0.6282, Acc.table: 0.7665, Acc.mountain: 0.6904, Acc.plant: 0.6794, Acc.curtain: 0.8518, Acc.chair: 0.7431, Acc.car: 0.9275, Acc.water: 0.7109, Acc.painting: 0.8514, Acc.sofa: 0.8090, Acc.shelf: 0.6711, Acc.house: 0.7063, Acc.sea: 0.8950, Acc.mirror: 0.8675, Acc.rug: 0.6980, Acc.field: 0.5797, Acc.armchair: 0.6975, Acc.seat: 0.7931, Acc.fence: 0.5645, Acc.desk: 0.7781, Acc.rock: 0.6552, Acc.wardrobe: 0.7931, Acc.lamp: 0.7656, Acc.bathtub: 0.8859, Acc.railing: 0.5684, Acc.cushion: 0.7112, Acc.base: 0.4425, Acc.box: 0.3280, Acc.column: 0.5767, Acc.signboard: 0.4430, Acc.chest of drawers: 0.6855, Acc.counter: 0.5647, Acc.sand: 0.8285, Acc.sink: 0.8021, Acc.skyscraper: 0.8826, Acc.fireplace: 0.8826, Acc.refrigerator: 0.7712, Acc.grandstand: 0.7959, Acc.path: 0.2877, Acc.stairs: 0.5254, Acc.runway: 0.9774, Acc.case: 0.8073, Acc.pool table: 0.9713, Acc.pillow: 0.6768, Acc.screen door: 0.7835, Acc.stairway: 0.5303, Acc.river: 0.2786, Acc.bridge: 0.7506, Acc.bookcase: 0.5627, Acc.blind: 0.2888, Acc.coffee table: 0.8344, Acc.toilet: 0.9338, Acc.flower: 0.5398, Acc.book: 0.7087, Acc.hill: 0.1166, Acc.bench: 0.5801, Acc.countertop: 0.7783, Acc.stove: 0.8625, Acc.palm: 0.6160, Acc.kitchen island: 0.7224, Acc.computer: 0.8808, Acc.swivel chair: 0.7014, Acc.boat: 0.5220, Acc.bar: 0.8335, Acc.arcade machine: 0.8810, Acc.hovel: 0.5743, Acc.bus: 0.9644, Acc.towel: 0.6718, Acc.light: 0.5125, Acc.truck: 0.4862, Acc.tower: 0.4366, Acc.chandelier: 0.8080, Acc.awning: 0.5143, Acc.streetlight: 0.3357, Acc.booth: 0.4341, Acc.television receiver: 0.8692, Acc.airplane: 0.6615, Acc.dirt track: 0.0076, Acc.apparel: 0.6189, Acc.pole: 0.2659, Acc.land: 0.0433, Acc.bannister: 0.1111, Acc.escalator: 0.7555, Acc.ottoman: 0.6086, Acc.bottle: 0.6508, Acc.buffet: 0.4515, Acc.poster: 0.3034, Acc.stage: 0.5091, Acc.van: 0.4999, Acc.ship: 0.8823, Acc.fountain: 0.8013, Acc.conveyer belt: 0.9809, Acc.canopy: 0.6910, Acc.washer: 0.9757, Acc.plaything: 0.2051, Acc.swimming pool: 0.8647, Acc.stool: 0.4826, Acc.barrel: 0.6188, Acc.basket: 0.4237, Acc.waterfall: 0.5979, Acc.tent: 0.9688, Acc.bag: 0.1826, Acc.minibike: 0.8136, Acc.cradle: 0.9762, Acc.oven: 0.6417, Acc.ball: 0.6709, Acc.food: 0.6194, Acc.step: 0.1571, Acc.tank: 0.9487, Acc.trade name: 0.3831, Acc.microwave: 0.9159, Acc.pot: 0.5007, Acc.animal: 0.7361, Acc.bicycle: 0.6766, Acc.lake: 0.6133, Acc.dishwasher: 0.5870, Acc.screen: 0.8883, Acc.blanket: 0.1981, Acc.sculpture: 0.7574, Acc.hood: 0.6751, Acc.sconce: 0.5955, Acc.vase: 0.4085, Acc.traffic light: 0.4728, Acc.tray: 0.1406, Acc.ashcan: 0.5453, Acc.fan: 0.6080, Acc.pier: 0.4427, Acc.crt screen: 0.0503, Acc.plate: 0.6962, Acc.monitor: 0.7394, Acc.bulletin board: 0.4304, Acc.shower: 0.0000, Acc.radiator: 0.6879, Acc.glass: 0.1575, Acc.clock: 0.3305, Acc.flag: 0.4520 2023-11-10 14:27:27,486 - mmseg - INFO - Iter [15050/80000] lr: 3.248e-05, eta: 14:42:26, time: 2.308, data_time: 1.618, memory: 60073, decode.loss_ce: 0.3020, decode.acc_seg: 87.3141, aux.loss_ce: 0.3566, aux.acc_seg: 69.3937, loss: 0.6585 2023-11-10 14:28:02,345 - mmseg - INFO - Iter [15100/80000] lr: 3.245e-05, eta: 14:41:20, time: 0.697, data_time: 0.008, memory: 60073, decode.loss_ce: 0.3096, decode.acc_seg: 87.1723, aux.loss_ce: 0.3526, aux.acc_seg: 69.5321, loss: 0.6622 2023-11-10 14:28:37,180 - mmseg - INFO - Iter [15150/80000] lr: 3.243e-05, eta: 14:40:14, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3102, decode.acc_seg: 87.6346, aux.loss_ce: 0.3597, aux.acc_seg: 69.7326, loss: 0.6698 2023-11-10 14:29:14,311 - mmseg - INFO - Iter [15200/80000] lr: 3.240e-05, eta: 14:39:18, time: 0.743, data_time: 0.053, memory: 60073, decode.loss_ce: 0.2858, decode.acc_seg: 88.2132, aux.loss_ce: 0.3453, aux.acc_seg: 70.7056, loss: 0.6311 2023-11-10 14:29:49,128 - mmseg - INFO - Iter [15250/80000] lr: 3.238e-05, eta: 14:38:12, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2815, decode.acc_seg: 88.5607, aux.loss_ce: 0.3408, aux.acc_seg: 70.9483, loss: 0.6223 2023-11-10 14:30:23,948 - mmseg - INFO - Iter [15300/80000] lr: 3.235e-05, eta: 14:37:07, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2769, decode.acc_seg: 88.5743, aux.loss_ce: 0.3287, aux.acc_seg: 71.1309, loss: 0.6056 2023-11-10 14:30:58,774 - mmseg - INFO - Iter [15350/80000] lr: 3.233e-05, eta: 14:36:01, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2853, decode.acc_seg: 88.2068, aux.loss_ce: 0.3412, aux.acc_seg: 69.7285, loss: 0.6265 2023-11-10 14:31:33,595 - mmseg - INFO - Iter [15400/80000] lr: 3.230e-05, eta: 14:34:56, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2857, decode.acc_seg: 88.0796, aux.loss_ce: 0.3480, aux.acc_seg: 69.7905, loss: 0.6337 2023-11-10 14:32:08,428 - mmseg - INFO - Iter [15450/80000] lr: 3.228e-05, eta: 14:33:51, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2801, decode.acc_seg: 88.3650, aux.loss_ce: 0.3439, aux.acc_seg: 70.1958, loss: 0.6240 2023-11-10 14:32:43,259 - mmseg - INFO - Iter [15500/80000] lr: 3.225e-05, eta: 14:32:47, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2836, decode.acc_seg: 88.2321, aux.loss_ce: 0.3368, aux.acc_seg: 70.6223, loss: 0.6204 2023-11-10 14:33:18,075 - mmseg - INFO - Iter [15550/80000] lr: 3.223e-05, eta: 14:31:42, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2588, decode.acc_seg: 89.1538, aux.loss_ce: 0.3279, aux.acc_seg: 71.4396, loss: 0.5867 2023-11-10 14:33:52,897 - mmseg - INFO - Iter [15600/80000] lr: 3.220e-05, eta: 14:30:38, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3026, decode.acc_seg: 86.8830, aux.loss_ce: 0.3591, aux.acc_seg: 67.3854, loss: 0.6617 2023-11-10 14:34:27,701 - mmseg - INFO - Iter [15650/80000] lr: 3.218e-05, eta: 14:29:34, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2849, decode.acc_seg: 88.2063, aux.loss_ce: 0.3409, aux.acc_seg: 70.6930, loss: 0.6258 2023-11-10 14:35:02,516 - mmseg - INFO - Iter [15700/80000] lr: 3.215e-05, eta: 14:28:30, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2579, decode.acc_seg: 88.9526, aux.loss_ce: 0.3160, aux.acc_seg: 71.6428, loss: 0.5740 2023-11-10 14:35:37,333 - mmseg - INFO - Iter [15750/80000] lr: 3.213e-05, eta: 14:27:26, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2841, decode.acc_seg: 88.3172, aux.loss_ce: 0.3516, aux.acc_seg: 69.2294, loss: 0.6357 2023-11-10 14:36:12,189 - mmseg - INFO - Iter [15800/80000] lr: 3.210e-05, eta: 14:26:22, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2906, decode.acc_seg: 87.9584, aux.loss_ce: 0.3302, aux.acc_seg: 71.4127, loss: 0.6208 2023-11-10 14:36:47,026 - mmseg - INFO - Iter [15850/80000] lr: 3.208e-05, eta: 14:25:19, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2918, decode.acc_seg: 87.6017, aux.loss_ce: 0.3392, aux.acc_seg: 70.1027, loss: 0.6310 2023-11-10 14:37:21,846 - mmseg - INFO - Iter [15900/80000] lr: 3.205e-05, eta: 14:24:16, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2837, decode.acc_seg: 88.0882, aux.loss_ce: 0.3538, aux.acc_seg: 69.6452, loss: 0.6374 2023-11-10 14:37:56,671 - mmseg - INFO - Iter [15950/80000] lr: 3.203e-05, eta: 14:23:13, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2864, decode.acc_seg: 88.0747, aux.loss_ce: 0.3473, aux.acc_seg: 69.8151, loss: 0.6337 2023-11-10 14:38:31,493 - mmseg - INFO - Saving checkpoint at 16000 iterations 2023-11-10 14:39:05,503 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:39:05,504 - mmseg - INFO - Iter [16000/80000] lr: 3.200e-05, eta: 14:24:26, time: 1.377, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2797, decode.acc_seg: 88.3519, aux.loss_ce: 0.3561, aux.acc_seg: 69.2322, loss: 0.6357 2023-11-10 14:40:25,870 - mmseg - INFO - per class results: 2023-11-10 14:40:25,876 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.01 | 86.79 | | building | 82.64 | 94.64 | | sky | 94.33 | 96.42 | | floor | 82.09 | 90.39 | | tree | 74.13 | 88.29 | | ceiling | 84.37 | 92.77 | | road | 83.64 | 87.09 | | bed | 89.55 | 97.23 | | windowpane | 61.87 | 75.38 | | grass | 69.23 | 82.04 | | cabinet | 58.88 | 75.37 | | sidewalk | 63.85 | 81.41 | | person | 81.74 | 91.82 | | earth | 34.52 | 45.21 | | door | 51.34 | 67.68 | | table | 60.09 | 77.98 | | mountain | 59.46 | 74.64 | | plant | 52.9 | 66.06 | | curtain | 71.21 | 85.78 | | chair | 58.66 | 72.28 | | car | 83.06 | 94.99 | | water | 62.37 | 80.64 | | painting | 65.94 | 88.89 | | sofa | 72.05 | 83.02 | | shelf | 33.94 | 40.06 | | house | 36.93 | 45.04 | | sea | 58.79 | 71.5 | | mirror | 72.45 | 82.04 | | rug | 62.24 | 70.54 | | field | 28.55 | 47.39 | | armchair | 49.6 | 69.63 | | seat | 63.2 | 87.0 | | fence | 45.01 | 55.07 | | desk | 49.85 | 76.6 | | rock | 52.47 | 75.6 | | wardrobe | 51.51 | 81.79 | | lamp | 65.28 | 78.97 | | bathtub | 80.48 | 88.31 | | railing | 31.81 | 41.42 | | cushion | 62.42 | 77.07 | | base | 28.59 | 37.94 | | box | 29.12 | 36.23 | | column | 48.25 | 61.72 | | signboard | 34.2 | 44.51 | | chest of drawers | 50.91 | 69.02 | | counter | 36.71 | 40.36 | | sand | 53.05 | 80.62 | | sink | 73.81 | 81.56 | | skyscraper | 63.1 | 92.08 | | fireplace | 73.85 | 87.1 | | refrigerator | 71.8 | 82.37 | | grandstand | 61.92 | 79.46 | | path | 25.94 | 38.89 | | stairs | 34.99 | 40.86 | | runway | 71.98 | 96.95 | | case | 63.44 | 78.9 | | pool table | 93.37 | 96.58 | | pillow | 53.31 | 59.5 | | screen door | 66.04 | 70.17 | | stairway | 31.28 | 41.8 | | river | 12.35 | 18.06 | | bridge | 53.44 | 69.9 | | bookcase | 41.41 | 74.93 | | blind | 24.05 | 27.06 | | coffee table | 59.94 | 85.56 | | toilet | 84.8 | 92.97 | | flower | 42.24 | 57.41 | | book | 47.1 | 64.13 | | hill | 5.6 | 9.9 | | bench | 53.44 | 62.49 | | countertop | 57.64 | 83.27 | | stove | 77.37 | 88.39 | | palm | 52.36 | 64.59 | | kitchen island | 34.21 | 65.51 | | computer | 69.71 | 77.32 | | swivel chair | 43.28 | 72.8 | | boat | 54.47 | 89.69 | | bar | 71.75 | 87.09 | | arcade machine | 79.01 | 86.01 | | hovel | 20.94 | 21.48 | | bus | 90.25 | 95.6 | | towel | 69.58 | 79.09 | | light | 51.46 | 57.25 | | truck | 39.25 | 51.39 | | tower | 24.71 | 34.87 | | chandelier | 66.4 | 76.75 | | awning | 31.3 | 37.98 | | streetlight | 25.39 | 30.31 | | booth | 39.19 | 56.29 | | television receiver | 77.91 | 87.13 | | airplane | 64.3 | 84.29 | | dirt track | 0.47 | 2.37 | | apparel | 53.01 | 75.57 | | pole | 18.5 | 21.46 | | land | 4.37 | 16.48 | | bannister | 9.77 | 13.72 | | escalator | 57.77 | 80.15 | | ottoman | 49.43 | 67.82 | | bottle | 37.4 | 57.38 | | buffet | 44.75 | 52.4 | | poster | 23.21 | 26.83 | | stage | 28.04 | 64.22 | | van | 39.78 | 47.22 | | ship | 68.09 | 81.99 | | fountain | 64.59 | 74.42 | | conveyer belt | 54.92 | 98.33 | | canopy | 56.14 | 74.3 | | washer | 85.13 | 92.22 | | plaything | 18.13 | 30.3 | | swimming pool | 62.19 | 90.87 | | stool | 39.24 | 45.4 | | barrel | 53.08 | 61.41 | | basket | 36.75 | 44.85 | | waterfall | 59.63 | 71.75 | | tent | 93.96 | 97.92 | | bag | 20.17 | 23.11 | | minibike | 71.26 | 86.28 | | cradle | 82.39 | 98.8 | | oven | 60.8 | 69.93 | | ball | 49.45 | 69.27 | | food | 56.9 | 75.77 | | step | 12.29 | 13.45 | | tank | 57.9 | 96.7 | | trade name | 13.89 | 14.68 | | microwave | 84.98 | 92.03 | | pot | 50.19 | 58.12 | | animal | 70.56 | 76.95 | | bicycle | 54.13 | 68.16 | | lake | 52.5 | 73.02 | | dishwasher | 59.96 | 66.97 | | screen | 56.24 | 85.74 | | blanket | 20.81 | 23.26 | | sculpture | 62.47 | 84.49 | | hood | 58.54 | 61.28 | | sconce | 47.33 | 54.32 | | vase | 36.24 | 47.31 | | traffic light | 31.89 | 41.61 | | tray | 12.62 | 20.21 | | ashcan | 45.53 | 56.08 | | fan | 61.97 | 73.85 | | pier | 31.72 | 46.81 | | crt screen | 10.88 | 13.97 | | plate | 53.44 | 69.86 | | monitor | 52.0 | 75.22 | | bulletin board | 41.96 | 50.11 | | shower | 0.23 | 0.48 | | radiator | 59.07 | 68.93 | | glass | 14.05 | 14.71 | | clock | 37.48 | 44.36 | | flag | 58.04 | 62.75 | +---------------------+-------+-------+ 2023-11-10 14:40:25,876 - mmseg - INFO - Summary: 2023-11-10 14:40:25,876 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.51 | 51.99 | 64.93 | +-------+-------+-------+ 2023-11-10 14:40:25,877 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:40:25,877 - mmseg - INFO - Iter(val) [250] aAcc: 0.8351, mIoU: 0.5199, mAcc: 0.6493, IoU.wall: 0.7801, IoU.building: 0.8264, IoU.sky: 0.9433, IoU.floor: 0.8209, IoU.tree: 0.7413, IoU.ceiling: 0.8437, IoU.road: 0.8364, IoU.bed : 0.8955, IoU.windowpane: 0.6187, IoU.grass: 0.6923, IoU.cabinet: 0.5888, IoU.sidewalk: 0.6385, IoU.person: 0.8174, IoU.earth: 0.3452, IoU.door: 0.5134, IoU.table: 0.6009, IoU.mountain: 0.5946, IoU.plant: 0.5290, IoU.curtain: 0.7121, IoU.chair: 0.5866, IoU.car: 0.8306, IoU.water: 0.6237, IoU.painting: 0.6594, IoU.sofa: 0.7205, IoU.shelf: 0.3394, IoU.house: 0.3693, IoU.sea: 0.5879, IoU.mirror: 0.7245, IoU.rug: 0.6224, IoU.field: 0.2855, IoU.armchair: 0.4960, IoU.seat: 0.6320, IoU.fence: 0.4501, IoU.desk: 0.4985, IoU.rock: 0.5247, IoU.wardrobe: 0.5151, IoU.lamp: 0.6528, IoU.bathtub: 0.8048, IoU.railing: 0.3181, IoU.cushion: 0.6242, IoU.base: 0.2859, IoU.box: 0.2912, IoU.column: 0.4825, IoU.signboard: 0.3420, IoU.chest of drawers: 0.5091, IoU.counter: 0.3671, IoU.sand: 0.5305, IoU.sink: 0.7381, IoU.skyscraper: 0.6310, IoU.fireplace: 0.7385, IoU.refrigerator: 0.7180, IoU.grandstand: 0.6192, IoU.path: 0.2594, IoU.stairs: 0.3499, IoU.runway: 0.7198, IoU.case: 0.6344, IoU.pool table: 0.9337, IoU.pillow: 0.5331, IoU.screen door: 0.6604, IoU.stairway: 0.3128, IoU.river: 0.1235, IoU.bridge: 0.5344, IoU.bookcase: 0.4141, IoU.blind: 0.2405, IoU.coffee table: 0.5994, IoU.toilet: 0.8480, IoU.flower: 0.4224, IoU.book: 0.4710, IoU.hill: 0.0560, IoU.bench: 0.5344, IoU.countertop: 0.5764, IoU.stove: 0.7737, IoU.palm: 0.5236, IoU.kitchen island: 0.3421, IoU.computer: 0.6971, IoU.swivel chair: 0.4328, IoU.boat: 0.5447, IoU.bar: 0.7175, IoU.arcade machine: 0.7901, IoU.hovel: 0.2094, IoU.bus: 0.9025, IoU.towel: 0.6958, IoU.light: 0.5146, IoU.truck: 0.3925, IoU.tower: 0.2471, IoU.chandelier: 0.6640, IoU.awning: 0.3130, IoU.streetlight: 0.2539, IoU.booth: 0.3919, IoU.television receiver: 0.7791, IoU.airplane: 0.6430, IoU.dirt track: 0.0047, IoU.apparel: 0.5301, IoU.pole: 0.1850, IoU.land: 0.0437, IoU.bannister: 0.0977, IoU.escalator: 0.5777, IoU.ottoman: 0.4943, IoU.bottle: 0.3740, IoU.buffet: 0.4475, IoU.poster: 0.2321, IoU.stage: 0.2804, IoU.van: 0.3978, IoU.ship: 0.6809, IoU.fountain: 0.6459, IoU.conveyer belt: 0.5492, IoU.canopy: 0.5614, IoU.washer: 0.8513, IoU.plaything: 0.1813, IoU.swimming pool: 0.6219, IoU.stool: 0.3924, IoU.barrel: 0.5308, IoU.basket: 0.3675, IoU.waterfall: 0.5963, IoU.tent: 0.9396, IoU.bag: 0.2017, IoU.minibike: 0.7126, IoU.cradle: 0.8239, IoU.oven: 0.6080, IoU.ball: 0.4945, IoU.food: 0.5690, IoU.step: 0.1229, IoU.tank: 0.5790, IoU.trade name: 0.1389, IoU.microwave: 0.8498, IoU.pot: 0.5019, IoU.animal: 0.7056, IoU.bicycle: 0.5413, IoU.lake: 0.5250, IoU.dishwasher: 0.5996, IoU.screen: 0.5624, IoU.blanket: 0.2081, IoU.sculpture: 0.6247, IoU.hood: 0.5854, IoU.sconce: 0.4733, IoU.vase: 0.3624, IoU.traffic light: 0.3189, IoU.tray: 0.1262, IoU.ashcan: 0.4553, IoU.fan: 0.6197, IoU.pier: 0.3172, IoU.crt screen: 0.1088, IoU.plate: 0.5344, IoU.monitor: 0.5200, IoU.bulletin board: 0.4196, IoU.shower: 0.0023, IoU.radiator: 0.5907, IoU.glass: 0.1405, IoU.clock: 0.3748, IoU.flag: 0.5804, Acc.wall: 0.8679, Acc.building: 0.9464, Acc.sky: 0.9642, Acc.floor: 0.9039, Acc.tree: 0.8829, Acc.ceiling: 0.9277, Acc.road: 0.8709, Acc.bed : 0.9723, Acc.windowpane: 0.7538, Acc.grass: 0.8204, Acc.cabinet: 0.7537, Acc.sidewalk: 0.8141, Acc.person: 0.9182, Acc.earth: 0.4521, Acc.door: 0.6768, Acc.table: 0.7798, Acc.mountain: 0.7464, Acc.plant: 0.6606, Acc.curtain: 0.8578, Acc.chair: 0.7228, Acc.car: 0.9499, Acc.water: 0.8064, Acc.painting: 0.8889, Acc.sofa: 0.8302, Acc.shelf: 0.4006, Acc.house: 0.4504, Acc.sea: 0.7150, Acc.mirror: 0.8204, Acc.rug: 0.7054, Acc.field: 0.4739, Acc.armchair: 0.6963, Acc.seat: 0.8700, Acc.fence: 0.5507, Acc.desk: 0.7660, Acc.rock: 0.7560, Acc.wardrobe: 0.8179, Acc.lamp: 0.7897, Acc.bathtub: 0.8831, Acc.railing: 0.4142, Acc.cushion: 0.7707, Acc.base: 0.3794, Acc.box: 0.3623, Acc.column: 0.6172, Acc.signboard: 0.4451, Acc.chest of drawers: 0.6902, Acc.counter: 0.4036, Acc.sand: 0.8062, Acc.sink: 0.8156, Acc.skyscraper: 0.9208, Acc.fireplace: 0.8710, Acc.refrigerator: 0.8237, Acc.grandstand: 0.7946, Acc.path: 0.3889, Acc.stairs: 0.4086, Acc.runway: 0.9695, Acc.case: 0.7890, Acc.pool table: 0.9658, Acc.pillow: 0.5950, Acc.screen door: 0.7017, Acc.stairway: 0.4180, Acc.river: 0.1806, Acc.bridge: 0.6990, Acc.bookcase: 0.7493, Acc.blind: 0.2706, Acc.coffee table: 0.8556, Acc.toilet: 0.9297, Acc.flower: 0.5741, Acc.book: 0.6413, Acc.hill: 0.0990, Acc.bench: 0.6249, Acc.countertop: 0.8327, Acc.stove: 0.8839, Acc.palm: 0.6459, Acc.kitchen island: 0.6551, Acc.computer: 0.7732, Acc.swivel chair: 0.7280, Acc.boat: 0.8969, Acc.bar: 0.8709, Acc.arcade machine: 0.8601, Acc.hovel: 0.2148, Acc.bus: 0.9560, Acc.towel: 0.7909, Acc.light: 0.5725, Acc.truck: 0.5139, Acc.tower: 0.3487, Acc.chandelier: 0.7675, Acc.awning: 0.3798, Acc.streetlight: 0.3031, Acc.booth: 0.5629, Acc.television receiver: 0.8713, Acc.airplane: 0.8429, Acc.dirt track: 0.0237, Acc.apparel: 0.7557, Acc.pole: 0.2146, Acc.land: 0.1648, Acc.bannister: 0.1372, Acc.escalator: 0.8015, Acc.ottoman: 0.6782, Acc.bottle: 0.5738, Acc.buffet: 0.5240, Acc.poster: 0.2683, Acc.stage: 0.6422, Acc.van: 0.4722, Acc.ship: 0.8199, Acc.fountain: 0.7442, Acc.conveyer belt: 0.9833, Acc.canopy: 0.7430, Acc.washer: 0.9222, Acc.plaything: 0.3030, Acc.swimming pool: 0.9087, Acc.stool: 0.4540, Acc.barrel: 0.6141, Acc.basket: 0.4485, Acc.waterfall: 0.7175, Acc.tent: 0.9792, Acc.bag: 0.2311, Acc.minibike: 0.8628, Acc.cradle: 0.9880, Acc.oven: 0.6993, Acc.ball: 0.6927, Acc.food: 0.7577, Acc.step: 0.1345, Acc.tank: 0.9670, Acc.trade name: 0.1468, Acc.microwave: 0.9203, Acc.pot: 0.5812, Acc.animal: 0.7695, Acc.bicycle: 0.6816, Acc.lake: 0.7302, Acc.dishwasher: 0.6697, Acc.screen: 0.8574, Acc.blanket: 0.2326, Acc.sculpture: 0.8449, Acc.hood: 0.6128, Acc.sconce: 0.5432, Acc.vase: 0.4731, Acc.traffic light: 0.4161, Acc.tray: 0.2021, Acc.ashcan: 0.5608, Acc.fan: 0.7385, Acc.pier: 0.4681, Acc.crt screen: 0.1397, Acc.plate: 0.6986, Acc.monitor: 0.7522, Acc.bulletin board: 0.5011, Acc.shower: 0.0048, Acc.radiator: 0.6893, Acc.glass: 0.1471, Acc.clock: 0.4436, Acc.flag: 0.6275 2023-11-10 14:41:00,750 - mmseg - INFO - Iter [16050/80000] lr: 3.198e-05, eta: 14:28:43, time: 2.305, data_time: 1.615, memory: 60073, decode.loss_ce: 0.2782, decode.acc_seg: 88.5273, aux.loss_ce: 0.3410, aux.acc_seg: 69.9193, loss: 0.6192 2023-11-10 14:41:35,538 - mmseg - INFO - Iter [16100/80000] lr: 3.195e-05, eta: 14:27:39, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2931, decode.acc_seg: 87.4246, aux.loss_ce: 0.3304, aux.acc_seg: 70.3424, loss: 0.6235 2023-11-10 14:42:10,304 - mmseg - INFO - Iter [16150/80000] lr: 3.193e-05, eta: 14:26:34, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2704, decode.acc_seg: 88.6299, aux.loss_ce: 0.3301, aux.acc_seg: 71.2727, loss: 0.6005 2023-11-10 14:42:45,072 - mmseg - INFO - Iter [16200/80000] lr: 3.190e-05, eta: 14:25:30, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2895, decode.acc_seg: 88.2420, aux.loss_ce: 0.3490, aux.acc_seg: 70.3068, loss: 0.6386 2023-11-10 14:43:19,858 - mmseg - INFO - Iter [16250/80000] lr: 3.188e-05, eta: 14:24:26, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3024, decode.acc_seg: 87.0870, aux.loss_ce: 0.3577, aux.acc_seg: 68.6777, loss: 0.6601 2023-11-10 14:43:54,639 - mmseg - INFO - Iter [16300/80000] lr: 3.185e-05, eta: 14:23:23, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2945, decode.acc_seg: 87.3724, aux.loss_ce: 0.3465, aux.acc_seg: 70.0142, loss: 0.6410 2023-11-10 14:44:29,417 - mmseg - INFO - Iter [16350/80000] lr: 3.183e-05, eta: 14:22:19, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.3021, decode.acc_seg: 87.3142, aux.loss_ce: 0.3363, aux.acc_seg: 70.3463, loss: 0.6384 2023-11-10 14:45:04,195 - mmseg - INFO - Iter [16400/80000] lr: 3.180e-05, eta: 14:21:16, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2972, decode.acc_seg: 87.2829, aux.loss_ce: 0.3455, aux.acc_seg: 69.9048, loss: 0.6427 2023-11-10 14:45:41,294 - mmseg - INFO - Iter [16450/80000] lr: 3.178e-05, eta: 14:20:21, time: 0.742, data_time: 0.051, memory: 60073, decode.loss_ce: 0.2758, decode.acc_seg: 88.5486, aux.loss_ce: 0.3394, aux.acc_seg: 70.9299, loss: 0.6152 2023-11-10 14:46:16,120 - mmseg - INFO - Iter [16500/80000] lr: 3.175e-05, eta: 14:19:18, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2577, decode.acc_seg: 89.2863, aux.loss_ce: 0.3283, aux.acc_seg: 71.0002, loss: 0.5861 2023-11-10 14:46:50,920 - mmseg - INFO - Iter [16550/80000] lr: 3.173e-05, eta: 14:18:16, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2671, decode.acc_seg: 88.8632, aux.loss_ce: 0.3243, aux.acc_seg: 71.4194, loss: 0.5913 2023-11-10 14:47:25,729 - mmseg - INFO - Iter [16600/80000] lr: 3.170e-05, eta: 14:17:13, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2730, decode.acc_seg: 88.3613, aux.loss_ce: 0.3455, aux.acc_seg: 69.4422, loss: 0.6184 2023-11-10 14:48:00,529 - mmseg - INFO - Iter [16650/80000] lr: 3.168e-05, eta: 14:16:10, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2707, decode.acc_seg: 88.4885, aux.loss_ce: 0.3432, aux.acc_seg: 69.8517, loss: 0.6138 2023-11-10 14:48:35,349 - mmseg - INFO - Iter [16700/80000] lr: 3.165e-05, eta: 14:15:08, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2802, decode.acc_seg: 88.2448, aux.loss_ce: 0.3328, aux.acc_seg: 70.7420, loss: 0.6130 2023-11-10 14:49:10,158 - mmseg - INFO - Iter [16750/80000] lr: 3.163e-05, eta: 14:14:06, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2857, decode.acc_seg: 88.2069, aux.loss_ce: 0.3517, aux.acc_seg: 70.1310, loss: 0.6374 2023-11-10 14:49:45,009 - mmseg - INFO - Iter [16800/80000] lr: 3.160e-05, eta: 14:13:04, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2801, decode.acc_seg: 88.0949, aux.loss_ce: 0.3344, aux.acc_seg: 70.5374, loss: 0.6145 2023-11-10 14:50:19,824 - mmseg - INFO - Iter [16850/80000] lr: 3.158e-05, eta: 14:12:03, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2541, decode.acc_seg: 89.5158, aux.loss_ce: 0.3207, aux.acc_seg: 71.8119, loss: 0.5748 2023-11-10 14:50:54,637 - mmseg - INFO - Iter [16900/80000] lr: 3.155e-05, eta: 14:11:01, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2696, decode.acc_seg: 88.5805, aux.loss_ce: 0.3298, aux.acc_seg: 71.1955, loss: 0.5994 2023-11-10 14:51:29,445 - mmseg - INFO - Iter [16950/80000] lr: 3.153e-05, eta: 14:09:59, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2586, decode.acc_seg: 89.3279, aux.loss_ce: 0.3397, aux.acc_seg: 70.6867, loss: 0.5984 2023-11-10 14:52:04,269 - mmseg - INFO - Saving checkpoint at 17000 iterations 2023-11-10 14:52:38,209 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:52:38,209 - mmseg - INFO - Iter [17000/80000] lr: 3.150e-05, eta: 14:11:04, time: 1.375, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2834, decode.acc_seg: 88.0837, aux.loss_ce: 0.3467, aux.acc_seg: 69.9222, loss: 0.6301 2023-11-10 14:53:58,482 - mmseg - INFO - per class results: 2023-11-10 14:53:58,492 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.96 | 86.04 | | building | 83.55 | 90.78 | | sky | 94.47 | 96.7 | | floor | 82.41 | 89.63 | | tree | 75.03 | 89.41 | | ceiling | 83.99 | 91.12 | | road | 84.31 | 89.23 | | bed | 90.19 | 96.85 | | windowpane | 62.3 | 82.85 | | grass | 68.04 | 77.06 | | cabinet | 60.31 | 72.99 | | sidewalk | 65.39 | 81.94 | | person | 80.98 | 93.55 | | earth | 38.68 | 54.18 | | door | 49.84 | 65.98 | | table | 61.84 | 74.69 | | mountain | 61.18 | 78.78 | | plant | 52.76 | 65.04 | | curtain | 74.88 | 86.25 | | chair | 58.0 | 72.69 | | car | 84.3 | 94.46 | | water | 57.88 | 71.97 | | painting | 71.6 | 88.68 | | sofa | 69.5 | 88.31 | | shelf | 43.55 | 59.44 | | house | 52.29 | 74.47 | | sea | 58.76 | 68.1 | | mirror | 72.92 | 86.97 | | rug | 64.8 | 76.05 | | field | 33.5 | 66.51 | | armchair | 46.24 | 59.87 | | seat | 58.7 | 86.38 | | fence | 44.37 | 56.64 | | desk | 48.29 | 81.51 | | rock | 48.84 | 60.6 | | wardrobe | 54.97 | 76.55 | | lamp | 64.66 | 81.43 | | bathtub | 81.31 | 87.06 | | railing | 34.61 | 50.76 | | cushion | 59.68 | 80.12 | | base | 30.95 | 50.77 | | box | 32.6 | 46.17 | | column | 49.3 | 60.84 | | signboard | 34.92 | 57.11 | | chest of drawers | 44.75 | 59.16 | | counter | 44.52 | 59.15 | | sand | 44.23 | 63.84 | | sink | 75.31 | 84.21 | | skyscraper | 57.76 | 76.48 | | fireplace | 71.89 | 83.47 | | refrigerator | 67.29 | 90.89 | | grandstand | 43.95 | 76.03 | | path | 26.6 | 37.59 | | stairs | 38.58 | 56.09 | | runway | 73.4 | 94.22 | | case | 64.31 | 72.78 | | pool table | 92.33 | 98.46 | | pillow | 55.24 | 61.47 | | screen door | 61.81 | 74.91 | | stairway | 38.57 | 41.09 | | river | 12.74 | 34.23 | | bridge | 64.12 | 76.21 | | bookcase | 39.93 | 57.33 | | blind | 34.48 | 38.79 | | coffee table | 61.13 | 83.48 | | toilet | 84.26 | 93.53 | | flower | 42.93 | 73.77 | | book | 52.23 | 78.23 | | hill | 5.53 | 7.25 | | bench | 51.46 | 61.54 | | countertop | 59.69 | 74.12 | | stove | 79.25 | 86.25 | | palm | 54.17 | 77.63 | | kitchen island | 41.52 | 69.63 | | computer | 70.9 | 93.85 | | swivel chair | 41.53 | 79.46 | | boat | 65.71 | 84.5 | | bar | 68.24 | 78.02 | | arcade machine | 78.84 | 96.36 | | hovel | 46.88 | 56.24 | | bus | 88.6 | 96.37 | | towel | 71.6 | 83.4 | | light | 54.65 | 68.86 | | truck | 37.19 | 49.89 | | tower | 29.91 | 59.19 | | chandelier | 67.31 | 85.74 | | awning | 37.94 | 47.24 | | streetlight | 29.15 | 38.87 | | booth | 37.94 | 53.62 | | television receiver | 75.16 | 90.55 | | airplane | 61.84 | 79.83 | | dirt track | 0.04 | 0.08 | | apparel | 56.39 | 71.07 | | pole | 20.44 | 26.48 | | land | 3.31 | 7.06 | | bannister | 6.93 | 10.01 | | escalator | 56.81 | 83.16 | | ottoman | 50.21 | 67.15 | | bottle | 39.31 | 73.11 | | buffet | 51.97 | 70.72 | | poster | 28.44 | 40.53 | | stage | 16.43 | 27.55 | | van | 43.61 | 56.06 | | ship | 67.87 | 72.15 | | fountain | 64.88 | 68.29 | | conveyer belt | 55.74 | 98.46 | | canopy | 58.28 | 78.86 | | washer | 82.04 | 91.06 | | plaything | 22.3 | 36.5 | | swimming pool | 65.7 | 86.22 | | stool | 44.98 | 58.15 | | barrel | 48.55 | 54.25 | | basket | 34.09 | 40.75 | | waterfall | 60.43 | 67.47 | | tent | 93.69 | 98.54 | | bag | 14.68 | 15.6 | | minibike | 71.85 | 88.56 | | cradle | 86.31 | 97.01 | | oven | 56.69 | 68.33 | | ball | 54.64 | 68.28 | | food | 61.6 | 79.62 | | step | 15.12 | 16.56 | | tank | 71.62 | 92.07 | | trade name | 23.14 | 26.5 | | microwave | 82.53 | 95.01 | | pot | 48.3 | 55.7 | | animal | 66.54 | 69.01 | | bicycle | 58.11 | 73.54 | | lake | 46.14 | 61.38 | | dishwasher | 62.51 | 71.67 | | screen | 54.25 | 84.5 | | blanket | 20.6 | 23.18 | | sculpture | 66.85 | 80.59 | | hood | 64.61 | 74.26 | | sconce | 52.05 | 67.29 | | vase | 38.77 | 60.49 | | traffic light | 31.74 | 51.87 | | tray | 10.42 | 14.41 | | ashcan | 43.49 | 57.57 | | fan | 62.88 | 80.14 | | pier | 29.21 | 45.48 | | crt screen | 3.47 | 3.95 | | plate | 55.19 | 73.09 | | monitor | 54.84 | 79.94 | | bulletin board | 38.2 | 58.22 | | shower | 0.36 | 0.36 | | radiator | 60.45 | 74.69 | | glass | 17.29 | 18.57 | | clock | 37.35 | 42.68 | | flag | 60.95 | 67.47 | +---------------------+-------+-------+ 2023-11-10 14:53:58,492 - mmseg - INFO - Summary: 2023-11-10 14:53:58,492 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.74 | 52.98 | 67.01 | +-------+-------+-------+ 2023-11-10 14:53:58,493 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 14:53:58,494 - mmseg - INFO - Iter(val) [250] aAcc: 0.8374, mIoU: 0.5298, mAcc: 0.6701, IoU.wall: 0.7796, IoU.building: 0.8355, IoU.sky: 0.9447, IoU.floor: 0.8241, IoU.tree: 0.7503, IoU.ceiling: 0.8399, IoU.road: 0.8431, IoU.bed : 0.9019, IoU.windowpane: 0.6230, IoU.grass: 0.6804, IoU.cabinet: 0.6031, IoU.sidewalk: 0.6539, IoU.person: 0.8098, IoU.earth: 0.3868, IoU.door: 0.4984, IoU.table: 0.6184, IoU.mountain: 0.6118, IoU.plant: 0.5276, IoU.curtain: 0.7488, IoU.chair: 0.5800, IoU.car: 0.8430, IoU.water: 0.5788, IoU.painting: 0.7160, IoU.sofa: 0.6950, IoU.shelf: 0.4355, IoU.house: 0.5229, IoU.sea: 0.5876, IoU.mirror: 0.7292, IoU.rug: 0.6480, IoU.field: 0.3350, IoU.armchair: 0.4624, IoU.seat: 0.5870, IoU.fence: 0.4437, IoU.desk: 0.4829, IoU.rock: 0.4884, IoU.wardrobe: 0.5497, IoU.lamp: 0.6466, IoU.bathtub: 0.8131, IoU.railing: 0.3461, IoU.cushion: 0.5968, IoU.base: 0.3095, IoU.box: 0.3260, IoU.column: 0.4930, IoU.signboard: 0.3492, IoU.chest of drawers: 0.4475, IoU.counter: 0.4452, IoU.sand: 0.4423, IoU.sink: 0.7531, IoU.skyscraper: 0.5776, IoU.fireplace: 0.7189, IoU.refrigerator: 0.6729, IoU.grandstand: 0.4395, IoU.path: 0.2660, IoU.stairs: 0.3858, IoU.runway: 0.7340, IoU.case: 0.6431, IoU.pool table: 0.9233, IoU.pillow: 0.5524, IoU.screen door: 0.6181, IoU.stairway: 0.3857, IoU.river: 0.1274, IoU.bridge: 0.6412, IoU.bookcase: 0.3993, IoU.blind: 0.3448, IoU.coffee table: 0.6113, IoU.toilet: 0.8426, IoU.flower: 0.4293, IoU.book: 0.5223, IoU.hill: 0.0553, IoU.bench: 0.5146, IoU.countertop: 0.5969, IoU.stove: 0.7925, IoU.palm: 0.5417, IoU.kitchen island: 0.4152, IoU.computer: 0.7090, IoU.swivel chair: 0.4153, IoU.boat: 0.6571, IoU.bar: 0.6824, IoU.arcade machine: 0.7884, IoU.hovel: 0.4688, IoU.bus: 0.8860, IoU.towel: 0.7160, IoU.light: 0.5465, IoU.truck: 0.3719, IoU.tower: 0.2991, IoU.chandelier: 0.6731, IoU.awning: 0.3794, IoU.streetlight: 0.2915, IoU.booth: 0.3794, IoU.television receiver: 0.7516, IoU.airplane: 0.6184, IoU.dirt track: 0.0004, IoU.apparel: 0.5639, IoU.pole: 0.2044, IoU.land: 0.0331, IoU.bannister: 0.0693, IoU.escalator: 0.5681, IoU.ottoman: 0.5021, IoU.bottle: 0.3931, IoU.buffet: 0.5197, IoU.poster: 0.2844, IoU.stage: 0.1643, IoU.van: 0.4361, IoU.ship: 0.6787, IoU.fountain: 0.6488, IoU.conveyer belt: 0.5574, IoU.canopy: 0.5828, IoU.washer: 0.8204, IoU.plaything: 0.2230, IoU.swimming pool: 0.6570, IoU.stool: 0.4498, IoU.barrel: 0.4855, IoU.basket: 0.3409, IoU.waterfall: 0.6043, IoU.tent: 0.9369, IoU.bag: 0.1468, IoU.minibike: 0.7185, IoU.cradle: 0.8631, IoU.oven: 0.5669, IoU.ball: 0.5464, IoU.food: 0.6160, IoU.step: 0.1512, IoU.tank: 0.7162, IoU.trade name: 0.2314, IoU.microwave: 0.8253, IoU.pot: 0.4830, IoU.animal: 0.6654, IoU.bicycle: 0.5811, IoU.lake: 0.4614, IoU.dishwasher: 0.6251, IoU.screen: 0.5425, IoU.blanket: 0.2060, IoU.sculpture: 0.6685, IoU.hood: 0.6461, IoU.sconce: 0.5205, IoU.vase: 0.3877, IoU.traffic light: 0.3174, IoU.tray: 0.1042, IoU.ashcan: 0.4349, IoU.fan: 0.6288, IoU.pier: 0.2921, IoU.crt screen: 0.0347, IoU.plate: 0.5519, IoU.monitor: 0.5484, IoU.bulletin board: 0.3820, IoU.shower: 0.0036, IoU.radiator: 0.6045, IoU.glass: 0.1729, IoU.clock: 0.3735, IoU.flag: 0.6095, Acc.wall: 0.8604, Acc.building: 0.9078, Acc.sky: 0.9670, Acc.floor: 0.8963, Acc.tree: 0.8941, Acc.ceiling: 0.9112, Acc.road: 0.8923, Acc.bed : 0.9685, Acc.windowpane: 0.8285, Acc.grass: 0.7706, Acc.cabinet: 0.7299, Acc.sidewalk: 0.8194, Acc.person: 0.9355, Acc.earth: 0.5418, Acc.door: 0.6598, Acc.table: 0.7469, Acc.mountain: 0.7878, Acc.plant: 0.6504, Acc.curtain: 0.8625, Acc.chair: 0.7269, Acc.car: 0.9446, Acc.water: 0.7197, Acc.painting: 0.8868, Acc.sofa: 0.8831, Acc.shelf: 0.5944, Acc.house: 0.7447, Acc.sea: 0.6810, Acc.mirror: 0.8697, Acc.rug: 0.7605, Acc.field: 0.6651, Acc.armchair: 0.5987, Acc.seat: 0.8638, Acc.fence: 0.5664, Acc.desk: 0.8151, Acc.rock: 0.6060, Acc.wardrobe: 0.7655, Acc.lamp: 0.8143, Acc.bathtub: 0.8706, Acc.railing: 0.5076, Acc.cushion: 0.8012, Acc.base: 0.5077, Acc.box: 0.4617, Acc.column: 0.6084, Acc.signboard: 0.5711, Acc.chest of drawers: 0.5916, Acc.counter: 0.5915, Acc.sand: 0.6384, Acc.sink: 0.8421, Acc.skyscraper: 0.7648, Acc.fireplace: 0.8347, Acc.refrigerator: 0.9089, Acc.grandstand: 0.7603, Acc.path: 0.3759, Acc.stairs: 0.5609, Acc.runway: 0.9422, Acc.case: 0.7278, Acc.pool table: 0.9846, Acc.pillow: 0.6147, Acc.screen door: 0.7491, Acc.stairway: 0.4109, Acc.river: 0.3423, Acc.bridge: 0.7621, Acc.bookcase: 0.5733, Acc.blind: 0.3879, Acc.coffee table: 0.8348, Acc.toilet: 0.9353, Acc.flower: 0.7377, Acc.book: 0.7823, Acc.hill: 0.0725, Acc.bench: 0.6154, Acc.countertop: 0.7412, Acc.stove: 0.8625, Acc.palm: 0.7763, Acc.kitchen island: 0.6963, Acc.computer: 0.9385, Acc.swivel chair: 0.7946, Acc.boat: 0.8450, Acc.bar: 0.7802, Acc.arcade machine: 0.9636, Acc.hovel: 0.5624, Acc.bus: 0.9637, Acc.towel: 0.8340, Acc.light: 0.6886, Acc.truck: 0.4989, Acc.tower: 0.5919, Acc.chandelier: 0.8574, Acc.awning: 0.4724, Acc.streetlight: 0.3887, Acc.booth: 0.5362, Acc.television receiver: 0.9055, Acc.airplane: 0.7983, Acc.dirt track: 0.0008, Acc.apparel: 0.7107, Acc.pole: 0.2648, Acc.land: 0.0706, Acc.bannister: 0.1001, Acc.escalator: 0.8316, Acc.ottoman: 0.6715, Acc.bottle: 0.7311, Acc.buffet: 0.7072, Acc.poster: 0.4053, Acc.stage: 0.2755, Acc.van: 0.5606, Acc.ship: 0.7215, Acc.fountain: 0.6829, Acc.conveyer belt: 0.9846, Acc.canopy: 0.7886, Acc.washer: 0.9106, Acc.plaything: 0.3650, Acc.swimming pool: 0.8622, Acc.stool: 0.5815, Acc.barrel: 0.5425, Acc.basket: 0.4075, Acc.waterfall: 0.6747, Acc.tent: 0.9854, Acc.bag: 0.1560, Acc.minibike: 0.8856, Acc.cradle: 0.9701, Acc.oven: 0.6833, Acc.ball: 0.6828, Acc.food: 0.7962, Acc.step: 0.1656, Acc.tank: 0.9207, Acc.trade name: 0.2650, Acc.microwave: 0.9501, Acc.pot: 0.5570, Acc.animal: 0.6901, Acc.bicycle: 0.7354, Acc.lake: 0.6138, Acc.dishwasher: 0.7167, Acc.screen: 0.8450, Acc.blanket: 0.2318, Acc.sculpture: 0.8059, Acc.hood: 0.7426, Acc.sconce: 0.6729, Acc.vase: 0.6049, Acc.traffic light: 0.5187, Acc.tray: 0.1441, Acc.ashcan: 0.5757, Acc.fan: 0.8014, Acc.pier: 0.4548, Acc.crt screen: 0.0395, Acc.plate: 0.7309, Acc.monitor: 0.7994, Acc.bulletin board: 0.5822, Acc.shower: 0.0036, Acc.radiator: 0.7469, Acc.glass: 0.1857, Acc.clock: 0.4268, Acc.flag: 0.6747 2023-11-10 14:54:33,388 - mmseg - INFO - Iter [17050/80000] lr: 3.148e-05, eta: 14:14:59, time: 2.304, data_time: 1.613, memory: 60073, decode.loss_ce: 0.2683, decode.acc_seg: 88.7514, aux.loss_ce: 0.3256, aux.acc_seg: 71.4308, loss: 0.5939 2023-11-10 14:55:08,214 - mmseg - INFO - Iter [17100/80000] lr: 3.145e-05, eta: 14:13:56, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2918, decode.acc_seg: 87.9507, aux.loss_ce: 0.3522, aux.acc_seg: 69.3325, loss: 0.6440 2023-11-10 14:55:43,018 - mmseg - INFO - Iter [17150/80000] lr: 3.143e-05, eta: 14:12:54, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2811, decode.acc_seg: 88.0887, aux.loss_ce: 0.3450, aux.acc_seg: 69.0629, loss: 0.6261 2023-11-10 14:56:17,811 - mmseg - INFO - Iter [17200/80000] lr: 3.140e-05, eta: 14:11:52, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2718, decode.acc_seg: 88.5380, aux.loss_ce: 0.3316, aux.acc_seg: 70.8010, loss: 0.6034 2023-11-10 14:56:52,594 - mmseg - INFO - Iter [17250/80000] lr: 3.138e-05, eta: 14:10:50, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2685, decode.acc_seg: 88.4670, aux.loss_ce: 0.3297, aux.acc_seg: 70.5126, loss: 0.5983 2023-11-10 14:57:27,398 - mmseg - INFO - Iter [17300/80000] lr: 3.135e-05, eta: 14:09:48, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2663, decode.acc_seg: 89.0521, aux.loss_ce: 0.3375, aux.acc_seg: 70.3387, loss: 0.6039 2023-11-10 14:58:02,199 - mmseg - INFO - Iter [17350/80000] lr: 3.133e-05, eta: 14:08:46, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2718, decode.acc_seg: 88.4171, aux.loss_ce: 0.3367, aux.acc_seg: 70.0476, loss: 0.6085 2023-11-10 14:58:37,004 - mmseg - INFO - Iter [17400/80000] lr: 3.130e-05, eta: 14:07:44, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2675, decode.acc_seg: 88.7155, aux.loss_ce: 0.3385, aux.acc_seg: 70.2878, loss: 0.6060 2023-11-10 14:59:11,818 - mmseg - INFO - Iter [17450/80000] lr: 3.128e-05, eta: 14:06:43, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2554, decode.acc_seg: 89.1107, aux.loss_ce: 0.3269, aux.acc_seg: 70.3726, loss: 0.5823 2023-11-10 14:59:46,628 - mmseg - INFO - Iter [17500/80000] lr: 3.125e-05, eta: 14:05:41, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2839, decode.acc_seg: 88.2157, aux.loss_ce: 0.3392, aux.acc_seg: 70.7569, loss: 0.6230 2023-11-10 15:00:21,438 - mmseg - INFO - Iter [17550/80000] lr: 3.123e-05, eta: 14:04:40, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2840, decode.acc_seg: 88.3813, aux.loss_ce: 0.3443, aux.acc_seg: 69.7335, loss: 0.6283 2023-11-10 15:00:56,242 - mmseg - INFO - Iter [17600/80000] lr: 3.120e-05, eta: 14:03:39, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2768, decode.acc_seg: 88.4898, aux.loss_ce: 0.3259, aux.acc_seg: 71.9604, loss: 0.6027 2023-11-10 15:01:31,006 - mmseg - INFO - Iter [17650/80000] lr: 3.118e-05, eta: 14:02:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2832, decode.acc_seg: 87.9164, aux.loss_ce: 0.3486, aux.acc_seg: 69.2507, loss: 0.6317 2023-11-10 15:02:08,070 - mmseg - INFO - Iter [17700/80000] lr: 3.115e-05, eta: 14:01:45, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.2813, decode.acc_seg: 88.1652, aux.loss_ce: 0.3459, aux.acc_seg: 69.5510, loss: 0.6272 2023-11-10 15:02:42,887 - mmseg - INFO - Iter [17750/80000] lr: 3.113e-05, eta: 14:00:45, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2605, decode.acc_seg: 89.1089, aux.loss_ce: 0.3236, aux.acc_seg: 71.1167, loss: 0.5841 2023-11-10 15:03:17,699 - mmseg - INFO - Iter [17800/80000] lr: 3.110e-05, eta: 13:59:44, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2532, decode.acc_seg: 89.2249, aux.loss_ce: 0.3288, aux.acc_seg: 70.5453, loss: 0.5820 2023-11-10 15:03:52,471 - mmseg - INFO - Iter [17850/80000] lr: 3.108e-05, eta: 13:58:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2576, decode.acc_seg: 89.5184, aux.loss_ce: 0.3378, aux.acc_seg: 70.7011, loss: 0.5954 2023-11-10 15:04:27,252 - mmseg - INFO - Iter [17900/80000] lr: 3.105e-05, eta: 13:57:43, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2607, decode.acc_seg: 89.3536, aux.loss_ce: 0.3284, aux.acc_seg: 71.3593, loss: 0.5891 2023-11-10 15:05:02,013 - mmseg - INFO - Iter [17950/80000] lr: 3.103e-05, eta: 13:56:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2611, decode.acc_seg: 88.8839, aux.loss_ce: 0.3433, aux.acc_seg: 69.7825, loss: 0.6044 2023-11-10 15:05:36,821 - mmseg - INFO - Saving checkpoint at 18000 iterations 2023-11-10 15:06:07,531 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:06:07,531 - mmseg - INFO - Iter [18000/80000] lr: 3.100e-05, eta: 13:57:29, time: 1.310, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2582, decode.acc_seg: 89.0138, aux.loss_ce: 0.3414, aux.acc_seg: 70.2763, loss: 0.5996 2023-11-10 15:07:28,271 - mmseg - INFO - per class results: 2023-11-10 15:07:28,276 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.35 | 90.02 | | building | 83.49 | 94.03 | | sky | 94.57 | 96.94 | | floor | 81.48 | 87.07 | | tree | 74.63 | 88.92 | | ceiling | 83.57 | 92.41 | | road | 84.47 | 91.37 | | bed | 89.26 | 97.27 | | windowpane | 61.97 | 76.24 | | grass | 72.01 | 85.86 | | cabinet | 61.27 | 72.53 | | sidewalk | 64.92 | 76.39 | | person | 82.26 | 91.23 | | earth | 35.7 | 44.95 | | door | 46.39 | 53.77 | | table | 61.44 | 74.27 | | mountain | 59.83 | 77.35 | | plant | 51.76 | 63.12 | | curtain | 73.88 | 83.41 | | chair | 59.01 | 72.63 | | car | 84.63 | 93.92 | | water | 62.3 | 79.14 | | painting | 73.61 | 86.24 | | sofa | 70.14 | 84.56 | | shelf | 40.41 | 48.58 | | house | 50.86 | 63.51 | | sea | 65.03 | 81.76 | | mirror | 71.88 | 79.52 | | rug | 63.55 | 74.17 | | field | 38.5 | 51.74 | | armchair | 45.87 | 62.07 | | seat | 61.89 | 87.52 | | fence | 43.7 | 57.16 | | desk | 47.82 | 77.45 | | rock | 46.47 | 62.78 | | wardrobe | 55.33 | 74.75 | | lamp | 66.72 | 78.74 | | bathtub | 79.1 | 88.69 | | railing | 36.42 | 56.54 | | cushion | 63.02 | 74.79 | | base | 26.15 | 40.82 | | box | 31.64 | 45.21 | | column | 48.37 | 56.72 | | signboard | 34.34 | 41.09 | | chest of drawers | 41.86 | 55.59 | | counter | 30.17 | 39.35 | | sand | 45.27 | 83.94 | | sink | 73.55 | 80.44 | | skyscraper | 52.54 | 69.04 | | fireplace | 72.01 | 90.84 | | refrigerator | 68.45 | 79.8 | | grandstand | 56.35 | 76.51 | | path | 26.82 | 36.63 | | stairs | 36.92 | 45.23 | | runway | 72.51 | 93.98 | | case | 56.28 | 61.66 | | pool table | 92.43 | 97.9 | | pillow | 59.87 | 68.39 | | screen door | 71.33 | 77.0 | | stairway | 41.72 | 53.03 | | river | 13.38 | 17.63 | | bridge | 52.83 | 60.83 | | bookcase | 41.79 | 61.94 | | blind | 37.22 | 47.23 | | coffee table | 59.29 | 86.99 | | toilet | 85.28 | 92.58 | | flower | 39.7 | 64.25 | | book | 50.77 | 72.13 | | hill | 7.23 | 13.62 | | bench | 53.51 | 62.51 | | countertop | 59.19 | 80.4 | | stove | 77.82 | 88.62 | | palm | 54.89 | 65.47 | | kitchen island | 46.43 | 58.26 | | computer | 71.1 | 89.81 | | swivel chair | 44.01 | 68.87 | | boat | 57.99 | 88.17 | | bar | 59.03 | 92.24 | | arcade machine | 77.13 | 84.39 | | hovel | 31.08 | 37.18 | | bus | 89.92 | 96.47 | | towel | 64.6 | 77.13 | | light | 52.03 | 58.99 | | truck | 39.0 | 46.56 | | tower | 29.94 | 46.54 | | chandelier | 66.64 | 76.65 | | awning | 31.74 | 44.83 | | streetlight | 28.5 | 36.3 | | booth | 50.46 | 63.33 | | television receiver | 74.29 | 90.05 | | airplane | 58.43 | 66.69 | | dirt track | 3.49 | 11.18 | | apparel | 55.25 | 63.13 | | pole | 24.14 | 31.87 | | land | 3.32 | 5.87 | | bannister | 8.12 | 11.11 | | escalator | 59.56 | 79.44 | | ottoman | 44.24 | 55.02 | | bottle | 40.48 | 63.64 | | buffet | 53.5 | 64.92 | | poster | 23.52 | 28.01 | | stage | 21.64 | 70.5 | | van | 43.38 | 56.0 | | ship | 64.46 | 75.24 | | fountain | 53.77 | 59.32 | | conveyer belt | 65.85 | 97.09 | | canopy | 57.98 | 68.97 | | washer | 83.45 | 90.46 | | plaything | 20.75 | 34.69 | | swimming pool | 62.02 | 94.93 | | stool | 38.77 | 63.25 | | barrel | 50.63 | 57.07 | | basket | 35.61 | 46.73 | | waterfall | 51.99 | 59.18 | | tent | 82.88 | 98.3 | | bag | 20.92 | 24.37 | | minibike | 72.67 | 83.88 | | cradle | 78.44 | 98.42 | | oven | 61.31 | 79.69 | | ball | 4.42 | 4.48 | | food | 59.27 | 89.29 | | step | 12.74 | 13.91 | | tank | 51.77 | 78.54 | | trade name | 9.14 | 9.38 | | microwave | 85.41 | 91.55 | | pot | 44.61 | 50.28 | | animal | 63.61 | 66.72 | | bicycle | 57.79 | 79.03 | | lake | 55.02 | 64.63 | | dishwasher | 62.17 | 73.48 | | screen | 56.67 | 85.56 | | blanket | 16.61 | 18.58 | | sculpture | 61.92 | 72.3 | | hood | 64.31 | 72.01 | | sconce | 53.88 | 69.32 | | vase | 37.45 | 48.86 | | traffic light | 32.43 | 49.07 | | tray | 7.24 | 8.59 | | ashcan | 44.32 | 55.21 | | fan | 57.11 | 63.2 | | pier | 29.44 | 45.39 | | crt screen | 2.04 | 2.68 | | plate | 53.5 | 73.93 | | monitor | 47.89 | 60.08 | | bulletin board | 41.16 | 49.11 | | shower | 0.0 | 0.0 | | radiator | 62.37 | 74.64 | | glass | 12.33 | 12.72 | | clock | 34.61 | 37.69 | | flag | 57.5 | 60.18 | +---------------------+-------+-------+ 2023-11-10 15:07:28,276 - mmseg - INFO - Summary: 2023-11-10 15:07:28,277 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.85 | 51.81 | 64.37 | +-------+-------+-------+ 2023-11-10 15:07:28,277 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:07:28,277 - mmseg - INFO - Iter(val) [250] aAcc: 0.8385, mIoU: 0.5181, mAcc: 0.6437, IoU.wall: 0.7735, IoU.building: 0.8349, IoU.sky: 0.9457, IoU.floor: 0.8148, IoU.tree: 0.7463, IoU.ceiling: 0.8357, IoU.road: 0.8447, IoU.bed : 0.8926, IoU.windowpane: 0.6197, IoU.grass: 0.7201, IoU.cabinet: 0.6127, IoU.sidewalk: 0.6492, IoU.person: 0.8226, IoU.earth: 0.3570, IoU.door: 0.4639, IoU.table: 0.6144, IoU.mountain: 0.5983, IoU.plant: 0.5176, IoU.curtain: 0.7388, IoU.chair: 0.5901, IoU.car: 0.8463, IoU.water: 0.6230, IoU.painting: 0.7361, IoU.sofa: 0.7014, IoU.shelf: 0.4041, IoU.house: 0.5086, IoU.sea: 0.6503, IoU.mirror: 0.7188, IoU.rug: 0.6355, IoU.field: 0.3850, IoU.armchair: 0.4587, IoU.seat: 0.6189, IoU.fence: 0.4370, IoU.desk: 0.4782, IoU.rock: 0.4647, IoU.wardrobe: 0.5533, IoU.lamp: 0.6672, IoU.bathtub: 0.7910, IoU.railing: 0.3642, IoU.cushion: 0.6302, IoU.base: 0.2615, IoU.box: 0.3164, IoU.column: 0.4837, IoU.signboard: 0.3434, IoU.chest of drawers: 0.4186, IoU.counter: 0.3017, IoU.sand: 0.4527, IoU.sink: 0.7355, IoU.skyscraper: 0.5254, IoU.fireplace: 0.7201, IoU.refrigerator: 0.6845, IoU.grandstand: 0.5635, IoU.path: 0.2682, IoU.stairs: 0.3692, IoU.runway: 0.7251, IoU.case: 0.5628, IoU.pool table: 0.9243, IoU.pillow: 0.5987, IoU.screen door: 0.7133, IoU.stairway: 0.4172, IoU.river: 0.1338, IoU.bridge: 0.5283, IoU.bookcase: 0.4179, IoU.blind: 0.3722, IoU.coffee table: 0.5929, IoU.toilet: 0.8528, IoU.flower: 0.3970, IoU.book: 0.5077, IoU.hill: 0.0723, IoU.bench: 0.5351, IoU.countertop: 0.5919, IoU.stove: 0.7782, IoU.palm: 0.5489, IoU.kitchen island: 0.4643, IoU.computer: 0.7110, IoU.swivel chair: 0.4401, IoU.boat: 0.5799, IoU.bar: 0.5903, IoU.arcade machine: 0.7713, IoU.hovel: 0.3108, IoU.bus: 0.8992, IoU.towel: 0.6460, IoU.light: 0.5203, IoU.truck: 0.3900, IoU.tower: 0.2994, IoU.chandelier: 0.6664, IoU.awning: 0.3174, IoU.streetlight: 0.2850, IoU.booth: 0.5046, IoU.television receiver: 0.7429, IoU.airplane: 0.5843, IoU.dirt track: 0.0349, IoU.apparel: 0.5525, IoU.pole: 0.2414, IoU.land: 0.0332, IoU.bannister: 0.0812, IoU.escalator: 0.5956, IoU.ottoman: 0.4424, IoU.bottle: 0.4048, IoU.buffet: 0.5350, IoU.poster: 0.2352, IoU.stage: 0.2164, IoU.van: 0.4338, IoU.ship: 0.6446, IoU.fountain: 0.5377, IoU.conveyer belt: 0.6585, IoU.canopy: 0.5798, IoU.washer: 0.8345, IoU.plaything: 0.2075, IoU.swimming pool: 0.6202, IoU.stool: 0.3877, IoU.barrel: 0.5063, IoU.basket: 0.3561, IoU.waterfall: 0.5199, IoU.tent: 0.8288, IoU.bag: 0.2092, IoU.minibike: 0.7267, IoU.cradle: 0.7844, IoU.oven: 0.6131, IoU.ball: 0.0442, IoU.food: 0.5927, IoU.step: 0.1274, IoU.tank: 0.5177, IoU.trade name: 0.0914, IoU.microwave: 0.8541, IoU.pot: 0.4461, IoU.animal: 0.6361, IoU.bicycle: 0.5779, IoU.lake: 0.5502, IoU.dishwasher: 0.6217, IoU.screen: 0.5667, IoU.blanket: 0.1661, IoU.sculpture: 0.6192, IoU.hood: 0.6431, IoU.sconce: 0.5388, IoU.vase: 0.3745, IoU.traffic light: 0.3243, IoU.tray: 0.0724, IoU.ashcan: 0.4432, IoU.fan: 0.5711, IoU.pier: 0.2944, IoU.crt screen: 0.0204, IoU.plate: 0.5350, IoU.monitor: 0.4789, IoU.bulletin board: 0.4116, IoU.shower: 0.0000, IoU.radiator: 0.6237, IoU.glass: 0.1233, IoU.clock: 0.3461, IoU.flag: 0.5750, Acc.wall: 0.9002, Acc.building: 0.9403, Acc.sky: 0.9694, Acc.floor: 0.8707, Acc.tree: 0.8892, Acc.ceiling: 0.9241, Acc.road: 0.9137, Acc.bed : 0.9727, Acc.windowpane: 0.7624, Acc.grass: 0.8586, Acc.cabinet: 0.7253, Acc.sidewalk: 0.7639, Acc.person: 0.9123, Acc.earth: 0.4495, Acc.door: 0.5377, Acc.table: 0.7427, Acc.mountain: 0.7735, Acc.plant: 0.6312, Acc.curtain: 0.8341, Acc.chair: 0.7263, Acc.car: 0.9392, Acc.water: 0.7914, Acc.painting: 0.8624, Acc.sofa: 0.8456, Acc.shelf: 0.4858, Acc.house: 0.6351, Acc.sea: 0.8176, Acc.mirror: 0.7952, Acc.rug: 0.7417, Acc.field: 0.5174, Acc.armchair: 0.6207, Acc.seat: 0.8752, Acc.fence: 0.5716, Acc.desk: 0.7745, Acc.rock: 0.6278, Acc.wardrobe: 0.7475, Acc.lamp: 0.7874, Acc.bathtub: 0.8869, Acc.railing: 0.5654, Acc.cushion: 0.7479, Acc.base: 0.4082, Acc.box: 0.4521, Acc.column: 0.5672, Acc.signboard: 0.4109, Acc.chest of drawers: 0.5559, Acc.counter: 0.3935, Acc.sand: 0.8394, Acc.sink: 0.8044, Acc.skyscraper: 0.6904, Acc.fireplace: 0.9084, Acc.refrigerator: 0.7980, Acc.grandstand: 0.7651, Acc.path: 0.3663, Acc.stairs: 0.4523, Acc.runway: 0.9398, Acc.case: 0.6166, Acc.pool table: 0.9790, Acc.pillow: 0.6839, Acc.screen door: 0.7700, Acc.stairway: 0.5303, Acc.river: 0.1763, Acc.bridge: 0.6083, Acc.bookcase: 0.6194, Acc.blind: 0.4723, Acc.coffee table: 0.8699, Acc.toilet: 0.9258, Acc.flower: 0.6425, Acc.book: 0.7213, Acc.hill: 0.1362, Acc.bench: 0.6251, Acc.countertop: 0.8040, Acc.stove: 0.8862, Acc.palm: 0.6547, Acc.kitchen island: 0.5826, Acc.computer: 0.8981, Acc.swivel chair: 0.6887, Acc.boat: 0.8817, Acc.bar: 0.9224, Acc.arcade machine: 0.8439, Acc.hovel: 0.3718, Acc.bus: 0.9647, Acc.towel: 0.7713, Acc.light: 0.5899, Acc.truck: 0.4656, Acc.tower: 0.4654, Acc.chandelier: 0.7665, Acc.awning: 0.4483, Acc.streetlight: 0.3630, Acc.booth: 0.6333, Acc.television receiver: 0.9005, Acc.airplane: 0.6669, Acc.dirt track: 0.1118, Acc.apparel: 0.6313, Acc.pole: 0.3187, Acc.land: 0.0587, Acc.bannister: 0.1111, Acc.escalator: 0.7944, Acc.ottoman: 0.5502, Acc.bottle: 0.6364, Acc.buffet: 0.6492, Acc.poster: 0.2801, Acc.stage: 0.7050, Acc.van: 0.5600, Acc.ship: 0.7524, Acc.fountain: 0.5932, Acc.conveyer belt: 0.9709, Acc.canopy: 0.6897, Acc.washer: 0.9046, Acc.plaything: 0.3469, Acc.swimming pool: 0.9493, Acc.stool: 0.6325, Acc.barrel: 0.5707, Acc.basket: 0.4673, Acc.waterfall: 0.5918, Acc.tent: 0.9830, Acc.bag: 0.2437, Acc.minibike: 0.8388, Acc.cradle: 0.9842, Acc.oven: 0.7969, Acc.ball: 0.0448, Acc.food: 0.8929, Acc.step: 0.1391, Acc.tank: 0.7854, Acc.trade name: 0.0938, Acc.microwave: 0.9155, Acc.pot: 0.5028, Acc.animal: 0.6672, Acc.bicycle: 0.7903, Acc.lake: 0.6463, Acc.dishwasher: 0.7348, Acc.screen: 0.8556, Acc.blanket: 0.1858, Acc.sculpture: 0.7230, Acc.hood: 0.7201, Acc.sconce: 0.6932, Acc.vase: 0.4886, Acc.traffic light: 0.4907, Acc.tray: 0.0859, Acc.ashcan: 0.5521, Acc.fan: 0.6320, Acc.pier: 0.4539, Acc.crt screen: 0.0268, Acc.plate: 0.7393, Acc.monitor: 0.6008, Acc.bulletin board: 0.4911, Acc.shower: 0.0000, Acc.radiator: 0.7464, Acc.glass: 0.1272, Acc.clock: 0.3769, Acc.flag: 0.6018 2023-11-10 15:08:03,153 - mmseg - INFO - Iter [18050/80000] lr: 3.098e-05, eta: 14:01:06, time: 2.312, data_time: 1.622, memory: 60073, decode.loss_ce: 0.2620, decode.acc_seg: 89.0969, aux.loss_ce: 0.3488, aux.acc_seg: 69.9720, loss: 0.6107 2023-11-10 15:08:37,978 - mmseg - INFO - Iter [18100/80000] lr: 3.095e-05, eta: 14:00:05, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2720, decode.acc_seg: 88.7960, aux.loss_ce: 0.3516, aux.acc_seg: 69.7391, loss: 0.6236 2023-11-10 15:09:12,767 - mmseg - INFO - Iter [18150/80000] lr: 3.093e-05, eta: 13:59:05, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2715, decode.acc_seg: 88.1615, aux.loss_ce: 0.3283, aux.acc_seg: 70.0167, loss: 0.5998 2023-11-10 15:09:47,592 - mmseg - INFO - Iter [18200/80000] lr: 3.090e-05, eta: 13:58:04, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2736, decode.acc_seg: 88.5372, aux.loss_ce: 0.3313, aux.acc_seg: 70.7630, loss: 0.6048 2023-11-10 15:10:22,389 - mmseg - INFO - Iter [18250/80000] lr: 3.088e-05, eta: 13:57:03, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2612, decode.acc_seg: 89.2764, aux.loss_ce: 0.3372, aux.acc_seg: 70.6804, loss: 0.5984 2023-11-10 15:10:57,171 - mmseg - INFO - Iter [18300/80000] lr: 3.085e-05, eta: 13:56:03, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2601, decode.acc_seg: 89.0288, aux.loss_ce: 0.3258, aux.acc_seg: 71.5982, loss: 0.5860 2023-11-10 15:11:31,958 - mmseg - INFO - Iter [18350/80000] lr: 3.083e-05, eta: 13:55:02, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2641, decode.acc_seg: 89.0620, aux.loss_ce: 0.3286, aux.acc_seg: 71.3461, loss: 0.5928 2023-11-10 15:12:06,754 - mmseg - INFO - Iter [18400/80000] lr: 3.080e-05, eta: 13:54:02, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2546, decode.acc_seg: 89.3372, aux.loss_ce: 0.3266, aux.acc_seg: 70.9874, loss: 0.5812 2023-11-10 15:12:41,538 - mmseg - INFO - Iter [18450/80000] lr: 3.078e-05, eta: 13:53:02, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2541, decode.acc_seg: 89.2270, aux.loss_ce: 0.3255, aux.acc_seg: 71.2814, loss: 0.5796 2023-11-10 15:13:16,329 - mmseg - INFO - Iter [18500/80000] lr: 3.075e-05, eta: 13:52:02, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2782, decode.acc_seg: 88.1251, aux.loss_ce: 0.3308, aux.acc_seg: 70.7984, loss: 0.6090 2023-11-10 15:13:51,107 - mmseg - INFO - Iter [18550/80000] lr: 3.073e-05, eta: 13:51:02, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2704, decode.acc_seg: 88.7491, aux.loss_ce: 0.3320, aux.acc_seg: 70.6378, loss: 0.6024 2023-11-10 15:14:25,897 - mmseg - INFO - Iter [18600/80000] lr: 3.070e-05, eta: 13:50:03, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2744, decode.acc_seg: 88.8951, aux.loss_ce: 0.3405, aux.acc_seg: 70.3554, loss: 0.6149 2023-11-10 15:15:00,669 - mmseg - INFO - Iter [18650/80000] lr: 3.068e-05, eta: 13:49:03, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2785, decode.acc_seg: 88.5026, aux.loss_ce: 0.3403, aux.acc_seg: 70.5023, loss: 0.6187 2023-11-10 15:15:35,479 - mmseg - INFO - Iter [18700/80000] lr: 3.065e-05, eta: 13:48:04, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2712, decode.acc_seg: 88.7616, aux.loss_ce: 0.3329, aux.acc_seg: 71.1663, loss: 0.6041 2023-11-10 15:16:10,278 - mmseg - INFO - Iter [18750/80000] lr: 3.063e-05, eta: 13:47:05, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2685, decode.acc_seg: 88.4770, aux.loss_ce: 0.3498, aux.acc_seg: 68.9579, loss: 0.6184 2023-11-10 15:16:45,089 - mmseg - INFO - Iter [18800/80000] lr: 3.060e-05, eta: 13:46:06, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2760, decode.acc_seg: 88.5542, aux.loss_ce: 0.3437, aux.acc_seg: 69.4550, loss: 0.6198 2023-11-10 15:17:19,908 - mmseg - INFO - Iter [18850/80000] lr: 3.058e-05, eta: 13:45:07, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2578, decode.acc_seg: 89.0900, aux.loss_ce: 0.3256, aux.acc_seg: 71.5404, loss: 0.5834 2023-11-10 15:17:54,706 - mmseg - INFO - Iter [18900/80000] lr: 3.055e-05, eta: 13:44:08, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2613, decode.acc_seg: 89.1920, aux.loss_ce: 0.3376, aux.acc_seg: 70.8304, loss: 0.5989 2023-11-10 15:18:31,991 - mmseg - INFO - Iter [18950/80000] lr: 3.053e-05, eta: 13:43:17, time: 0.746, data_time: 0.054, memory: 60073, decode.loss_ce: 0.2589, decode.acc_seg: 88.9313, aux.loss_ce: 0.3221, aux.acc_seg: 71.9825, loss: 0.5810 2023-11-10 15:19:06,766 - mmseg - INFO - Saving checkpoint at 19000 iterations 2023-11-10 15:19:36,111 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:19:36,111 - mmseg - INFO - Iter [19000/80000] lr: 3.050e-05, eta: 13:43:53, time: 1.282, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2694, decode.acc_seg: 88.5790, aux.loss_ce: 0.3378, aux.acc_seg: 70.6239, loss: 0.6072 2023-11-10 15:21:02,942 - mmseg - INFO - per class results: 2023-11-10 15:21:02,952 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.4 | 88.66 | | building | 84.11 | 92.7 | | sky | 94.5 | 97.65 | | floor | 81.68 | 88.03 | | tree | 74.36 | 90.32 | | ceiling | 83.46 | 89.77 | | road | 83.99 | 89.87 | | bed | 89.83 | 97.36 | | windowpane | 63.53 | 80.79 | | grass | 66.59 | 80.45 | | cabinet | 60.55 | 70.68 | | sidewalk | 66.25 | 83.4 | | person | 81.24 | 94.1 | | earth | 37.48 | 47.78 | | door | 47.86 | 59.48 | | table | 61.78 | 78.03 | | mountain | 60.42 | 74.06 | | plant | 53.6 | 67.24 | | curtain | 73.38 | 85.95 | | chair | 56.01 | 65.36 | | car | 84.72 | 93.42 | | water | 62.4 | 76.18 | | painting | 70.76 | 88.44 | | sofa | 68.66 | 82.81 | | shelf | 44.63 | 60.49 | | house | 50.59 | 62.3 | | sea | 62.67 | 76.75 | | mirror | 72.8 | 84.03 | | rug | 62.33 | 75.6 | | field | 27.46 | 47.71 | | armchair | 47.99 | 74.71 | | seat | 62.52 | 84.05 | | fence | 42.32 | 51.01 | | desk | 53.27 | 70.2 | | rock | 49.84 | 71.25 | | wardrobe | 55.6 | 74.63 | | lamp | 66.5 | 79.99 | | bathtub | 82.51 | 89.0 | | railing | 33.54 | 52.18 | | cushion | 61.76 | 71.63 | | base | 32.58 | 41.65 | | box | 29.17 | 36.65 | | column | 50.12 | 61.66 | | signboard | 34.89 | 47.75 | | chest of drawers | 44.15 | 72.22 | | counter | 38.85 | 51.79 | | sand | 51.49 | 76.49 | | sink | 74.72 | 84.84 | | skyscraper | 48.37 | 62.46 | | fireplace | 71.5 | 88.77 | | refrigerator | 72.79 | 84.57 | | grandstand | 58.36 | 72.66 | | path | 27.55 | 34.82 | | stairs | 31.82 | 37.13 | | runway | 67.2 | 90.89 | | case | 58.12 | 67.7 | | pool table | 92.96 | 96.95 | | pillow | 59.65 | 69.91 | | screen door | 54.99 | 57.93 | | stairway | 43.02 | 69.54 | | river | 11.43 | 22.92 | | bridge | 62.01 | 77.52 | | bookcase | 43.04 | 67.4 | | blind | 31.37 | 34.3 | | coffee table | 62.26 | 86.39 | | toilet | 82.18 | 94.92 | | flower | 46.47 | 63.64 | | book | 49.3 | 70.08 | | hill | 10.72 | 19.1 | | bench | 48.59 | 61.75 | | countertop | 57.02 | 81.76 | | stove | 74.19 | 90.0 | | palm | 54.27 | 77.85 | | kitchen island | 43.51 | 69.33 | | computer | 74.73 | 91.04 | | swivel chair | 43.07 | 61.88 | | boat | 49.2 | 89.86 | | bar | 67.37 | 88.37 | | arcade machine | 80.01 | 90.46 | | hovel | 49.73 | 63.07 | | bus | 88.79 | 96.69 | | towel | 69.62 | 82.03 | | light | 53.69 | 62.72 | | truck | 40.53 | 50.54 | | tower | 33.11 | 56.69 | | chandelier | 66.73 | 76.55 | | awning | 35.95 | 50.36 | | streetlight | 26.94 | 30.83 | | booth | 35.57 | 45.1 | | television receiver | 77.09 | 84.59 | | airplane | 58.39 | 74.72 | | dirt track | 1.26 | 3.53 | | apparel | 52.44 | 70.34 | | pole | 24.48 | 34.13 | | land | 3.41 | 5.45 | | bannister | 10.66 | 14.99 | | escalator | 60.83 | 82.88 | | ottoman | 50.23 | 70.93 | | bottle | 40.03 | 69.86 | | buffet | 53.78 | 70.79 | | poster | 19.12 | 24.86 | | stage | 26.44 | 49.99 | | van | 44.61 | 58.38 | | ship | 55.67 | 59.23 | | fountain | 74.8 | 94.97 | | conveyer belt | 57.26 | 96.86 | | canopy | 50.56 | 74.88 | | washer | 84.91 | 95.15 | | plaything | 19.79 | 31.69 | | swimming pool | 70.02 | 91.04 | | stool | 44.02 | 50.66 | | barrel | 55.19 | 62.68 | | basket | 36.61 | 49.13 | | waterfall | 58.74 | 75.24 | | tent | 81.96 | 99.12 | | bag | 19.63 | 21.58 | | minibike | 72.29 | 85.63 | | cradle | 81.26 | 97.84 | | oven | 54.58 | 66.22 | | ball | 52.22 | 67.16 | | food | 57.43 | 74.3 | | step | 12.92 | 13.94 | | tank | 65.82 | 95.7 | | trade name | 18.97 | 20.47 | | microwave | 82.91 | 94.24 | | pot | 46.05 | 51.68 | | animal | 66.23 | 69.71 | | bicycle | 58.87 | 76.19 | | lake | 59.29 | 76.64 | | dishwasher | 53.07 | 62.39 | | screen | 51.95 | 86.94 | | blanket | 18.06 | 20.06 | | sculpture | 68.07 | 84.95 | | hood | 64.59 | 68.76 | | sconce | 53.69 | 66.17 | | vase | 35.23 | 42.41 | | traffic light | 34.17 | 50.25 | | tray | 11.42 | 19.28 | | ashcan | 42.7 | 51.05 | | fan | 62.66 | 76.5 | | pier | 36.13 | 42.57 | | crt screen | 2.78 | 4.28 | | plate | 51.89 | 76.83 | | monitor | 46.13 | 60.94 | | bulletin board | 35.92 | 43.04 | | shower | 0.19 | 1.3 | | radiator | 60.27 | 68.74 | | glass | 17.05 | 18.37 | | clock | 34.22 | 36.59 | | flag | 61.23 | 64.1 | +---------------------+-------+-------+ 2023-11-10 15:21:02,952 - mmseg - INFO - Summary: 2023-11-10 15:21:02,952 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 83.89 | 52.65 | 66.0 | +-------+-------+------+ 2023-11-10 15:21:02,953 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:21:02,954 - mmseg - INFO - Iter(val) [250] aAcc: 0.8389, mIoU: 0.5265, mAcc: 0.6600, IoU.wall: 0.7840, IoU.building: 0.8411, IoU.sky: 0.9450, IoU.floor: 0.8168, IoU.tree: 0.7436, IoU.ceiling: 0.8346, IoU.road: 0.8399, IoU.bed : 0.8983, IoU.windowpane: 0.6353, IoU.grass: 0.6659, IoU.cabinet: 0.6055, IoU.sidewalk: 0.6625, IoU.person: 0.8124, IoU.earth: 0.3748, IoU.door: 0.4786, IoU.table: 0.6178, IoU.mountain: 0.6042, IoU.plant: 0.5360, IoU.curtain: 0.7338, IoU.chair: 0.5601, IoU.car: 0.8472, IoU.water: 0.6240, IoU.painting: 0.7076, IoU.sofa: 0.6866, IoU.shelf: 0.4463, IoU.house: 0.5059, IoU.sea: 0.6267, IoU.mirror: 0.7280, IoU.rug: 0.6233, IoU.field: 0.2746, IoU.armchair: 0.4799, IoU.seat: 0.6252, IoU.fence: 0.4232, IoU.desk: 0.5327, IoU.rock: 0.4984, IoU.wardrobe: 0.5560, IoU.lamp: 0.6650, IoU.bathtub: 0.8251, IoU.railing: 0.3354, IoU.cushion: 0.6176, IoU.base: 0.3258, IoU.box: 0.2917, IoU.column: 0.5012, IoU.signboard: 0.3489, IoU.chest of drawers: 0.4415, IoU.counter: 0.3885, IoU.sand: 0.5149, IoU.sink: 0.7472, IoU.skyscraper: 0.4837, IoU.fireplace: 0.7150, IoU.refrigerator: 0.7279, IoU.grandstand: 0.5836, IoU.path: 0.2755, IoU.stairs: 0.3182, IoU.runway: 0.6720, IoU.case: 0.5812, IoU.pool table: 0.9296, IoU.pillow: 0.5965, IoU.screen door: 0.5499, IoU.stairway: 0.4302, IoU.river: 0.1143, IoU.bridge: 0.6201, IoU.bookcase: 0.4304, IoU.blind: 0.3137, IoU.coffee table: 0.6226, IoU.toilet: 0.8218, IoU.flower: 0.4647, IoU.book: 0.4930, IoU.hill: 0.1072, IoU.bench: 0.4859, IoU.countertop: 0.5702, IoU.stove: 0.7419, IoU.palm: 0.5427, IoU.kitchen island: 0.4351, IoU.computer: 0.7473, IoU.swivel chair: 0.4307, IoU.boat: 0.4920, IoU.bar: 0.6737, IoU.arcade machine: 0.8001, IoU.hovel: 0.4973, IoU.bus: 0.8879, IoU.towel: 0.6962, IoU.light: 0.5369, IoU.truck: 0.4053, IoU.tower: 0.3311, IoU.chandelier: 0.6673, IoU.awning: 0.3595, IoU.streetlight: 0.2694, IoU.booth: 0.3557, IoU.television receiver: 0.7709, IoU.airplane: 0.5839, IoU.dirt track: 0.0126, IoU.apparel: 0.5244, IoU.pole: 0.2448, IoU.land: 0.0341, IoU.bannister: 0.1066, IoU.escalator: 0.6083, IoU.ottoman: 0.5023, IoU.bottle: 0.4003, IoU.buffet: 0.5378, IoU.poster: 0.1912, IoU.stage: 0.2644, IoU.van: 0.4461, IoU.ship: 0.5567, IoU.fountain: 0.7480, IoU.conveyer belt: 0.5726, IoU.canopy: 0.5056, IoU.washer: 0.8491, IoU.plaything: 0.1979, IoU.swimming pool: 0.7002, IoU.stool: 0.4402, IoU.barrel: 0.5519, IoU.basket: 0.3661, IoU.waterfall: 0.5874, IoU.tent: 0.8196, IoU.bag: 0.1963, IoU.minibike: 0.7229, IoU.cradle: 0.8126, IoU.oven: 0.5458, IoU.ball: 0.5222, IoU.food: 0.5743, IoU.step: 0.1292, IoU.tank: 0.6582, IoU.trade name: 0.1897, IoU.microwave: 0.8291, IoU.pot: 0.4605, IoU.animal: 0.6623, IoU.bicycle: 0.5887, IoU.lake: 0.5929, IoU.dishwasher: 0.5307, IoU.screen: 0.5195, IoU.blanket: 0.1806, IoU.sculpture: 0.6807, IoU.hood: 0.6459, IoU.sconce: 0.5369, IoU.vase: 0.3523, IoU.traffic light: 0.3417, IoU.tray: 0.1142, IoU.ashcan: 0.4270, IoU.fan: 0.6266, IoU.pier: 0.3613, IoU.crt screen: 0.0278, IoU.plate: 0.5189, IoU.monitor: 0.4613, IoU.bulletin board: 0.3592, IoU.shower: 0.0019, IoU.radiator: 0.6027, IoU.glass: 0.1705, IoU.clock: 0.3422, IoU.flag: 0.6123, Acc.wall: 0.8866, Acc.building: 0.9270, Acc.sky: 0.9765, Acc.floor: 0.8803, Acc.tree: 0.9032, Acc.ceiling: 0.8977, Acc.road: 0.8987, Acc.bed : 0.9736, Acc.windowpane: 0.8079, Acc.grass: 0.8045, Acc.cabinet: 0.7068, Acc.sidewalk: 0.8340, Acc.person: 0.9410, Acc.earth: 0.4778, Acc.door: 0.5948, Acc.table: 0.7803, Acc.mountain: 0.7406, Acc.plant: 0.6724, Acc.curtain: 0.8595, Acc.chair: 0.6536, Acc.car: 0.9342, Acc.water: 0.7618, Acc.painting: 0.8844, Acc.sofa: 0.8281, Acc.shelf: 0.6049, Acc.house: 0.6230, Acc.sea: 0.7675, Acc.mirror: 0.8403, Acc.rug: 0.7560, Acc.field: 0.4771, Acc.armchair: 0.7471, Acc.seat: 0.8405, Acc.fence: 0.5101, Acc.desk: 0.7020, Acc.rock: 0.7125, Acc.wardrobe: 0.7463, Acc.lamp: 0.7999, Acc.bathtub: 0.8900, Acc.railing: 0.5218, Acc.cushion: 0.7163, Acc.base: 0.4165, Acc.box: 0.3665, Acc.column: 0.6166, Acc.signboard: 0.4775, Acc.chest of drawers: 0.7222, Acc.counter: 0.5179, Acc.sand: 0.7649, Acc.sink: 0.8484, Acc.skyscraper: 0.6246, Acc.fireplace: 0.8877, Acc.refrigerator: 0.8457, Acc.grandstand: 0.7266, Acc.path: 0.3482, Acc.stairs: 0.3713, Acc.runway: 0.9089, Acc.case: 0.6770, Acc.pool table: 0.9695, Acc.pillow: 0.6991, Acc.screen door: 0.5793, Acc.stairway: 0.6954, Acc.river: 0.2292, Acc.bridge: 0.7752, Acc.bookcase: 0.6740, Acc.blind: 0.3430, Acc.coffee table: 0.8639, Acc.toilet: 0.9492, Acc.flower: 0.6364, Acc.book: 0.7008, Acc.hill: 0.1910, Acc.bench: 0.6175, Acc.countertop: 0.8176, Acc.stove: 0.9000, Acc.palm: 0.7785, Acc.kitchen island: 0.6933, Acc.computer: 0.9104, Acc.swivel chair: 0.6188, Acc.boat: 0.8986, Acc.bar: 0.8837, Acc.arcade machine: 0.9046, Acc.hovel: 0.6307, Acc.bus: 0.9669, Acc.towel: 0.8203, Acc.light: 0.6272, Acc.truck: 0.5054, Acc.tower: 0.5669, Acc.chandelier: 0.7655, Acc.awning: 0.5036, Acc.streetlight: 0.3083, Acc.booth: 0.4510, Acc.television receiver: 0.8459, Acc.airplane: 0.7472, Acc.dirt track: 0.0353, Acc.apparel: 0.7034, Acc.pole: 0.3413, Acc.land: 0.0545, Acc.bannister: 0.1499, Acc.escalator: 0.8288, Acc.ottoman: 0.7093, Acc.bottle: 0.6986, Acc.buffet: 0.7079, Acc.poster: 0.2486, Acc.stage: 0.4999, Acc.van: 0.5838, Acc.ship: 0.5923, Acc.fountain: 0.9497, Acc.conveyer belt: 0.9686, Acc.canopy: 0.7488, Acc.washer: 0.9515, Acc.plaything: 0.3169, Acc.swimming pool: 0.9104, Acc.stool: 0.5066, Acc.barrel: 0.6268, Acc.basket: 0.4913, Acc.waterfall: 0.7524, Acc.tent: 0.9912, Acc.bag: 0.2158, Acc.minibike: 0.8563, Acc.cradle: 0.9784, Acc.oven: 0.6622, Acc.ball: 0.6716, Acc.food: 0.7430, Acc.step: 0.1394, Acc.tank: 0.9570, Acc.trade name: 0.2047, Acc.microwave: 0.9424, Acc.pot: 0.5168, Acc.animal: 0.6971, Acc.bicycle: 0.7619, Acc.lake: 0.7664, Acc.dishwasher: 0.6239, Acc.screen: 0.8694, Acc.blanket: 0.2006, Acc.sculpture: 0.8495, Acc.hood: 0.6876, Acc.sconce: 0.6617, Acc.vase: 0.4241, Acc.traffic light: 0.5025, Acc.tray: 0.1928, Acc.ashcan: 0.5105, Acc.fan: 0.7650, Acc.pier: 0.4257, Acc.crt screen: 0.0428, Acc.plate: 0.7683, Acc.monitor: 0.6094, Acc.bulletin board: 0.4304, Acc.shower: 0.0130, Acc.radiator: 0.6874, Acc.glass: 0.1837, Acc.clock: 0.3659, Acc.flag: 0.6410 2023-11-10 15:21:37,867 - mmseg - INFO - Iter [19050/80000] lr: 3.048e-05, eta: 13:47:32, time: 2.435, data_time: 1.745, memory: 60073, decode.loss_ce: 0.2509, decode.acc_seg: 89.4044, aux.loss_ce: 0.3210, aux.acc_seg: 71.4683, loss: 0.5718 2023-11-10 15:22:12,685 - mmseg - INFO - Iter [19100/80000] lr: 3.045e-05, eta: 13:46:32, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2335, decode.acc_seg: 89.9604, aux.loss_ce: 0.3123, aux.acc_seg: 72.1724, loss: 0.5458 2023-11-10 15:22:47,478 - mmseg - INFO - Iter [19150/80000] lr: 3.043e-05, eta: 13:45:33, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2693, decode.acc_seg: 88.6990, aux.loss_ce: 0.3401, aux.acc_seg: 70.2627, loss: 0.6094 2023-11-10 15:23:22,280 - mmseg - INFO - Iter [19200/80000] lr: 3.040e-05, eta: 13:44:33, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2630, decode.acc_seg: 88.9761, aux.loss_ce: 0.3486, aux.acc_seg: 69.7352, loss: 0.6117 2023-11-10 15:23:57,109 - mmseg - INFO - Iter [19250/80000] lr: 3.038e-05, eta: 13:43:34, time: 0.697, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2643, decode.acc_seg: 88.9940, aux.loss_ce: 0.3454, aux.acc_seg: 70.1728, loss: 0.6097 2023-11-10 15:24:31,919 - mmseg - INFO - Iter [19300/80000] lr: 3.035e-05, eta: 13:42:35, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2400, decode.acc_seg: 89.6838, aux.loss_ce: 0.3150, aux.acc_seg: 71.7788, loss: 0.5550 2023-11-10 15:25:06,713 - mmseg - INFO - Iter [19350/80000] lr: 3.033e-05, eta: 13:41:36, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2430, decode.acc_seg: 89.8810, aux.loss_ce: 0.3371, aux.acc_seg: 70.1091, loss: 0.5800 2023-11-10 15:25:41,507 - mmseg - INFO - Iter [19400/80000] lr: 3.030e-05, eta: 13:40:37, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2549, decode.acc_seg: 89.3761, aux.loss_ce: 0.3246, aux.acc_seg: 71.9404, loss: 0.5796 2023-11-10 15:26:16,308 - mmseg - INFO - Iter [19450/80000] lr: 3.028e-05, eta: 13:39:38, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2475, decode.acc_seg: 89.8538, aux.loss_ce: 0.3311, aux.acc_seg: 71.1015, loss: 0.5786 2023-11-10 15:26:51,109 - mmseg - INFO - Iter [19500/80000] lr: 3.025e-05, eta: 13:38:40, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2658, decode.acc_seg: 89.0485, aux.loss_ce: 0.3289, aux.acc_seg: 71.7715, loss: 0.5947 2023-11-10 15:27:25,905 - mmseg - INFO - Iter [19550/80000] lr: 3.023e-05, eta: 13:37:41, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2489, decode.acc_seg: 89.6492, aux.loss_ce: 0.3213, aux.acc_seg: 71.7422, loss: 0.5702 2023-11-10 15:28:00,708 - mmseg - INFO - Iter [19600/80000] lr: 3.020e-05, eta: 13:36:43, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2609, decode.acc_seg: 88.9482, aux.loss_ce: 0.3246, aux.acc_seg: 71.4696, loss: 0.5855 2023-11-10 15:28:35,485 - mmseg - INFO - Iter [19650/80000] lr: 3.018e-05, eta: 13:35:45, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2647, decode.acc_seg: 89.1658, aux.loss_ce: 0.3310, aux.acc_seg: 70.8953, loss: 0.5957 2023-11-10 15:29:10,275 - mmseg - INFO - Iter [19700/80000] lr: 3.015e-05, eta: 13:34:46, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2717, decode.acc_seg: 88.5929, aux.loss_ce: 0.3271, aux.acc_seg: 71.1842, loss: 0.5988 2023-11-10 15:29:45,074 - mmseg - INFO - Iter [19750/80000] lr: 3.013e-05, eta: 13:33:48, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2524, decode.acc_seg: 89.5022, aux.loss_ce: 0.3310, aux.acc_seg: 71.3689, loss: 0.5834 2023-11-10 15:30:19,885 - mmseg - INFO - Iter [19800/80000] lr: 3.010e-05, eta: 13:32:50, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2656, decode.acc_seg: 88.9505, aux.loss_ce: 0.3377, aux.acc_seg: 71.2496, loss: 0.6034 2023-11-10 15:30:54,667 - mmseg - INFO - Iter [19850/80000] lr: 3.008e-05, eta: 13:31:53, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2524, decode.acc_seg: 89.2911, aux.loss_ce: 0.3378, aux.acc_seg: 69.9983, loss: 0.5902 2023-11-10 15:31:29,464 - mmseg - INFO - Iter [19900/80000] lr: 3.005e-05, eta: 13:30:55, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2681, decode.acc_seg: 88.9302, aux.loss_ce: 0.3399, aux.acc_seg: 70.3071, loss: 0.6081 2023-11-10 15:32:04,246 - mmseg - INFO - Iter [19950/80000] lr: 3.003e-05, eta: 13:29:57, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2455, decode.acc_seg: 89.4762, aux.loss_ce: 0.3213, aux.acc_seg: 71.1613, loss: 0.5668 2023-11-10 15:32:39,086 - mmseg - INFO - Saving checkpoint at 20000 iterations 2023-11-10 15:33:09,606 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:33:09,606 - mmseg - INFO - Iter [20000/80000] lr: 3.000e-05, eta: 13:30:32, time: 1.307, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2633, decode.acc_seg: 88.8255, aux.loss_ce: 0.3386, aux.acc_seg: 70.1647, loss: 0.6019 2023-11-10 15:34:30,050 - mmseg - INFO - per class results: 2023-11-10 15:34:30,055 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.12 | 88.5 | | building | 83.84 | 94.17 | | sky | 94.43 | 97.42 | | floor | 83.22 | 90.43 | | tree | 74.57 | 88.13 | | ceiling | 83.38 | 89.92 | | road | 84.75 | 91.69 | | bed | 90.34 | 96.8 | | windowpane | 63.21 | 77.84 | | grass | 70.43 | 87.99 | | cabinet | 60.43 | 73.53 | | sidewalk | 66.51 | 81.06 | | person | 81.98 | 92.99 | | earth | 36.21 | 45.86 | | door | 48.85 | 63.08 | | table | 62.6 | 74.15 | | mountain | 61.84 | 73.74 | | plant | 53.48 | 66.54 | | curtain | 75.33 | 84.18 | | chair | 59.49 | 76.72 | | car | 84.01 | 94.24 | | water | 59.39 | 71.21 | | painting | 72.94 | 88.58 | | sofa | 71.5 | 86.37 | | shelf | 46.0 | 64.73 | | house | 56.76 | 67.89 | | sea | 65.47 | 78.09 | | mirror | 71.82 | 83.74 | | rug | 69.43 | 79.64 | | field | 31.38 | 46.05 | | armchair | 45.78 | 64.7 | | seat | 63.94 | 85.61 | | fence | 43.19 | 52.86 | | desk | 52.57 | 69.07 | | rock | 51.68 | 74.9 | | wardrobe | 51.44 | 70.65 | | lamp | 66.61 | 78.73 | | bathtub | 81.71 | 88.09 | | railing | 34.18 | 49.95 | | cushion | 62.95 | 73.86 | | base | 29.46 | 34.9 | | box | 29.93 | 37.65 | | column | 50.06 | 61.98 | | signboard | 33.51 | 43.42 | | chest of drawers | 45.72 | 58.94 | | counter | 42.09 | 50.74 | | sand | 46.72 | 67.51 | | sink | 74.18 | 80.74 | | skyscraper | 33.43 | 36.36 | | fireplace | 69.22 | 91.88 | | refrigerator | 73.1 | 84.68 | | grandstand | 60.6 | 70.85 | | path | 29.42 | 42.76 | | stairs | 39.7 | 51.21 | | runway | 71.66 | 98.53 | | case | 61.58 | 77.74 | | pool table | 93.21 | 97.33 | | pillow | 57.17 | 63.59 | | screen door | 56.28 | 61.45 | | stairway | 36.9 | 44.88 | | river | 10.7 | 28.76 | | bridge | 47.47 | 59.64 | | bookcase | 35.16 | 44.19 | | blind | 41.85 | 53.68 | | coffee table | 60.49 | 86.43 | | toilet | 86.26 | 92.95 | | flower | 46.98 | 60.44 | | book | 48.1 | 79.09 | | hill | 6.55 | 9.26 | | bench | 54.97 | 66.85 | | countertop | 59.39 | 79.53 | | stove | 77.75 | 88.22 | | palm | 54.39 | 69.62 | | kitchen island | 42.47 | 69.95 | | computer | 75.4 | 88.57 | | swivel chair | 33.07 | 37.87 | | boat | 64.04 | 86.07 | | bar | 75.26 | 82.44 | | arcade machine | 81.91 | 92.26 | | hovel | 48.09 | 56.73 | | bus | 90.2 | 95.61 | | towel | 69.71 | 81.25 | | light | 53.43 | 61.8 | | truck | 39.94 | 52.07 | | tower | 32.22 | 50.48 | | chandelier | 67.99 | 83.27 | | awning | 35.05 | 44.48 | | streetlight | 29.01 | 38.44 | | booth | 45.56 | 79.68 | | television receiver | 77.49 | 86.74 | | airplane | 66.08 | 79.94 | | dirt track | 0.01 | 0.03 | | apparel | 51.28 | 88.32 | | pole | 20.02 | 26.45 | | land | 2.83 | 3.96 | | bannister | 9.69 | 13.12 | | escalator | 58.28 | 78.7 | | ottoman | 47.99 | 74.44 | | bottle | 39.22 | 71.58 | | buffet | 52.5 | 64.03 | | poster | 24.05 | 31.38 | | stage | 20.83 | 58.39 | | van | 31.43 | 38.49 | | ship | 66.88 | 80.77 | | fountain | 57.07 | 62.08 | | conveyer belt | 62.7 | 95.73 | | canopy | 55.17 | 78.32 | | washer | 84.08 | 92.05 | | plaything | 20.1 | 32.49 | | swimming pool | 62.35 | 89.87 | | stool | 45.46 | 53.97 | | barrel | 51.47 | 56.59 | | basket | 36.04 | 45.89 | | waterfall | 60.54 | 69.39 | | tent | 94.86 | 96.77 | | bag | 19.57 | 21.13 | | minibike | 71.85 | 84.85 | | cradle | 85.4 | 97.53 | | oven | 57.74 | 75.65 | | ball | 26.44 | 27.58 | | food | 58.47 | 78.66 | | step | 17.54 | 20.37 | | tank | 57.64 | 82.3 | | trade name | 15.44 | 16.41 | | microwave | 85.57 | 92.62 | | pot | 48.1 | 53.61 | | animal | 64.7 | 67.63 | | bicycle | 58.23 | 75.94 | | lake | 54.96 | 74.35 | | dishwasher | 59.94 | 69.65 | | screen | 48.02 | 73.86 | | blanket | 23.24 | 25.86 | | sculpture | 68.94 | 81.64 | | hood | 63.25 | 69.96 | | sconce | 53.73 | 64.99 | | vase | 39.84 | 53.0 | | traffic light | 31.26 | 51.7 | | tray | 11.83 | 16.98 | | ashcan | 42.56 | 52.38 | | fan | 63.57 | 77.61 | | pier | 34.02 | 39.18 | | crt screen | 6.7 | 16.93 | | plate | 53.24 | 70.76 | | monitor | 34.27 | 41.89 | | bulletin board | 35.72 | 46.28 | | shower | 0.4 | 0.59 | | radiator | 61.24 | 68.94 | | glass | 16.38 | 17.35 | | clock | 40.03 | 43.57 | | flag | 60.69 | 65.04 | +---------------------+-------+-------+ 2023-11-10 15:34:30,055 - mmseg - INFO - Summary: 2023-11-10 15:34:30,055 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.18 | 52.75 | 65.11 | +-------+-------+-------+ 2023-11-10 15:34:30,056 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:34:30,056 - mmseg - INFO - Iter(val) [250] aAcc: 0.8418, mIoU: 0.5275, mAcc: 0.6511, IoU.wall: 0.7812, IoU.building: 0.8384, IoU.sky: 0.9443, IoU.floor: 0.8322, IoU.tree: 0.7457, IoU.ceiling: 0.8338, IoU.road: 0.8475, IoU.bed : 0.9034, IoU.windowpane: 0.6321, IoU.grass: 0.7043, IoU.cabinet: 0.6043, IoU.sidewalk: 0.6651, IoU.person: 0.8198, IoU.earth: 0.3621, IoU.door: 0.4885, IoU.table: 0.6260, IoU.mountain: 0.6184, IoU.plant: 0.5348, IoU.curtain: 0.7533, IoU.chair: 0.5949, IoU.car: 0.8401, IoU.water: 0.5939, IoU.painting: 0.7294, IoU.sofa: 0.7150, IoU.shelf: 0.4600, IoU.house: 0.5676, IoU.sea: 0.6547, IoU.mirror: 0.7182, IoU.rug: 0.6943, IoU.field: 0.3138, IoU.armchair: 0.4578, IoU.seat: 0.6394, IoU.fence: 0.4319, IoU.desk: 0.5257, IoU.rock: 0.5168, IoU.wardrobe: 0.5144, IoU.lamp: 0.6661, IoU.bathtub: 0.8171, IoU.railing: 0.3418, IoU.cushion: 0.6295, IoU.base: 0.2946, IoU.box: 0.2993, IoU.column: 0.5006, IoU.signboard: 0.3351, IoU.chest of drawers: 0.4572, IoU.counter: 0.4209, IoU.sand: 0.4672, IoU.sink: 0.7418, IoU.skyscraper: 0.3343, IoU.fireplace: 0.6922, IoU.refrigerator: 0.7310, IoU.grandstand: 0.6060, IoU.path: 0.2942, IoU.stairs: 0.3970, IoU.runway: 0.7166, IoU.case: 0.6158, IoU.pool table: 0.9321, IoU.pillow: 0.5717, IoU.screen door: 0.5628, IoU.stairway: 0.3690, IoU.river: 0.1070, IoU.bridge: 0.4747, IoU.bookcase: 0.3516, IoU.blind: 0.4185, IoU.coffee table: 0.6049, IoU.toilet: 0.8626, IoU.flower: 0.4698, IoU.book: 0.4810, IoU.hill: 0.0655, IoU.bench: 0.5497, IoU.countertop: 0.5939, IoU.stove: 0.7775, IoU.palm: 0.5439, IoU.kitchen island: 0.4247, IoU.computer: 0.7540, IoU.swivel chair: 0.3307, IoU.boat: 0.6404, IoU.bar: 0.7526, IoU.arcade machine: 0.8191, IoU.hovel: 0.4809, IoU.bus: 0.9020, IoU.towel: 0.6971, IoU.light: 0.5343, IoU.truck: 0.3994, IoU.tower: 0.3222, IoU.chandelier: 0.6799, IoU.awning: 0.3505, IoU.streetlight: 0.2901, IoU.booth: 0.4556, IoU.television receiver: 0.7749, IoU.airplane: 0.6608, IoU.dirt track: 0.0001, IoU.apparel: 0.5128, IoU.pole: 0.2002, IoU.land: 0.0283, IoU.bannister: 0.0969, IoU.escalator: 0.5828, IoU.ottoman: 0.4799, IoU.bottle: 0.3922, IoU.buffet: 0.5250, IoU.poster: 0.2405, IoU.stage: 0.2083, IoU.van: 0.3143, IoU.ship: 0.6688, IoU.fountain: 0.5707, IoU.conveyer belt: 0.6270, IoU.canopy: 0.5517, IoU.washer: 0.8408, IoU.plaything: 0.2010, IoU.swimming pool: 0.6235, IoU.stool: 0.4546, IoU.barrel: 0.5147, IoU.basket: 0.3604, IoU.waterfall: 0.6054, IoU.tent: 0.9486, IoU.bag: 0.1957, IoU.minibike: 0.7185, IoU.cradle: 0.8540, IoU.oven: 0.5774, IoU.ball: 0.2644, IoU.food: 0.5847, IoU.step: 0.1754, IoU.tank: 0.5764, IoU.trade name: 0.1544, IoU.microwave: 0.8557, IoU.pot: 0.4810, IoU.animal: 0.6470, IoU.bicycle: 0.5823, IoU.lake: 0.5496, IoU.dishwasher: 0.5994, IoU.screen: 0.4802, IoU.blanket: 0.2324, IoU.sculpture: 0.6894, IoU.hood: 0.6325, IoU.sconce: 0.5373, IoU.vase: 0.3984, IoU.traffic light: 0.3126, IoU.tray: 0.1183, IoU.ashcan: 0.4256, IoU.fan: 0.6357, IoU.pier: 0.3402, IoU.crt screen: 0.0670, IoU.plate: 0.5324, IoU.monitor: 0.3427, IoU.bulletin board: 0.3572, IoU.shower: 0.0040, IoU.radiator: 0.6124, IoU.glass: 0.1638, IoU.clock: 0.4003, IoU.flag: 0.6069, Acc.wall: 0.8850, Acc.building: 0.9417, Acc.sky: 0.9742, Acc.floor: 0.9043, Acc.tree: 0.8813, Acc.ceiling: 0.8992, Acc.road: 0.9169, Acc.bed : 0.9680, Acc.windowpane: 0.7784, Acc.grass: 0.8799, Acc.cabinet: 0.7353, Acc.sidewalk: 0.8106, Acc.person: 0.9299, Acc.earth: 0.4586, Acc.door: 0.6308, Acc.table: 0.7415, Acc.mountain: 0.7374, Acc.plant: 0.6654, Acc.curtain: 0.8418, Acc.chair: 0.7672, Acc.car: 0.9424, Acc.water: 0.7121, Acc.painting: 0.8858, Acc.sofa: 0.8637, Acc.shelf: 0.6473, Acc.house: 0.6789, Acc.sea: 0.7809, Acc.mirror: 0.8374, Acc.rug: 0.7964, Acc.field: 0.4605, Acc.armchair: 0.6470, Acc.seat: 0.8561, Acc.fence: 0.5286, Acc.desk: 0.6907, Acc.rock: 0.7490, Acc.wardrobe: 0.7065, Acc.lamp: 0.7873, Acc.bathtub: 0.8809, Acc.railing: 0.4995, Acc.cushion: 0.7386, Acc.base: 0.3490, Acc.box: 0.3765, Acc.column: 0.6198, Acc.signboard: 0.4342, Acc.chest of drawers: 0.5894, Acc.counter: 0.5074, Acc.sand: 0.6751, Acc.sink: 0.8074, Acc.skyscraper: 0.3636, Acc.fireplace: 0.9188, Acc.refrigerator: 0.8468, Acc.grandstand: 0.7085, Acc.path: 0.4276, Acc.stairs: 0.5121, Acc.runway: 0.9853, Acc.case: 0.7774, Acc.pool table: 0.9733, Acc.pillow: 0.6359, Acc.screen door: 0.6145, Acc.stairway: 0.4488, Acc.river: 0.2876, Acc.bridge: 0.5964, Acc.bookcase: 0.4419, Acc.blind: 0.5368, Acc.coffee table: 0.8643, Acc.toilet: 0.9295, Acc.flower: 0.6044, Acc.book: 0.7909, Acc.hill: 0.0926, Acc.bench: 0.6685, Acc.countertop: 0.7953, Acc.stove: 0.8822, Acc.palm: 0.6962, Acc.kitchen island: 0.6995, Acc.computer: 0.8857, Acc.swivel chair: 0.3787, Acc.boat: 0.8607, Acc.bar: 0.8244, Acc.arcade machine: 0.9226, Acc.hovel: 0.5673, Acc.bus: 0.9561, Acc.towel: 0.8125, Acc.light: 0.6180, Acc.truck: 0.5207, Acc.tower: 0.5048, Acc.chandelier: 0.8327, Acc.awning: 0.4448, Acc.streetlight: 0.3844, Acc.booth: 0.7968, Acc.television receiver: 0.8674, Acc.airplane: 0.7994, Acc.dirt track: 0.0003, Acc.apparel: 0.8832, Acc.pole: 0.2645, Acc.land: 0.0396, Acc.bannister: 0.1312, Acc.escalator: 0.7870, Acc.ottoman: 0.7444, Acc.bottle: 0.7158, Acc.buffet: 0.6403, Acc.poster: 0.3138, Acc.stage: 0.5839, Acc.van: 0.3849, Acc.ship: 0.8077, Acc.fountain: 0.6208, Acc.conveyer belt: 0.9573, Acc.canopy: 0.7832, Acc.washer: 0.9205, Acc.plaything: 0.3249, Acc.swimming pool: 0.8987, Acc.stool: 0.5397, Acc.barrel: 0.5659, Acc.basket: 0.4589, Acc.waterfall: 0.6939, Acc.tent: 0.9677, Acc.bag: 0.2113, Acc.minibike: 0.8485, Acc.cradle: 0.9753, Acc.oven: 0.7565, Acc.ball: 0.2758, Acc.food: 0.7866, Acc.step: 0.2037, Acc.tank: 0.8230, Acc.trade name: 0.1641, Acc.microwave: 0.9262, Acc.pot: 0.5361, Acc.animal: 0.6763, Acc.bicycle: 0.7594, Acc.lake: 0.7435, Acc.dishwasher: 0.6965, Acc.screen: 0.7386, Acc.blanket: 0.2586, Acc.sculpture: 0.8164, Acc.hood: 0.6996, Acc.sconce: 0.6499, Acc.vase: 0.5300, Acc.traffic light: 0.5170, Acc.tray: 0.1698, Acc.ashcan: 0.5238, Acc.fan: 0.7761, Acc.pier: 0.3918, Acc.crt screen: 0.1693, Acc.plate: 0.7076, Acc.monitor: 0.4189, Acc.bulletin board: 0.4628, Acc.shower: 0.0059, Acc.radiator: 0.6894, Acc.glass: 0.1735, Acc.clock: 0.4357, Acc.flag: 0.6504 2023-11-10 15:35:04,955 - mmseg - INFO - Iter [20050/80000] lr: 2.998e-05, eta: 13:33:35, time: 2.307, data_time: 1.617, memory: 60073, decode.loss_ce: 0.2512, decode.acc_seg: 89.7925, aux.loss_ce: 0.3408, aux.acc_seg: 70.6017, loss: 0.5920 2023-11-10 15:35:39,764 - mmseg - INFO - Iter [20100/80000] lr: 2.995e-05, eta: 13:32:36, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2519, decode.acc_seg: 89.6324, aux.loss_ce: 0.3267, aux.acc_seg: 71.2215, loss: 0.5786 2023-11-10 15:36:14,540 - mmseg - INFO - Iter [20150/80000] lr: 2.993e-05, eta: 13:31:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2474, decode.acc_seg: 89.5415, aux.loss_ce: 0.3258, aux.acc_seg: 71.0595, loss: 0.5732 2023-11-10 15:36:49,316 - mmseg - INFO - Iter [20200/80000] lr: 2.990e-05, eta: 13:30:40, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2424, decode.acc_seg: 89.5988, aux.loss_ce: 0.3272, aux.acc_seg: 71.1126, loss: 0.5696 2023-11-10 15:37:26,373 - mmseg - INFO - Iter [20250/80000] lr: 2.988e-05, eta: 13:29:49, time: 0.741, data_time: 0.052, memory: 60073, decode.loss_ce: 0.2497, decode.acc_seg: 89.6372, aux.loss_ce: 0.3198, aux.acc_seg: 72.5914, loss: 0.5695 2023-11-10 15:38:01,165 - mmseg - INFO - Iter [20300/80000] lr: 2.985e-05, eta: 13:28:51, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2472, decode.acc_seg: 89.6396, aux.loss_ce: 0.3434, aux.acc_seg: 70.3605, loss: 0.5906 2023-11-10 15:38:35,938 - mmseg - INFO - Iter [20350/80000] lr: 2.983e-05, eta: 13:27:53, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2399, decode.acc_seg: 89.8848, aux.loss_ce: 0.3163, aux.acc_seg: 72.1980, loss: 0.5562 2023-11-10 15:39:10,713 - mmseg - INFO - Iter [20400/80000] lr: 2.980e-05, eta: 13:26:55, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2433, decode.acc_seg: 89.4957, aux.loss_ce: 0.3299, aux.acc_seg: 70.1380, loss: 0.5732 2023-11-10 15:39:45,496 - mmseg - INFO - Iter [20450/80000] lr: 2.978e-05, eta: 13:25:57, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2577, decode.acc_seg: 88.9494, aux.loss_ce: 0.3272, aux.acc_seg: 71.3591, loss: 0.5850 2023-11-10 15:40:20,292 - mmseg - INFO - Iter [20500/80000] lr: 2.975e-05, eta: 13:25:00, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2445, decode.acc_seg: 89.6107, aux.loss_ce: 0.3301, aux.acc_seg: 70.4573, loss: 0.5747 2023-11-10 15:40:55,067 - mmseg - INFO - Iter [20550/80000] lr: 2.973e-05, eta: 13:24:03, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2406, decode.acc_seg: 89.7209, aux.loss_ce: 0.3280, aux.acc_seg: 70.3212, loss: 0.5686 2023-11-10 15:41:29,855 - mmseg - INFO - Iter [20600/80000] lr: 2.970e-05, eta: 13:23:05, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2417, decode.acc_seg: 89.7488, aux.loss_ce: 0.3228, aux.acc_seg: 70.9372, loss: 0.5646 2023-11-10 15:42:04,612 - mmseg - INFO - Iter [20650/80000] lr: 2.968e-05, eta: 13:22:08, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2307, decode.acc_seg: 90.2143, aux.loss_ce: 0.3112, aux.acc_seg: 71.9699, loss: 0.5419 2023-11-10 15:42:39,398 - mmseg - INFO - Iter [20700/80000] lr: 2.965e-05, eta: 13:21:11, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2557, decode.acc_seg: 89.3500, aux.loss_ce: 0.3300, aux.acc_seg: 71.5118, loss: 0.5858 2023-11-10 15:43:14,179 - mmseg - INFO - Iter [20750/80000] lr: 2.963e-05, eta: 13:20:14, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2459, decode.acc_seg: 89.5189, aux.loss_ce: 0.3394, aux.acc_seg: 70.1581, loss: 0.5853 2023-11-10 15:43:48,962 - mmseg - INFO - Iter [20800/80000] lr: 2.960e-05, eta: 13:19:17, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2360, decode.acc_seg: 90.1066, aux.loss_ce: 0.3185, aux.acc_seg: 72.0275, loss: 0.5545 2023-11-10 15:44:23,759 - mmseg - INFO - Iter [20850/80000] lr: 2.958e-05, eta: 13:18:21, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2451, decode.acc_seg: 89.7109, aux.loss_ce: 0.3166, aux.acc_seg: 72.0195, loss: 0.5617 2023-11-10 15:44:58,541 - mmseg - INFO - Iter [20900/80000] lr: 2.955e-05, eta: 13:17:24, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2367, decode.acc_seg: 90.1355, aux.loss_ce: 0.3095, aux.acc_seg: 73.1044, loss: 0.5462 2023-11-10 15:45:33,340 - mmseg - INFO - Iter [20950/80000] lr: 2.953e-05, eta: 13:16:27, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2488, decode.acc_seg: 89.5819, aux.loss_ce: 0.3200, aux.acc_seg: 71.7102, loss: 0.5688 2023-11-10 15:46:08,097 - mmseg - INFO - Saving checkpoint at 21000 iterations 2023-11-10 15:46:42,931 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:46:42,931 - mmseg - INFO - Iter [21000/80000] lr: 2.950e-05, eta: 13:17:09, time: 1.392, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2489, decode.acc_seg: 89.2298, aux.loss_ce: 0.3396, aux.acc_seg: 69.9154, loss: 0.5886 2023-11-10 15:48:03,606 - mmseg - INFO - per class results: 2023-11-10 15:48:03,612 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.58 | 88.52 | | building | 84.1 | 92.65 | | sky | 94.49 | 97.14 | | floor | 81.76 | 90.0 | | tree | 75.1 | 90.36 | | ceiling | 83.46 | 90.34 | | road | 82.95 | 91.52 | | bed | 89.75 | 97.64 | | windowpane | 63.49 | 77.94 | | grass | 71.05 | 85.66 | | cabinet | 61.32 | 72.56 | | sidewalk | 65.1 | 78.8 | | person | 81.47 | 93.24 | | earth | 33.67 | 41.11 | | door | 47.9 | 59.05 | | table | 61.41 | 78.14 | | mountain | 62.28 | 72.17 | | plant | 54.09 | 68.36 | | curtain | 71.52 | 82.78 | | chair | 58.57 | 71.54 | | car | 84.2 | 94.29 | | water | 60.71 | 76.65 | | painting | 73.44 | 88.08 | | sofa | 69.78 | 87.89 | | shelf | 43.88 | 63.35 | | house | 56.39 | 71.55 | | sea | 66.24 | 82.5 | | mirror | 73.89 | 82.28 | | rug | 67.01 | 79.52 | | field | 34.42 | 54.96 | | armchair | 47.02 | 67.98 | | seat | 65.9 | 84.55 | | fence | 45.78 | 56.66 | | desk | 49.8 | 69.22 | | rock | 51.57 | 70.71 | | wardrobe | 54.64 | 72.17 | | lamp | 67.37 | 79.79 | | bathtub | 82.46 | 87.98 | | railing | 33.54 | 46.28 | | cushion | 61.4 | 70.18 | | base | 33.94 | 46.32 | | box | 31.12 | 38.85 | | column | 50.71 | 64.85 | | signboard | 35.76 | 51.57 | | chest of drawers | 48.44 | 64.69 | | counter | 47.31 | 58.78 | | sand | 52.83 | 78.8 | | sink | 73.36 | 81.03 | | skyscraper | 56.6 | 72.13 | | fireplace | 74.45 | 88.72 | | refrigerator | 71.67 | 81.02 | | grandstand | 58.83 | 85.6 | | path | 26.87 | 42.17 | | stairs | 37.65 | 50.36 | | runway | 58.8 | 76.8 | | case | 55.54 | 70.68 | | pool table | 92.72 | 97.9 | | pillow | 59.01 | 66.17 | | screen door | 63.44 | 67.41 | | stairway | 43.12 | 55.0 | | river | 10.15 | 17.87 | | bridge | 66.21 | 79.57 | | bookcase | 41.1 | 55.37 | | blind | 34.03 | 41.38 | | coffee table | 56.65 | 89.42 | | toilet | 84.83 | 92.81 | | flower | 43.76 | 66.63 | | book | 50.67 | 74.98 | | hill | 10.73 | 20.96 | | bench | 57.88 | 75.81 | | countertop | 61.09 | 80.53 | | stove | 74.22 | 86.82 | | palm | 54.43 | 75.19 | | kitchen island | 39.72 | 69.08 | | computer | 74.04 | 87.47 | | swivel chair | 41.93 | 60.26 | | boat | 63.58 | 86.7 | | bar | 72.33 | 87.42 | | arcade machine | 82.62 | 90.31 | | hovel | 45.77 | 50.54 | | bus | 87.59 | 96.78 | | towel | 70.5 | 77.94 | | light | 55.03 | 65.04 | | truck | 40.05 | 47.29 | | tower | 28.25 | 45.39 | | chandelier | 69.29 | 80.93 | | awning | 34.66 | 41.83 | | streetlight | 29.36 | 36.76 | | booth | 36.94 | 61.18 | | television receiver | 79.65 | 88.1 | | airplane | 63.11 | 69.28 | | dirt track | 0.66 | 2.3 | | apparel | 58.6 | 75.42 | | pole | 20.83 | 30.32 | | land | 1.91 | 7.73 | | bannister | 9.17 | 13.04 | | escalator | 55.79 | 86.34 | | ottoman | 52.68 | 66.55 | | bottle | 39.41 | 64.23 | | buffet | 54.14 | 64.11 | | poster | 24.61 | 30.62 | | stage | 17.07 | 33.11 | | van | 39.82 | 52.43 | | ship | 70.49 | 83.06 | | fountain | 53.26 | 61.0 | | conveyer belt | 56.63 | 97.51 | | canopy | 41.02 | 57.39 | | washer | 82.21 | 88.22 | | plaything | 19.09 | 31.51 | | swimming pool | 58.93 | 93.36 | | stool | 45.14 | 53.08 | | barrel | 51.06 | 55.72 | | basket | 35.53 | 48.37 | | waterfall | 50.92 | 60.9 | | tent | 93.28 | 98.44 | | bag | 22.7 | 26.41 | | minibike | 71.6 | 85.53 | | cradle | 87.12 | 97.62 | | oven | 54.32 | 64.21 | | ball | 53.17 | 69.05 | | food | 52.34 | 66.12 | | step | 17.13 | 19.66 | | tank | 75.37 | 95.35 | | trade name | 17.21 | 18.66 | | microwave | 84.06 | 93.33 | | pot | 45.73 | 51.25 | | animal | 62.01 | 65.06 | | bicycle | 54.59 | 67.16 | | lake | 58.12 | 70.19 | | dishwasher | 46.79 | 50.6 | | screen | 50.83 | 75.99 | | blanket | 20.65 | 23.55 | | sculpture | 66.61 | 84.64 | | hood | 60.74 | 63.89 | | sconce | 50.53 | 59.43 | | vase | 38.23 | 51.29 | | traffic light | 32.3 | 49.71 | | tray | 8.29 | 9.47 | | ashcan | 44.42 | 53.42 | | fan | 63.58 | 77.14 | | pier | 35.41 | 44.9 | | crt screen | 15.88 | 25.32 | | plate | 51.58 | 67.57 | | monitor | 53.12 | 75.06 | | bulletin board | 41.42 | 47.33 | | shower | 1.42 | 1.65 | | radiator | 59.65 | 66.93 | | glass | 16.62 | 17.65 | | clock | 39.1 | 41.27 | | flag | 60.4 | 64.28 | +---------------------+-------+-------+ 2023-11-10 15:48:03,612 - mmseg - INFO - Summary: 2023-11-10 15:48:03,612 - mmseg - INFO - +------+-------+------+ | aAcc | mIoU | mAcc | +------+-------+------+ | 84.1 | 53.13 | 65.6 | +------+-------+------+ 2023-11-10 15:48:03,613 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 15:48:03,613 - mmseg - INFO - Iter(val) [250] aAcc: 0.8410, mIoU: 0.5313, mAcc: 0.6560, IoU.wall: 0.7858, IoU.building: 0.8410, IoU.sky: 0.9449, IoU.floor: 0.8176, IoU.tree: 0.7510, IoU.ceiling: 0.8346, IoU.road: 0.8295, IoU.bed : 0.8975, IoU.windowpane: 0.6349, IoU.grass: 0.7105, IoU.cabinet: 0.6132, IoU.sidewalk: 0.6510, IoU.person: 0.8147, IoU.earth: 0.3367, IoU.door: 0.4790, IoU.table: 0.6141, IoU.mountain: 0.6228, IoU.plant: 0.5409, IoU.curtain: 0.7152, IoU.chair: 0.5857, IoU.car: 0.8420, IoU.water: 0.6071, IoU.painting: 0.7344, IoU.sofa: 0.6978, IoU.shelf: 0.4388, IoU.house: 0.5639, IoU.sea: 0.6624, IoU.mirror: 0.7389, IoU.rug: 0.6701, IoU.field: 0.3442, IoU.armchair: 0.4702, IoU.seat: 0.6590, IoU.fence: 0.4578, IoU.desk: 0.4980, IoU.rock: 0.5157, IoU.wardrobe: 0.5464, IoU.lamp: 0.6737, IoU.bathtub: 0.8246, IoU.railing: 0.3354, IoU.cushion: 0.6140, IoU.base: 0.3394, IoU.box: 0.3112, IoU.column: 0.5071, IoU.signboard: 0.3576, IoU.chest of drawers: 0.4844, IoU.counter: 0.4731, IoU.sand: 0.5283, IoU.sink: 0.7336, IoU.skyscraper: 0.5660, IoU.fireplace: 0.7445, IoU.refrigerator: 0.7167, IoU.grandstand: 0.5883, IoU.path: 0.2687, IoU.stairs: 0.3765, IoU.runway: 0.5880, IoU.case: 0.5554, IoU.pool table: 0.9272, IoU.pillow: 0.5901, IoU.screen door: 0.6344, IoU.stairway: 0.4312, IoU.river: 0.1015, IoU.bridge: 0.6621, IoU.bookcase: 0.4110, IoU.blind: 0.3403, IoU.coffee table: 0.5665, IoU.toilet: 0.8483, IoU.flower: 0.4376, IoU.book: 0.5067, IoU.hill: 0.1073, IoU.bench: 0.5788, IoU.countertop: 0.6109, IoU.stove: 0.7422, IoU.palm: 0.5443, IoU.kitchen island: 0.3972, IoU.computer: 0.7404, IoU.swivel chair: 0.4193, IoU.boat: 0.6358, IoU.bar: 0.7233, IoU.arcade machine: 0.8262, IoU.hovel: 0.4577, IoU.bus: 0.8759, IoU.towel: 0.7050, IoU.light: 0.5503, IoU.truck: 0.4005, IoU.tower: 0.2825, IoU.chandelier: 0.6929, IoU.awning: 0.3466, IoU.streetlight: 0.2936, IoU.booth: 0.3694, IoU.television receiver: 0.7965, IoU.airplane: 0.6311, IoU.dirt track: 0.0066, IoU.apparel: 0.5860, IoU.pole: 0.2083, IoU.land: 0.0191, IoU.bannister: 0.0917, IoU.escalator: 0.5579, IoU.ottoman: 0.5268, IoU.bottle: 0.3941, IoU.buffet: 0.5414, IoU.poster: 0.2461, IoU.stage: 0.1707, IoU.van: 0.3982, IoU.ship: 0.7049, IoU.fountain: 0.5326, IoU.conveyer belt: 0.5663, IoU.canopy: 0.4102, IoU.washer: 0.8221, IoU.plaything: 0.1909, IoU.swimming pool: 0.5893, IoU.stool: 0.4514, IoU.barrel: 0.5106, IoU.basket: 0.3553, IoU.waterfall: 0.5092, IoU.tent: 0.9328, IoU.bag: 0.2270, IoU.minibike: 0.7160, IoU.cradle: 0.8712, IoU.oven: 0.5432, IoU.ball: 0.5317, IoU.food: 0.5234, IoU.step: 0.1713, IoU.tank: 0.7537, IoU.trade name: 0.1721, IoU.microwave: 0.8406, IoU.pot: 0.4573, IoU.animal: 0.6201, IoU.bicycle: 0.5459, IoU.lake: 0.5812, IoU.dishwasher: 0.4679, IoU.screen: 0.5083, IoU.blanket: 0.2065, IoU.sculpture: 0.6661, IoU.hood: 0.6074, IoU.sconce: 0.5053, IoU.vase: 0.3823, IoU.traffic light: 0.3230, IoU.tray: 0.0829, IoU.ashcan: 0.4442, IoU.fan: 0.6358, IoU.pier: 0.3541, IoU.crt screen: 0.1588, IoU.plate: 0.5158, IoU.monitor: 0.5312, IoU.bulletin board: 0.4142, IoU.shower: 0.0142, IoU.radiator: 0.5965, IoU.glass: 0.1662, IoU.clock: 0.3910, IoU.flag: 0.6040, Acc.wall: 0.8852, Acc.building: 0.9265, Acc.sky: 0.9714, Acc.floor: 0.9000, Acc.tree: 0.9036, Acc.ceiling: 0.9034, Acc.road: 0.9152, Acc.bed : 0.9764, Acc.windowpane: 0.7794, Acc.grass: 0.8566, Acc.cabinet: 0.7256, Acc.sidewalk: 0.7880, Acc.person: 0.9324, Acc.earth: 0.4111, Acc.door: 0.5905, Acc.table: 0.7814, Acc.mountain: 0.7217, Acc.plant: 0.6836, Acc.curtain: 0.8278, Acc.chair: 0.7154, Acc.car: 0.9429, Acc.water: 0.7665, Acc.painting: 0.8808, Acc.sofa: 0.8789, Acc.shelf: 0.6335, Acc.house: 0.7155, Acc.sea: 0.8250, Acc.mirror: 0.8228, Acc.rug: 0.7952, Acc.field: 0.5496, Acc.armchair: 0.6798, Acc.seat: 0.8455, Acc.fence: 0.5666, Acc.desk: 0.6922, Acc.rock: 0.7071, Acc.wardrobe: 0.7217, Acc.lamp: 0.7979, Acc.bathtub: 0.8798, Acc.railing: 0.4628, Acc.cushion: 0.7018, Acc.base: 0.4632, Acc.box: 0.3885, Acc.column: 0.6485, Acc.signboard: 0.5157, Acc.chest of drawers: 0.6469, Acc.counter: 0.5878, Acc.sand: 0.7880, Acc.sink: 0.8103, Acc.skyscraper: 0.7213, Acc.fireplace: 0.8872, Acc.refrigerator: 0.8102, Acc.grandstand: 0.8560, Acc.path: 0.4217, Acc.stairs: 0.5036, Acc.runway: 0.7680, Acc.case: 0.7068, Acc.pool table: 0.9790, Acc.pillow: 0.6617, Acc.screen door: 0.6741, Acc.stairway: 0.5500, Acc.river: 0.1787, Acc.bridge: 0.7957, Acc.bookcase: 0.5537, Acc.blind: 0.4138, Acc.coffee table: 0.8942, Acc.toilet: 0.9281, Acc.flower: 0.6663, Acc.book: 0.7498, Acc.hill: 0.2096, Acc.bench: 0.7581, Acc.countertop: 0.8053, Acc.stove: 0.8682, Acc.palm: 0.7519, Acc.kitchen island: 0.6908, Acc.computer: 0.8747, Acc.swivel chair: 0.6026, Acc.boat: 0.8670, Acc.bar: 0.8742, Acc.arcade machine: 0.9031, Acc.hovel: 0.5054, Acc.bus: 0.9678, Acc.towel: 0.7794, Acc.light: 0.6504, Acc.truck: 0.4729, Acc.tower: 0.4539, Acc.chandelier: 0.8093, Acc.awning: 0.4183, Acc.streetlight: 0.3676, Acc.booth: 0.6118, Acc.television receiver: 0.8810, Acc.airplane: 0.6928, Acc.dirt track: 0.0230, Acc.apparel: 0.7542, Acc.pole: 0.3032, Acc.land: 0.0773, Acc.bannister: 0.1304, Acc.escalator: 0.8634, Acc.ottoman: 0.6655, Acc.bottle: 0.6423, Acc.buffet: 0.6411, Acc.poster: 0.3062, Acc.stage: 0.3311, Acc.van: 0.5243, Acc.ship: 0.8306, Acc.fountain: 0.6100, Acc.conveyer belt: 0.9751, Acc.canopy: 0.5739, Acc.washer: 0.8822, Acc.plaything: 0.3151, Acc.swimming pool: 0.9336, Acc.stool: 0.5308, Acc.barrel: 0.5572, Acc.basket: 0.4837, Acc.waterfall: 0.6090, Acc.tent: 0.9844, Acc.bag: 0.2641, Acc.minibike: 0.8553, Acc.cradle: 0.9762, Acc.oven: 0.6421, Acc.ball: 0.6905, Acc.food: 0.6612, Acc.step: 0.1966, Acc.tank: 0.9535, Acc.trade name: 0.1866, Acc.microwave: 0.9333, Acc.pot: 0.5125, Acc.animal: 0.6506, Acc.bicycle: 0.6716, Acc.lake: 0.7019, Acc.dishwasher: 0.5060, Acc.screen: 0.7599, Acc.blanket: 0.2355, Acc.sculpture: 0.8464, Acc.hood: 0.6389, Acc.sconce: 0.5943, Acc.vase: 0.5129, Acc.traffic light: 0.4971, Acc.tray: 0.0947, Acc.ashcan: 0.5342, Acc.fan: 0.7714, Acc.pier: 0.4490, Acc.crt screen: 0.2532, Acc.plate: 0.6757, Acc.monitor: 0.7506, Acc.bulletin board: 0.4733, Acc.shower: 0.0165, Acc.radiator: 0.6693, Acc.glass: 0.1765, Acc.clock: 0.4127, Acc.flag: 0.6428 2023-11-10 15:48:38,421 - mmseg - INFO - Iter [21050/80000] lr: 2.948e-05, eta: 13:19:58, time: 2.310, data_time: 1.621, memory: 60073, decode.loss_ce: 0.2524, decode.acc_seg: 89.1621, aux.loss_ce: 0.3257, aux.acc_seg: 71.3719, loss: 0.5782 2023-11-10 15:49:13,203 - mmseg - INFO - Iter [21100/80000] lr: 2.945e-05, eta: 13:19:01, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2490, decode.acc_seg: 89.6790, aux.loss_ce: 0.3289, aux.acc_seg: 70.6136, loss: 0.5780 2023-11-10 15:49:47,949 - mmseg - INFO - Iter [21150/80000] lr: 2.943e-05, eta: 13:18:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2388, decode.acc_seg: 89.8866, aux.loss_ce: 0.3316, aux.acc_seg: 70.9834, loss: 0.5704 2023-11-10 15:50:22,692 - mmseg - INFO - Iter [21200/80000] lr: 2.940e-05, eta: 13:17:06, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2403, decode.acc_seg: 89.8094, aux.loss_ce: 0.3258, aux.acc_seg: 71.4821, loss: 0.5660 2023-11-10 15:50:57,440 - mmseg - INFO - Iter [21250/80000] lr: 2.938e-05, eta: 13:16:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2565, decode.acc_seg: 89.2370, aux.loss_ce: 0.3378, aux.acc_seg: 70.0741, loss: 0.5943 2023-11-10 15:51:32,167 - mmseg - INFO - Iter [21300/80000] lr: 2.935e-05, eta: 13:15:12, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2521, decode.acc_seg: 89.5246, aux.loss_ce: 0.3383, aux.acc_seg: 70.6746, loss: 0.5904 2023-11-10 15:52:06,908 - mmseg - INFO - Iter [21350/80000] lr: 2.933e-05, eta: 13:14:16, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2607, decode.acc_seg: 89.3173, aux.loss_ce: 0.3373, aux.acc_seg: 71.1636, loss: 0.5980 2023-11-10 15:52:41,675 - mmseg - INFO - Iter [21400/80000] lr: 2.930e-05, eta: 13:13:19, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2769, decode.acc_seg: 88.2494, aux.loss_ce: 0.3455, aux.acc_seg: 69.3348, loss: 0.6224 2023-11-10 15:53:16,437 - mmseg - INFO - Iter [21450/80000] lr: 2.928e-05, eta: 13:12:22, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2666, decode.acc_seg: 88.9815, aux.loss_ce: 0.3414, aux.acc_seg: 70.0158, loss: 0.6080 2023-11-10 15:53:53,513 - mmseg - INFO - Iter [21500/80000] lr: 2.925e-05, eta: 13:11:32, time: 0.742, data_time: 0.051, memory: 60073, decode.loss_ce: 0.2353, decode.acc_seg: 90.1198, aux.loss_ce: 0.3244, aux.acc_seg: 71.2389, loss: 0.5597 2023-11-10 15:54:28,305 - mmseg - INFO - Iter [21550/80000] lr: 2.923e-05, eta: 13:10:36, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2458, decode.acc_seg: 89.7875, aux.loss_ce: 0.3277, aux.acc_seg: 71.1160, loss: 0.5735 2023-11-10 15:55:03,101 - mmseg - INFO - Iter [21600/80000] lr: 2.920e-05, eta: 13:09:40, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2474, decode.acc_seg: 89.7208, aux.loss_ce: 0.3281, aux.acc_seg: 70.8780, loss: 0.5755 2023-11-10 15:55:37,888 - mmseg - INFO - Iter [21650/80000] lr: 2.918e-05, eta: 13:08:43, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2459, decode.acc_seg: 89.7333, aux.loss_ce: 0.3357, aux.acc_seg: 70.7052, loss: 0.5816 2023-11-10 15:56:12,663 - mmseg - INFO - Iter [21700/80000] lr: 2.915e-05, eta: 13:07:47, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2559, decode.acc_seg: 89.6812, aux.loss_ce: 0.3235, aux.acc_seg: 72.6922, loss: 0.5794 2023-11-10 15:56:47,458 - mmseg - INFO - Iter [21750/80000] lr: 2.913e-05, eta: 13:06:51, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2398, decode.acc_seg: 89.6195, aux.loss_ce: 0.3360, aux.acc_seg: 70.2529, loss: 0.5758 2023-11-10 15:57:22,254 - mmseg - INFO - Iter [21800/80000] lr: 2.910e-05, eta: 13:05:56, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2488, decode.acc_seg: 89.6031, aux.loss_ce: 0.3298, aux.acc_seg: 71.0532, loss: 0.5787 2023-11-10 15:57:57,041 - mmseg - INFO - Iter [21850/80000] lr: 2.908e-05, eta: 13:05:00, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2416, decode.acc_seg: 89.6781, aux.loss_ce: 0.3364, aux.acc_seg: 70.3518, loss: 0.5780 2023-11-10 15:58:31,833 - mmseg - INFO - Iter [21900/80000] lr: 2.905e-05, eta: 13:04:04, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2530, decode.acc_seg: 89.4571, aux.loss_ce: 0.3360, aux.acc_seg: 70.8014, loss: 0.5890 2023-11-10 15:59:06,608 - mmseg - INFO - Iter [21950/80000] lr: 2.903e-05, eta: 13:03:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2410, decode.acc_seg: 89.8860, aux.loss_ce: 0.3365, aux.acc_seg: 70.3582, loss: 0.5775 2023-11-10 15:59:41,377 - mmseg - INFO - Saving checkpoint at 22000 iterations 2023-11-10 16:00:12,232 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:00:12,232 - mmseg - INFO - Iter [22000/80000] lr: 2.900e-05, eta: 13:03:35, time: 1.312, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2463, decode.acc_seg: 89.4779, aux.loss_ce: 0.3364, aux.acc_seg: 70.5703, loss: 0.5828 2023-11-10 16:01:32,775 - mmseg - INFO - per class results: 2023-11-10 16:01:32,780 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.33 | 89.14 | | building | 84.17 | 93.12 | | sky | 94.33 | 98.11 | | floor | 81.74 | 91.81 | | tree | 74.44 | 87.56 | | ceiling | 83.17 | 94.42 | | road | 84.38 | 92.18 | | bed | 90.03 | 96.42 | | windowpane | 63.48 | 80.04 | | grass | 69.42 | 78.19 | | cabinet | 59.54 | 67.87 | | sidewalk | 65.41 | 79.2 | | person | 81.97 | 92.15 | | earth | 36.87 | 49.36 | | door | 48.76 | 58.52 | | table | 62.75 | 76.53 | | mountain | 59.11 | 71.46 | | plant | 53.17 | 64.12 | | curtain | 71.28 | 83.57 | | chair | 57.81 | 66.47 | | car | 84.59 | 92.67 | | water | 60.02 | 77.93 | | painting | 70.11 | 85.29 | | sofa | 67.31 | 88.86 | | shelf | 43.26 | 57.76 | | house | 56.46 | 73.68 | | sea | 64.27 | 75.18 | | mirror | 71.04 | 77.81 | | rug | 54.87 | 60.85 | | field | 29.22 | 53.92 | | armchair | 40.94 | 53.03 | | seat | 62.17 | 85.99 | | fence | 38.58 | 45.41 | | desk | 52.35 | 73.83 | | rock | 52.74 | 75.17 | | wardrobe | 53.83 | 83.81 | | lamp | 65.67 | 75.51 | | bathtub | 81.26 | 91.47 | | railing | 28.12 | 36.21 | | cushion | 60.04 | 68.12 | | base | 26.52 | 35.87 | | box | 32.71 | 45.2 | | column | 46.9 | 54.66 | | signboard | 34.53 | 47.43 | | chest of drawers | 50.7 | 70.29 | | counter | 44.06 | 55.54 | | sand | 54.06 | 78.9 | | sink | 72.71 | 80.49 | | skyscraper | 45.23 | 52.64 | | fireplace | 74.56 | 85.21 | | refrigerator | 75.15 | 87.45 | | grandstand | 55.92 | 71.64 | | path | 28.04 | 41.28 | | stairs | 36.6 | 45.86 | | runway | 68.7 | 90.73 | | case | 59.86 | 75.84 | | pool table | 93.65 | 97.37 | | pillow | 57.04 | 63.39 | | screen door | 69.75 | 80.61 | | stairway | 40.56 | 52.31 | | river | 11.74 | 24.14 | | bridge | 66.48 | 75.3 | | bookcase | 45.38 | 69.2 | | blind | 32.11 | 36.55 | | coffee table | 61.33 | 80.45 | | toilet | 86.95 | 91.76 | | flower | 41.49 | 58.19 | | book | 51.26 | 69.69 | | hill | 10.93 | 16.61 | | bench | 59.39 | 71.55 | | countertop | 59.66 | 79.37 | | stove | 77.52 | 85.91 | | palm | 53.77 | 73.54 | | kitchen island | 37.89 | 56.38 | | computer | 72.33 | 85.61 | | swivel chair | 45.28 | 66.16 | | boat | 59.59 | 80.54 | | bar | 72.09 | 82.49 | | arcade machine | 80.66 | 86.9 | | hovel | 44.22 | 51.36 | | bus | 90.82 | 95.65 | | towel | 68.42 | 76.76 | | light | 50.87 | 57.41 | | truck | 38.28 | 45.69 | | tower | 37.48 | 61.53 | | chandelier | 65.26 | 72.23 | | awning | 34.8 | 41.76 | | streetlight | 25.62 | 29.03 | | booth | 36.02 | 56.63 | | television receiver | 78.22 | 87.62 | | airplane | 59.23 | 68.24 | | dirt track | 2.92 | 8.7 | | apparel | 53.06 | 72.52 | | pole | 23.28 | 31.4 | | land | 1.97 | 5.18 | | bannister | 8.38 | 13.9 | | escalator | 57.53 | 74.53 | | ottoman | 53.48 | 68.74 | | bottle | 40.55 | 64.23 | | buffet | 45.46 | 50.68 | | poster | 22.72 | 27.52 | | stage | 31.58 | 65.65 | | van | 33.86 | 41.07 | | ship | 72.78 | 89.69 | | fountain | 41.49 | 43.11 | | conveyer belt | 75.95 | 95.3 | | canopy | 46.9 | 61.88 | | washer | 84.26 | 92.5 | | plaything | 23.07 | 31.42 | | swimming pool | 61.16 | 95.47 | | stool | 45.45 | 52.31 | | barrel | 51.17 | 55.08 | | basket | 35.3 | 45.7 | | waterfall | 48.99 | 52.81 | | tent | 94.02 | 97.82 | | bag | 22.41 | 25.4 | | minibike | 70.99 | 83.29 | | cradle | 79.23 | 97.24 | | oven | 56.07 | 67.73 | | ball | 18.36 | 18.72 | | food | 54.34 | 68.81 | | step | 15.13 | 17.62 | | tank | 60.39 | 74.8 | | trade name | 20.3 | 21.61 | | microwave | 84.88 | 93.41 | | pot | 44.94 | 49.53 | | animal | 58.53 | 60.1 | | bicycle | 56.78 | 70.84 | | lake | 59.89 | 72.27 | | dishwasher | 59.49 | 68.02 | | screen | 56.63 | 76.8 | | blanket | 17.73 | 20.09 | | sculpture | 70.76 | 81.89 | | hood | 65.35 | 69.99 | | sconce | 51.03 | 59.3 | | vase | 38.38 | 49.5 | | traffic light | 33.49 | 48.4 | | tray | 9.35 | 10.9 | | ashcan | 42.01 | 47.42 | | fan | 58.26 | 64.25 | | pier | 34.48 | 38.74 | | crt screen | 8.95 | 12.22 | | plate | 53.2 | 66.07 | | monitor | 58.68 | 70.09 | | bulletin board | 36.68 | 45.8 | | shower | 3.4 | 4.91 | | radiator | 60.97 | 67.08 | | glass | 16.87 | 18.21 | | clock | 38.01 | 41.71 | | flag | 42.29 | 43.78 | +---------------------+-------+-------+ 2023-11-10 16:01:32,780 - mmseg - INFO - Summary: 2023-11-10 16:01:32,780 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.85 | 52.48 | 63.69 | +-------+-------+-------+ 2023-11-10 16:01:32,781 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:01:32,781 - mmseg - INFO - Iter(val) [250] aAcc: 0.8385, mIoU: 0.5248, mAcc: 0.6369, IoU.wall: 0.7733, IoU.building: 0.8417, IoU.sky: 0.9433, IoU.floor: 0.8174, IoU.tree: 0.7444, IoU.ceiling: 0.8317, IoU.road: 0.8438, IoU.bed : 0.9003, IoU.windowpane: 0.6348, IoU.grass: 0.6942, IoU.cabinet: 0.5954, IoU.sidewalk: 0.6541, IoU.person: 0.8197, IoU.earth: 0.3687, IoU.door: 0.4876, IoU.table: 0.6275, IoU.mountain: 0.5911, IoU.plant: 0.5317, IoU.curtain: 0.7128, IoU.chair: 0.5781, IoU.car: 0.8459, IoU.water: 0.6002, IoU.painting: 0.7011, IoU.sofa: 0.6731, IoU.shelf: 0.4326, IoU.house: 0.5646, IoU.sea: 0.6427, IoU.mirror: 0.7104, IoU.rug: 0.5487, IoU.field: 0.2922, IoU.armchair: 0.4094, IoU.seat: 0.6217, IoU.fence: 0.3858, IoU.desk: 0.5235, IoU.rock: 0.5274, IoU.wardrobe: 0.5383, IoU.lamp: 0.6567, IoU.bathtub: 0.8126, IoU.railing: 0.2812, IoU.cushion: 0.6004, IoU.base: 0.2652, IoU.box: 0.3271, IoU.column: 0.4690, IoU.signboard: 0.3453, IoU.chest of drawers: 0.5070, IoU.counter: 0.4406, IoU.sand: 0.5406, IoU.sink: 0.7271, IoU.skyscraper: 0.4523, IoU.fireplace: 0.7456, IoU.refrigerator: 0.7515, IoU.grandstand: 0.5592, IoU.path: 0.2804, IoU.stairs: 0.3660, IoU.runway: 0.6870, IoU.case: 0.5986, IoU.pool table: 0.9365, IoU.pillow: 0.5704, IoU.screen door: 0.6975, IoU.stairway: 0.4056, IoU.river: 0.1174, IoU.bridge: 0.6648, IoU.bookcase: 0.4538, IoU.blind: 0.3211, IoU.coffee table: 0.6133, IoU.toilet: 0.8695, IoU.flower: 0.4149, IoU.book: 0.5126, IoU.hill: 0.1093, IoU.bench: 0.5939, IoU.countertop: 0.5966, IoU.stove: 0.7752, IoU.palm: 0.5377, IoU.kitchen island: 0.3789, IoU.computer: 0.7233, IoU.swivel chair: 0.4528, IoU.boat: 0.5959, IoU.bar: 0.7209, IoU.arcade machine: 0.8066, IoU.hovel: 0.4422, IoU.bus: 0.9082, IoU.towel: 0.6842, IoU.light: 0.5087, IoU.truck: 0.3828, IoU.tower: 0.3748, IoU.chandelier: 0.6526, IoU.awning: 0.3480, IoU.streetlight: 0.2562, IoU.booth: 0.3602, IoU.television receiver: 0.7822, IoU.airplane: 0.5923, IoU.dirt track: 0.0292, IoU.apparel: 0.5306, IoU.pole: 0.2328, IoU.land: 0.0197, IoU.bannister: 0.0838, IoU.escalator: 0.5753, IoU.ottoman: 0.5348, IoU.bottle: 0.4055, IoU.buffet: 0.4546, IoU.poster: 0.2272, IoU.stage: 0.3158, IoU.van: 0.3386, IoU.ship: 0.7278, IoU.fountain: 0.4149, IoU.conveyer belt: 0.7595, IoU.canopy: 0.4690, IoU.washer: 0.8426, IoU.plaything: 0.2307, IoU.swimming pool: 0.6116, IoU.stool: 0.4545, IoU.barrel: 0.5117, IoU.basket: 0.3530, IoU.waterfall: 0.4899, IoU.tent: 0.9402, IoU.bag: 0.2241, IoU.minibike: 0.7099, IoU.cradle: 0.7923, IoU.oven: 0.5607, IoU.ball: 0.1836, IoU.food: 0.5434, IoU.step: 0.1513, IoU.tank: 0.6039, IoU.trade name: 0.2030, IoU.microwave: 0.8488, IoU.pot: 0.4494, IoU.animal: 0.5853, IoU.bicycle: 0.5678, IoU.lake: 0.5989, IoU.dishwasher: 0.5949, IoU.screen: 0.5663, IoU.blanket: 0.1773, IoU.sculpture: 0.7076, IoU.hood: 0.6535, IoU.sconce: 0.5103, IoU.vase: 0.3838, IoU.traffic light: 0.3349, IoU.tray: 0.0935, IoU.ashcan: 0.4201, IoU.fan: 0.5826, IoU.pier: 0.3448, IoU.crt screen: 0.0895, IoU.plate: 0.5320, IoU.monitor: 0.5868, IoU.bulletin board: 0.3668, IoU.shower: 0.0340, IoU.radiator: 0.6097, IoU.glass: 0.1687, IoU.clock: 0.3801, IoU.flag: 0.4229, Acc.wall: 0.8914, Acc.building: 0.9312, Acc.sky: 0.9811, Acc.floor: 0.9181, Acc.tree: 0.8756, Acc.ceiling: 0.9442, Acc.road: 0.9218, Acc.bed : 0.9642, Acc.windowpane: 0.8004, Acc.grass: 0.7819, Acc.cabinet: 0.6787, Acc.sidewalk: 0.7920, Acc.person: 0.9215, Acc.earth: 0.4936, Acc.door: 0.5852, Acc.table: 0.7653, Acc.mountain: 0.7146, Acc.plant: 0.6412, Acc.curtain: 0.8357, Acc.chair: 0.6647, Acc.car: 0.9267, Acc.water: 0.7793, Acc.painting: 0.8529, Acc.sofa: 0.8886, Acc.shelf: 0.5776, Acc.house: 0.7368, Acc.sea: 0.7518, Acc.mirror: 0.7781, Acc.rug: 0.6085, Acc.field: 0.5392, Acc.armchair: 0.5303, Acc.seat: 0.8599, Acc.fence: 0.4541, Acc.desk: 0.7383, Acc.rock: 0.7517, Acc.wardrobe: 0.8381, Acc.lamp: 0.7551, Acc.bathtub: 0.9147, Acc.railing: 0.3621, Acc.cushion: 0.6812, Acc.base: 0.3587, Acc.box: 0.4520, Acc.column: 0.5466, Acc.signboard: 0.4743, Acc.chest of drawers: 0.7029, Acc.counter: 0.5554, Acc.sand: 0.7890, Acc.sink: 0.8049, Acc.skyscraper: 0.5264, Acc.fireplace: 0.8521, Acc.refrigerator: 0.8745, Acc.grandstand: 0.7164, Acc.path: 0.4128, Acc.stairs: 0.4586, Acc.runway: 0.9073, Acc.case: 0.7584, Acc.pool table: 0.9737, Acc.pillow: 0.6339, Acc.screen door: 0.8061, Acc.stairway: 0.5231, Acc.river: 0.2414, Acc.bridge: 0.7530, Acc.bookcase: 0.6920, Acc.blind: 0.3655, Acc.coffee table: 0.8045, Acc.toilet: 0.9176, Acc.flower: 0.5819, Acc.book: 0.6969, Acc.hill: 0.1661, Acc.bench: 0.7155, Acc.countertop: 0.7937, Acc.stove: 0.8591, Acc.palm: 0.7354, Acc.kitchen island: 0.5638, Acc.computer: 0.8561, Acc.swivel chair: 0.6616, Acc.boat: 0.8054, Acc.bar: 0.8249, Acc.arcade machine: 0.8690, Acc.hovel: 0.5136, Acc.bus: 0.9565, Acc.towel: 0.7676, Acc.light: 0.5741, Acc.truck: 0.4569, Acc.tower: 0.6153, Acc.chandelier: 0.7223, Acc.awning: 0.4176, Acc.streetlight: 0.2903, Acc.booth: 0.5663, Acc.television receiver: 0.8762, Acc.airplane: 0.6824, Acc.dirt track: 0.0870, Acc.apparel: 0.7252, Acc.pole: 0.3140, Acc.land: 0.0518, Acc.bannister: 0.1390, Acc.escalator: 0.7453, Acc.ottoman: 0.6874, Acc.bottle: 0.6423, Acc.buffet: 0.5068, Acc.poster: 0.2752, Acc.stage: 0.6565, Acc.van: 0.4107, Acc.ship: 0.8969, Acc.fountain: 0.4311, Acc.conveyer belt: 0.9530, Acc.canopy: 0.6188, Acc.washer: 0.9250, Acc.plaything: 0.3142, Acc.swimming pool: 0.9547, Acc.stool: 0.5231, Acc.barrel: 0.5508, Acc.basket: 0.4570, Acc.waterfall: 0.5281, Acc.tent: 0.9782, Acc.bag: 0.2540, Acc.minibike: 0.8329, Acc.cradle: 0.9724, Acc.oven: 0.6773, Acc.ball: 0.1872, Acc.food: 0.6881, Acc.step: 0.1762, Acc.tank: 0.7480, Acc.trade name: 0.2161, Acc.microwave: 0.9341, Acc.pot: 0.4953, Acc.animal: 0.6010, Acc.bicycle: 0.7084, Acc.lake: 0.7227, Acc.dishwasher: 0.6802, Acc.screen: 0.7680, Acc.blanket: 0.2009, Acc.sculpture: 0.8189, Acc.hood: 0.6999, Acc.sconce: 0.5930, Acc.vase: 0.4950, Acc.traffic light: 0.4840, Acc.tray: 0.1090, Acc.ashcan: 0.4742, Acc.fan: 0.6425, Acc.pier: 0.3874, Acc.crt screen: 0.1222, Acc.plate: 0.6607, Acc.monitor: 0.7009, Acc.bulletin board: 0.4580, Acc.shower: 0.0491, Acc.radiator: 0.6708, Acc.glass: 0.1821, Acc.clock: 0.4171, Acc.flag: 0.4378 2023-11-10 16:02:07,644 - mmseg - INFO - Iter [22050/80000] lr: 2.898e-05, eta: 13:06:11, time: 2.308, data_time: 1.618, memory: 60073, decode.loss_ce: 0.2447, decode.acc_seg: 89.7067, aux.loss_ce: 0.3303, aux.acc_seg: 71.2147, loss: 0.5751 2023-11-10 16:02:42,429 - mmseg - INFO - Iter [22100/80000] lr: 2.895e-05, eta: 13:05:15, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2495, decode.acc_seg: 89.1648, aux.loss_ce: 0.3140, aux.acc_seg: 71.2619, loss: 0.5635 2023-11-10 16:03:17,212 - mmseg - INFO - Iter [22150/80000] lr: 2.893e-05, eta: 13:04:18, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2498, decode.acc_seg: 89.5868, aux.loss_ce: 0.3277, aux.acc_seg: 71.1664, loss: 0.5775 2023-11-10 16:03:51,991 - mmseg - INFO - Iter [22200/80000] lr: 2.890e-05, eta: 13:03:22, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2498, decode.acc_seg: 89.5875, aux.loss_ce: 0.3220, aux.acc_seg: 71.3091, loss: 0.5718 2023-11-10 16:04:26,778 - mmseg - INFO - Iter [22250/80000] lr: 2.888e-05, eta: 13:02:27, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2573, decode.acc_seg: 89.0824, aux.loss_ce: 0.3286, aux.acc_seg: 71.2996, loss: 0.5859 2023-11-10 16:05:01,542 - mmseg - INFO - Iter [22300/80000] lr: 2.885e-05, eta: 13:01:31, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2465, decode.acc_seg: 89.6705, aux.loss_ce: 0.3274, aux.acc_seg: 71.0183, loss: 0.5739 2023-11-10 16:05:36,305 - mmseg - INFO - Iter [22350/80000] lr: 2.883e-05, eta: 13:00:35, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2540, decode.acc_seg: 89.6633, aux.loss_ce: 0.3260, aux.acc_seg: 71.2515, loss: 0.5799 2023-11-10 16:06:11,065 - mmseg - INFO - Iter [22400/80000] lr: 2.880e-05, eta: 12:59:39, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2502, decode.acc_seg: 89.6099, aux.loss_ce: 0.3212, aux.acc_seg: 70.9656, loss: 0.5714 2023-11-10 16:06:45,790 - mmseg - INFO - Iter [22450/80000] lr: 2.878e-05, eta: 12:58:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2379, decode.acc_seg: 89.8278, aux.loss_ce: 0.3220, aux.acc_seg: 71.2715, loss: 0.5598 2023-11-10 16:07:20,537 - mmseg - INFO - Iter [22500/80000] lr: 2.875e-05, eta: 12:57:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2541, decode.acc_seg: 89.5644, aux.loss_ce: 0.3184, aux.acc_seg: 72.3940, loss: 0.5724 2023-11-10 16:07:55,288 - mmseg - INFO - Iter [22550/80000] lr: 2.873e-05, eta: 12:56:53, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2490, decode.acc_seg: 89.6899, aux.loss_ce: 0.3183, aux.acc_seg: 71.8754, loss: 0.5673 2023-11-10 16:08:30,070 - mmseg - INFO - Iter [22600/80000] lr: 2.870e-05, eta: 12:55:57, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2418, decode.acc_seg: 89.5219, aux.loss_ce: 0.3172, aux.acc_seg: 71.4483, loss: 0.5590 2023-11-10 16:09:04,834 - mmseg - INFO - Iter [22650/80000] lr: 2.868e-05, eta: 12:55:02, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2539, decode.acc_seg: 89.5540, aux.loss_ce: 0.3413, aux.acc_seg: 70.2088, loss: 0.5952 2023-11-10 16:09:39,606 - mmseg - INFO - Iter [22700/80000] lr: 2.865e-05, eta: 12:54:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2500, decode.acc_seg: 89.6853, aux.loss_ce: 0.3211, aux.acc_seg: 71.7360, loss: 0.5711 2023-11-10 16:10:16,663 - mmseg - INFO - Iter [22750/80000] lr: 2.863e-05, eta: 12:53:18, time: 0.741, data_time: 0.049, memory: 60073, decode.loss_ce: 0.2431, decode.acc_seg: 89.8780, aux.loss_ce: 0.3312, aux.acc_seg: 69.9559, loss: 0.5743 2023-11-10 16:10:51,439 - mmseg - INFO - Iter [22800/80000] lr: 2.860e-05, eta: 12:52:23, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2306, decode.acc_seg: 90.2910, aux.loss_ce: 0.3243, aux.acc_seg: 71.5000, loss: 0.5548 2023-11-10 16:11:26,202 - mmseg - INFO - Iter [22850/80000] lr: 2.858e-05, eta: 12:51:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2237, decode.acc_seg: 90.5161, aux.loss_ce: 0.3145, aux.acc_seg: 72.1608, loss: 0.5382 2023-11-10 16:12:00,954 - mmseg - INFO - Iter [22900/80000] lr: 2.855e-05, eta: 12:50:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2232, decode.acc_seg: 90.6378, aux.loss_ce: 0.3130, aux.acc_seg: 71.9850, loss: 0.5362 2023-11-10 16:12:35,691 - mmseg - INFO - Iter [22950/80000] lr: 2.853e-05, eta: 12:49:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2188, decode.acc_seg: 90.5273, aux.loss_ce: 0.3209, aux.acc_seg: 71.8994, loss: 0.5397 2023-11-10 16:13:10,448 - mmseg - INFO - Saving checkpoint at 23000 iterations 2023-11-10 16:13:41,202 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:13:41,202 - mmseg - INFO - Iter [23000/80000] lr: 2.850e-05, eta: 12:50:00, time: 1.310, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2436, decode.acc_seg: 89.7588, aux.loss_ce: 0.3377, aux.acc_seg: 70.3785, loss: 0.5814 2023-11-10 16:15:01,545 - mmseg - INFO - per class results: 2023-11-10 16:15:01,550 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.84 | 88.19 | | building | 84.16 | 93.1 | | sky | 94.44 | 97.81 | | floor | 81.74 | 90.14 | | tree | 75.04 | 88.17 | | ceiling | 83.08 | 92.49 | | road | 83.79 | 88.24 | | bed | 90.53 | 96.71 | | windowpane | 63.2 | 81.24 | | grass | 70.01 | 88.66 | | cabinet | 60.42 | 71.35 | | sidewalk | 65.47 | 85.72 | | person | 82.4 | 92.49 | | earth | 35.84 | 45.65 | | door | 49.12 | 59.13 | | table | 62.69 | 73.56 | | mountain | 60.06 | 73.72 | | plant | 53.95 | 64.44 | | curtain | 72.12 | 85.44 | | chair | 60.37 | 73.45 | | car | 84.04 | 94.53 | | water | 59.54 | 73.15 | | painting | 73.17 | 84.5 | | sofa | 66.99 | 87.12 | | shelf | 43.47 | 70.24 | | house | 54.51 | 73.77 | | sea | 69.85 | 81.57 | | mirror | 72.87 | 83.57 | | rug | 58.6 | 68.08 | | field | 34.94 | 50.32 | | armchair | 45.81 | 58.98 | | seat | 63.7 | 77.22 | | fence | 43.04 | 53.55 | | desk | 50.23 | 78.86 | | rock | 48.14 | 74.46 | | wardrobe | 50.34 | 67.61 | | lamp | 67.06 | 79.35 | | bathtub | 81.13 | 86.07 | | railing | 31.62 | 45.24 | | cushion | 62.51 | 74.52 | | base | 33.13 | 49.53 | | box | 32.07 | 45.47 | | column | 51.21 | 67.33 | | signboard | 35.58 | 45.46 | | chest of drawers | 52.04 | 71.73 | | counter | 42.27 | 67.57 | | sand | 52.05 | 74.24 | | sink | 75.9 | 82.1 | | skyscraper | 51.97 | 66.51 | | fireplace | 74.74 | 91.19 | | refrigerator | 74.63 | 83.92 | | grandstand | 55.92 | 72.05 | | path | 27.95 | 37.27 | | stairs | 36.86 | 44.83 | | runway | 71.86 | 98.04 | | case | 57.35 | 66.71 | | pool table | 93.58 | 97.31 | | pillow | 60.79 | 70.99 | | screen door | 73.37 | 80.35 | | stairway | 39.39 | 53.0 | | river | 10.77 | 26.68 | | bridge | 58.01 | 64.84 | | bookcase | 43.16 | 54.3 | | blind | 22.4 | 25.14 | | coffee table | 61.23 | 86.83 | | toilet | 86.39 | 92.8 | | flower | 42.05 | 56.72 | | book | 53.03 | 76.69 | | hill | 8.56 | 14.75 | | bench | 56.87 | 65.13 | | countertop | 62.52 | 78.2 | | stove | 78.15 | 82.73 | | palm | 54.89 | 75.02 | | kitchen island | 37.35 | 61.06 | | computer | 73.3 | 88.51 | | swivel chair | 44.74 | 69.0 | | boat | 61.09 | 86.97 | | bar | 70.25 | 81.04 | | arcade machine | 78.83 | 89.9 | | hovel | 44.1 | 53.21 | | bus | 90.79 | 95.73 | | towel | 71.31 | 84.25 | | light | 55.09 | 65.4 | | truck | 37.53 | 49.73 | | tower | 35.57 | 49.89 | | chandelier | 67.46 | 76.1 | | awning | 34.93 | 44.05 | | streetlight | 28.23 | 35.19 | | booth | 39.48 | 45.59 | | television receiver | 77.49 | 87.29 | | airplane | 65.26 | 71.64 | | dirt track | 3.49 | 13.33 | | apparel | 55.24 | 68.27 | | pole | 27.64 | 38.53 | | land | 8.61 | 14.78 | | bannister | 9.01 | 12.31 | | escalator | 57.54 | 80.19 | | ottoman | 51.84 | 65.49 | | bottle | 41.65 | 67.11 | | buffet | 54.38 | 64.93 | | poster | 27.28 | 36.92 | | stage | 19.82 | 61.8 | | van | 39.29 | 47.58 | | ship | 61.96 | 67.93 | | fountain | 48.34 | 52.84 | | conveyer belt | 52.31 | 97.29 | | canopy | 50.27 | 65.2 | | washer | 82.8 | 93.51 | | plaything | 23.7 | 35.61 | | swimming pool | 57.48 | 80.97 | | stool | 50.01 | 61.64 | | barrel | 47.58 | 56.9 | | basket | 37.93 | 49.54 | | waterfall | 50.37 | 60.93 | | tent | 95.01 | 98.18 | | bag | 21.36 | 26.08 | | minibike | 71.41 | 84.82 | | cradle | 86.96 | 96.87 | | oven | 57.2 | 69.95 | | ball | 55.43 | 68.22 | | food | 58.76 | 83.07 | | step | 13.02 | 14.64 | | tank | 73.7 | 89.88 | | trade name | 22.02 | 23.95 | | microwave | 83.67 | 94.16 | | pot | 48.24 | 55.22 | | animal | 65.64 | 68.7 | | bicycle | 56.45 | 73.76 | | lake | 56.15 | 70.71 | | dishwasher | 60.99 | 77.9 | | screen | 49.28 | 72.22 | | blanket | 24.53 | 28.0 | | sculpture | 69.41 | 83.83 | | hood | 59.04 | 61.74 | | sconce | 53.97 | 66.87 | | vase | 38.78 | 52.41 | | traffic light | 34.44 | 50.48 | | tray | 7.74 | 8.8 | | ashcan | 46.5 | 56.51 | | fan | 62.56 | 72.68 | | pier | 36.38 | 42.03 | | crt screen | 8.48 | 17.94 | | plate | 55.13 | 70.18 | | monitor | 52.55 | 62.51 | | bulletin board | 39.52 | 45.31 | | shower | 3.7 | 4.9 | | radiator | 61.93 | 72.86 | | glass | 13.54 | 14.09 | | clock | 39.05 | 43.79 | | flag | 58.65 | 62.11 | +---------------------+-------+-------+ 2023-11-10 16:15:01,550 - mmseg - INFO - Summary: 2023-11-10 16:15:01,550 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.11 | 53.41 | 65.81 | +-------+-------+-------+ 2023-11-10 16:15:01,551 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:15:01,551 - mmseg - INFO - Iter(val) [250] aAcc: 0.8411, mIoU: 0.5341, mAcc: 0.6581, IoU.wall: 0.7884, IoU.building: 0.8416, IoU.sky: 0.9444, IoU.floor: 0.8174, IoU.tree: 0.7504, IoU.ceiling: 0.8308, IoU.road: 0.8379, IoU.bed : 0.9053, IoU.windowpane: 0.6320, IoU.grass: 0.7001, IoU.cabinet: 0.6042, IoU.sidewalk: 0.6547, IoU.person: 0.8240, IoU.earth: 0.3584, IoU.door: 0.4912, IoU.table: 0.6269, IoU.mountain: 0.6006, IoU.plant: 0.5395, IoU.curtain: 0.7212, IoU.chair: 0.6037, IoU.car: 0.8404, IoU.water: 0.5954, IoU.painting: 0.7317, IoU.sofa: 0.6699, IoU.shelf: 0.4347, IoU.house: 0.5451, IoU.sea: 0.6985, IoU.mirror: 0.7287, IoU.rug: 0.5860, IoU.field: 0.3494, IoU.armchair: 0.4581, IoU.seat: 0.6370, IoU.fence: 0.4304, IoU.desk: 0.5023, IoU.rock: 0.4814, IoU.wardrobe: 0.5034, IoU.lamp: 0.6706, IoU.bathtub: 0.8113, IoU.railing: 0.3162, IoU.cushion: 0.6251, IoU.base: 0.3313, IoU.box: 0.3207, IoU.column: 0.5121, IoU.signboard: 0.3558, IoU.chest of drawers: 0.5204, IoU.counter: 0.4227, IoU.sand: 0.5205, IoU.sink: 0.7590, IoU.skyscraper: 0.5197, IoU.fireplace: 0.7474, IoU.refrigerator: 0.7463, IoU.grandstand: 0.5592, IoU.path: 0.2795, IoU.stairs: 0.3686, IoU.runway: 0.7186, IoU.case: 0.5735, IoU.pool table: 0.9358, IoU.pillow: 0.6079, IoU.screen door: 0.7337, IoU.stairway: 0.3939, IoU.river: 0.1077, IoU.bridge: 0.5801, IoU.bookcase: 0.4316, IoU.blind: 0.2240, IoU.coffee table: 0.6123, IoU.toilet: 0.8639, IoU.flower: 0.4205, IoU.book: 0.5303, IoU.hill: 0.0856, IoU.bench: 0.5687, IoU.countertop: 0.6252, IoU.stove: 0.7815, IoU.palm: 0.5489, IoU.kitchen island: 0.3735, IoU.computer: 0.7330, IoU.swivel chair: 0.4474, IoU.boat: 0.6109, IoU.bar: 0.7025, IoU.arcade machine: 0.7883, IoU.hovel: 0.4410, IoU.bus: 0.9079, IoU.towel: 0.7131, IoU.light: 0.5509, IoU.truck: 0.3753, IoU.tower: 0.3557, IoU.chandelier: 0.6746, IoU.awning: 0.3493, IoU.streetlight: 0.2823, IoU.booth: 0.3948, IoU.television receiver: 0.7749, IoU.airplane: 0.6526, IoU.dirt track: 0.0349, IoU.apparel: 0.5524, IoU.pole: 0.2764, IoU.land: 0.0861, IoU.bannister: 0.0901, IoU.escalator: 0.5754, IoU.ottoman: 0.5184, IoU.bottle: 0.4165, IoU.buffet: 0.5438, IoU.poster: 0.2728, IoU.stage: 0.1982, IoU.van: 0.3929, IoU.ship: 0.6196, IoU.fountain: 0.4834, IoU.conveyer belt: 0.5231, IoU.canopy: 0.5027, IoU.washer: 0.8280, IoU.plaything: 0.2370, IoU.swimming pool: 0.5748, IoU.stool: 0.5001, IoU.barrel: 0.4758, IoU.basket: 0.3793, IoU.waterfall: 0.5037, IoU.tent: 0.9501, IoU.bag: 0.2136, IoU.minibike: 0.7141, IoU.cradle: 0.8696, IoU.oven: 0.5720, IoU.ball: 0.5543, IoU.food: 0.5876, IoU.step: 0.1302, IoU.tank: 0.7370, IoU.trade name: 0.2202, IoU.microwave: 0.8367, IoU.pot: 0.4824, IoU.animal: 0.6564, IoU.bicycle: 0.5645, IoU.lake: 0.5615, IoU.dishwasher: 0.6099, IoU.screen: 0.4928, IoU.blanket: 0.2453, IoU.sculpture: 0.6941, IoU.hood: 0.5904, IoU.sconce: 0.5397, IoU.vase: 0.3878, IoU.traffic light: 0.3444, IoU.tray: 0.0774, IoU.ashcan: 0.4650, IoU.fan: 0.6256, IoU.pier: 0.3638, IoU.crt screen: 0.0848, IoU.plate: 0.5513, IoU.monitor: 0.5255, IoU.bulletin board: 0.3952, IoU.shower: 0.0370, IoU.radiator: 0.6193, IoU.glass: 0.1354, IoU.clock: 0.3905, IoU.flag: 0.5865, Acc.wall: 0.8819, Acc.building: 0.9310, Acc.sky: 0.9781, Acc.floor: 0.9014, Acc.tree: 0.8817, Acc.ceiling: 0.9249, Acc.road: 0.8824, Acc.bed : 0.9671, Acc.windowpane: 0.8124, Acc.grass: 0.8866, Acc.cabinet: 0.7135, Acc.sidewalk: 0.8572, Acc.person: 0.9249, Acc.earth: 0.4565, Acc.door: 0.5913, Acc.table: 0.7356, Acc.mountain: 0.7372, Acc.plant: 0.6444, Acc.curtain: 0.8544, Acc.chair: 0.7345, Acc.car: 0.9453, Acc.water: 0.7315, Acc.painting: 0.8450, Acc.sofa: 0.8712, Acc.shelf: 0.7024, Acc.house: 0.7377, Acc.sea: 0.8157, Acc.mirror: 0.8357, Acc.rug: 0.6808, Acc.field: 0.5032, Acc.armchair: 0.5898, Acc.seat: 0.7722, Acc.fence: 0.5355, Acc.desk: 0.7886, Acc.rock: 0.7446, Acc.wardrobe: 0.6761, Acc.lamp: 0.7935, Acc.bathtub: 0.8607, Acc.railing: 0.4524, Acc.cushion: 0.7452, Acc.base: 0.4953, Acc.box: 0.4547, Acc.column: 0.6733, Acc.signboard: 0.4546, Acc.chest of drawers: 0.7173, Acc.counter: 0.6757, Acc.sand: 0.7424, Acc.sink: 0.8210, Acc.skyscraper: 0.6651, Acc.fireplace: 0.9119, Acc.refrigerator: 0.8392, Acc.grandstand: 0.7205, Acc.path: 0.3727, Acc.stairs: 0.4483, Acc.runway: 0.9804, Acc.case: 0.6671, Acc.pool table: 0.9731, Acc.pillow: 0.7099, Acc.screen door: 0.8035, Acc.stairway: 0.5300, Acc.river: 0.2668, Acc.bridge: 0.6484, Acc.bookcase: 0.5430, Acc.blind: 0.2514, Acc.coffee table: 0.8683, Acc.toilet: 0.9280, Acc.flower: 0.5672, Acc.book: 0.7669, Acc.hill: 0.1475, Acc.bench: 0.6513, Acc.countertop: 0.7820, Acc.stove: 0.8273, Acc.palm: 0.7502, Acc.kitchen island: 0.6106, Acc.computer: 0.8851, Acc.swivel chair: 0.6900, Acc.boat: 0.8697, Acc.bar: 0.8104, Acc.arcade machine: 0.8990, Acc.hovel: 0.5321, Acc.bus: 0.9573, Acc.towel: 0.8425, Acc.light: 0.6540, Acc.truck: 0.4973, Acc.tower: 0.4989, Acc.chandelier: 0.7610, Acc.awning: 0.4405, Acc.streetlight: 0.3519, Acc.booth: 0.4559, Acc.television receiver: 0.8729, Acc.airplane: 0.7164, Acc.dirt track: 0.1333, Acc.apparel: 0.6827, Acc.pole: 0.3853, Acc.land: 0.1478, Acc.bannister: 0.1231, Acc.escalator: 0.8019, Acc.ottoman: 0.6549, Acc.bottle: 0.6711, Acc.buffet: 0.6493, Acc.poster: 0.3692, Acc.stage: 0.6180, Acc.van: 0.4758, Acc.ship: 0.6793, Acc.fountain: 0.5284, Acc.conveyer belt: 0.9729, Acc.canopy: 0.6520, Acc.washer: 0.9351, Acc.plaything: 0.3561, Acc.swimming pool: 0.8097, Acc.stool: 0.6164, Acc.barrel: 0.5690, Acc.basket: 0.4954, Acc.waterfall: 0.6093, Acc.tent: 0.9818, Acc.bag: 0.2608, Acc.minibike: 0.8482, Acc.cradle: 0.9687, Acc.oven: 0.6995, Acc.ball: 0.6822, Acc.food: 0.8307, Acc.step: 0.1464, Acc.tank: 0.8988, Acc.trade name: 0.2395, Acc.microwave: 0.9416, Acc.pot: 0.5522, Acc.animal: 0.6870, Acc.bicycle: 0.7376, Acc.lake: 0.7071, Acc.dishwasher: 0.7790, Acc.screen: 0.7222, Acc.blanket: 0.2800, Acc.sculpture: 0.8383, Acc.hood: 0.6174, Acc.sconce: 0.6687, Acc.vase: 0.5241, Acc.traffic light: 0.5048, Acc.tray: 0.0880, Acc.ashcan: 0.5651, Acc.fan: 0.7268, Acc.pier: 0.4203, Acc.crt screen: 0.1794, Acc.plate: 0.7018, Acc.monitor: 0.6251, Acc.bulletin board: 0.4531, Acc.shower: 0.0490, Acc.radiator: 0.7286, Acc.glass: 0.1409, Acc.clock: 0.4379, Acc.flag: 0.6211 2023-11-10 16:15:36,347 - mmseg - INFO - Iter [23050/80000] lr: 2.848e-05, eta: 12:52:24, time: 2.303, data_time: 1.614, memory: 60073, decode.loss_ce: 0.2303, decode.acc_seg: 90.1195, aux.loss_ce: 0.3230, aux.acc_seg: 71.3950, loss: 0.5533 2023-11-10 16:16:11,117 - mmseg - INFO - Iter [23100/80000] lr: 2.845e-05, eta: 12:51:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2268, decode.acc_seg: 90.4372, aux.loss_ce: 0.3140, aux.acc_seg: 72.2434, loss: 0.5408 2023-11-10 16:16:45,887 - mmseg - INFO - Iter [23150/80000] lr: 2.843e-05, eta: 12:50:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2271, decode.acc_seg: 90.1375, aux.loss_ce: 0.3202, aux.acc_seg: 71.4989, loss: 0.5473 2023-11-10 16:17:20,630 - mmseg - INFO - Iter [23200/80000] lr: 2.840e-05, eta: 12:49:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2505, decode.acc_seg: 89.3413, aux.loss_ce: 0.3389, aux.acc_seg: 70.5373, loss: 0.5894 2023-11-10 16:17:55,376 - mmseg - INFO - Iter [23250/80000] lr: 2.838e-05, eta: 12:48:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2360, decode.acc_seg: 90.0427, aux.loss_ce: 0.3139, aux.acc_seg: 72.2969, loss: 0.5499 2023-11-10 16:18:30,134 - mmseg - INFO - Iter [23300/80000] lr: 2.835e-05, eta: 12:47:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2394, decode.acc_seg: 90.0161, aux.loss_ce: 0.3308, aux.acc_seg: 70.8332, loss: 0.5703 2023-11-10 16:19:04,881 - mmseg - INFO - Iter [23350/80000] lr: 2.833e-05, eta: 12:46:53, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2400, decode.acc_seg: 90.0269, aux.loss_ce: 0.3263, aux.acc_seg: 71.4463, loss: 0.5663 2023-11-10 16:19:39,623 - mmseg - INFO - Iter [23400/80000] lr: 2.830e-05, eta: 12:45:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2440, decode.acc_seg: 89.6175, aux.loss_ce: 0.3175, aux.acc_seg: 72.5387, loss: 0.5616 2023-11-10 16:20:14,361 - mmseg - INFO - Iter [23450/80000] lr: 2.828e-05, eta: 12:45:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2394, decode.acc_seg: 89.9769, aux.loss_ce: 0.3364, aux.acc_seg: 70.5075, loss: 0.5758 2023-11-10 16:20:49,123 - mmseg - INFO - Iter [23500/80000] lr: 2.825e-05, eta: 12:44:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2350, decode.acc_seg: 90.0596, aux.loss_ce: 0.3156, aux.acc_seg: 72.0416, loss: 0.5507 2023-11-10 16:21:23,871 - mmseg - INFO - Iter [23550/80000] lr: 2.823e-05, eta: 12:43:15, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2396, decode.acc_seg: 90.0620, aux.loss_ce: 0.3289, aux.acc_seg: 71.3829, loss: 0.5685 2023-11-10 16:21:58,623 - mmseg - INFO - Iter [23600/80000] lr: 2.820e-05, eta: 12:42:20, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2466, decode.acc_seg: 89.6695, aux.loss_ce: 0.3270, aux.acc_seg: 71.6064, loss: 0.5736 2023-11-10 16:22:33,385 - mmseg - INFO - Iter [23650/80000] lr: 2.818e-05, eta: 12:41:26, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2303, decode.acc_seg: 89.9654, aux.loss_ce: 0.3220, aux.acc_seg: 71.1099, loss: 0.5523 2023-11-10 16:23:08,149 - mmseg - INFO - Iter [23700/80000] lr: 2.815e-05, eta: 12:40:31, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2499, decode.acc_seg: 89.4581, aux.loss_ce: 0.3391, aux.acc_seg: 69.6704, loss: 0.5890 2023-11-10 16:23:42,924 - mmseg - INFO - Iter [23750/80000] lr: 2.813e-05, eta: 12:39:37, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2440, decode.acc_seg: 89.7491, aux.loss_ce: 0.3266, aux.acc_seg: 71.3240, loss: 0.5706 2023-11-10 16:24:17,674 - mmseg - INFO - Iter [23800/80000] lr: 2.810e-05, eta: 12:38:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2381, decode.acc_seg: 89.9113, aux.loss_ce: 0.3288, aux.acc_seg: 70.7922, loss: 0.5669 2023-11-10 16:24:52,431 - mmseg - INFO - Iter [23850/80000] lr: 2.808e-05, eta: 12:37:49, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2436, decode.acc_seg: 89.6870, aux.loss_ce: 0.3357, aux.acc_seg: 70.5903, loss: 0.5793 2023-11-10 16:25:27,161 - mmseg - INFO - Iter [23900/80000] lr: 2.805e-05, eta: 12:36:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2321, decode.acc_seg: 90.1476, aux.loss_ce: 0.3248, aux.acc_seg: 71.0158, loss: 0.5570 2023-11-10 16:26:01,907 - mmseg - INFO - Iter [23950/80000] lr: 2.803e-05, eta: 12:36:01, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2387, decode.acc_seg: 89.9350, aux.loss_ce: 0.3253, aux.acc_seg: 71.0370, loss: 0.5640 2023-11-10 16:26:38,940 - mmseg - INFO - Saving checkpoint at 24000 iterations 2023-11-10 16:27:07,185 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:27:07,185 - mmseg - INFO - Iter [24000/80000] lr: 2.800e-05, eta: 12:36:19, time: 1.306, data_time: 0.052, memory: 60073, decode.loss_ce: 0.2409, decode.acc_seg: 89.8049, aux.loss_ce: 0.3273, aux.acc_seg: 71.2795, loss: 0.5681 2023-11-10 16:28:27,864 - mmseg - INFO - per class results: 2023-11-10 16:28:27,870 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.91 | 90.76 | | building | 83.13 | 95.0 | | sky | 94.65 | 97.45 | | floor | 82.28 | 89.56 | | tree | 74.76 | 88.02 | | ceiling | 83.64 | 89.2 | | road | 84.28 | 89.6 | | bed | 89.69 | 97.03 | | windowpane | 62.36 | 75.74 | | grass | 73.13 | 84.51 | | cabinet | 60.31 | 73.7 | | sidewalk | 66.59 | 82.07 | | person | 82.59 | 90.78 | | earth | 38.18 | 53.09 | | door | 44.22 | 51.9 | | table | 62.51 | 74.23 | | mountain | 60.54 | 72.97 | | plant | 53.28 | 64.83 | | curtain | 73.98 | 83.17 | | chair | 60.34 | 71.57 | | car | 83.38 | 93.34 | | water | 52.16 | 59.05 | | painting | 73.9 | 86.22 | | sofa | 71.29 | 80.26 | | shelf | 44.88 | 62.06 | | house | 45.91 | 56.25 | | sea | 67.96 | 83.03 | | mirror | 72.33 | 81.41 | | rug | 60.83 | 71.38 | | field | 33.81 | 44.62 | | armchair | 50.79 | 73.79 | | seat | 65.89 | 88.55 | | fence | 45.37 | 59.74 | | desk | 51.67 | 72.45 | | rock | 48.67 | 68.67 | | wardrobe | 52.53 | 72.95 | | lamp | 65.25 | 72.35 | | bathtub | 82.4 | 87.19 | | railing | 32.26 | 46.26 | | cushion | 62.08 | 79.0 | | base | 32.85 | 44.07 | | box | 30.47 | 36.13 | | column | 48.32 | 55.23 | | signboard | 32.09 | 40.9 | | chest of drawers | 43.77 | 61.66 | | counter | 49.64 | 62.29 | | sand | 50.46 | 77.82 | | sink | 75.13 | 81.46 | | skyscraper | 48.95 | 56.68 | | fireplace | 72.39 | 80.18 | | refrigerator | 75.53 | 87.31 | | grandstand | 57.38 | 76.08 | | path | 27.66 | 35.7 | | stairs | 39.4 | 55.13 | | runway | 66.61 | 89.01 | | case | 60.51 | 77.49 | | pool table | 93.8 | 96.37 | | pillow | 52.5 | 56.67 | | screen door | 34.49 | 35.59 | | stairway | 41.4 | 50.34 | | river | 13.22 | 48.71 | | bridge | 44.8 | 52.95 | | bookcase | 42.16 | 72.4 | | blind | 32.8 | 39.3 | | coffee table | 60.72 | 73.06 | | toilet | 86.79 | 92.54 | | flower | 47.97 | 60.74 | | book | 48.72 | 64.46 | | hill | 12.23 | 23.38 | | bench | 52.57 | 60.52 | | countertop | 61.65 | 77.06 | | stove | 70.26 | 74.1 | | palm | 55.27 | 66.61 | | kitchen island | 40.03 | 82.53 | | computer | 71.85 | 83.82 | | swivel chair | 42.42 | 71.85 | | boat | 60.34 | 86.15 | | bar | 72.76 | 82.75 | | arcade machine | 78.76 | 87.93 | | hovel | 45.11 | 52.01 | | bus | 91.62 | 94.76 | | towel | 71.31 | 78.48 | | light | 52.57 | 58.92 | | truck | 41.46 | 48.95 | | tower | 34.62 | 55.32 | | chandelier | 66.66 | 79.78 | | awning | 36.88 | 53.76 | | streetlight | 28.77 | 35.04 | | booth | 38.05 | 64.16 | | television receiver | 77.66 | 84.34 | | airplane | 66.97 | 73.15 | | dirt track | 1.82 | 4.69 | | apparel | 58.54 | 70.61 | | pole | 26.29 | 35.84 | | land | 1.81 | 3.79 | | bannister | 9.62 | 12.71 | | escalator | 57.16 | 77.8 | | ottoman | 49.53 | 61.28 | | bottle | 39.07 | 61.35 | | buffet | 48.11 | 57.54 | | poster | 26.44 | 31.52 | | stage | 22.6 | 67.78 | | van | 14.28 | 15.81 | | ship | 65.78 | 80.52 | | fountain | 64.42 | 67.68 | | conveyer belt | 55.74 | 97.67 | | canopy | 45.47 | 60.02 | | washer | 84.75 | 94.29 | | plaything | 24.12 | 39.41 | | swimming pool | 61.18 | 89.22 | | stool | 44.49 | 51.57 | | barrel | 54.91 | 60.46 | | basket | 36.4 | 49.71 | | waterfall | 60.1 | 73.6 | | tent | 94.96 | 98.27 | | bag | 18.33 | 19.87 | | minibike | 72.28 | 82.49 | | cradle | 82.98 | 96.26 | | oven | 45.96 | 78.15 | | ball | 55.29 | 68.67 | | food | 54.53 | 68.16 | | step | 17.4 | 22.67 | | tank | 70.47 | 95.26 | | trade name | 27.24 | 30.62 | | microwave | 84.0 | 91.95 | | pot | 46.75 | 53.25 | | animal | 58.38 | 60.14 | | bicycle | 54.7 | 70.32 | | lake | 54.54 | 64.35 | | dishwasher | 64.34 | 76.66 | | screen | 49.94 | 71.52 | | blanket | 19.07 | 21.12 | | sculpture | 71.49 | 81.29 | | hood | 64.37 | 75.08 | | sconce | 51.73 | 59.88 | | vase | 39.99 | 52.83 | | traffic light | 31.6 | 37.36 | | tray | 9.92 | 12.15 | | ashcan | 42.91 | 48.31 | | fan | 62.85 | 72.77 | | pier | 20.63 | 23.09 | | crt screen | 9.47 | 16.77 | | plate | 54.42 | 72.81 | | monitor | 61.38 | 74.91 | | bulletin board | 39.7 | 47.9 | | shower | 1.34 | 23.01 | | radiator | 58.85 | 66.37 | | glass | 17.06 | 18.48 | | clock | 37.35 | 39.48 | | flag | 63.19 | 66.02 | +---------------------+-------+-------+ 2023-11-10 16:28:27,870 - mmseg - INFO - Summary: 2023-11-10 16:28:27,870 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 83.9 | 52.76 | 64.75 | +------+-------+-------+ 2023-11-10 16:28:27,871 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:28:27,871 - mmseg - INFO - Iter(val) [250] aAcc: 0.8390, mIoU: 0.5276, mAcc: 0.6475, IoU.wall: 0.7791, IoU.building: 0.8313, IoU.sky: 0.9465, IoU.floor: 0.8228, IoU.tree: 0.7476, IoU.ceiling: 0.8364, IoU.road: 0.8428, IoU.bed : 0.8969, IoU.windowpane: 0.6236, IoU.grass: 0.7313, IoU.cabinet: 0.6031, IoU.sidewalk: 0.6659, IoU.person: 0.8259, IoU.earth: 0.3818, IoU.door: 0.4422, IoU.table: 0.6251, IoU.mountain: 0.6054, IoU.plant: 0.5328, IoU.curtain: 0.7398, IoU.chair: 0.6034, IoU.car: 0.8338, IoU.water: 0.5216, IoU.painting: 0.7390, IoU.sofa: 0.7129, IoU.shelf: 0.4488, IoU.house: 0.4591, IoU.sea: 0.6796, IoU.mirror: 0.7233, IoU.rug: 0.6083, IoU.field: 0.3381, IoU.armchair: 0.5079, IoU.seat: 0.6589, IoU.fence: 0.4537, IoU.desk: 0.5167, IoU.rock: 0.4867, IoU.wardrobe: 0.5253, IoU.lamp: 0.6525, IoU.bathtub: 0.8240, IoU.railing: 0.3226, IoU.cushion: 0.6208, IoU.base: 0.3285, IoU.box: 0.3047, IoU.column: 0.4832, IoU.signboard: 0.3209, IoU.chest of drawers: 0.4377, IoU.counter: 0.4964, IoU.sand: 0.5046, IoU.sink: 0.7513, IoU.skyscraper: 0.4895, IoU.fireplace: 0.7239, IoU.refrigerator: 0.7553, IoU.grandstand: 0.5738, IoU.path: 0.2766, IoU.stairs: 0.3940, IoU.runway: 0.6661, IoU.case: 0.6051, IoU.pool table: 0.9380, IoU.pillow: 0.5250, IoU.screen door: 0.3449, IoU.stairway: 0.4140, IoU.river: 0.1322, IoU.bridge: 0.4480, IoU.bookcase: 0.4216, IoU.blind: 0.3280, IoU.coffee table: 0.6072, IoU.toilet: 0.8679, IoU.flower: 0.4797, IoU.book: 0.4872, IoU.hill: 0.1223, IoU.bench: 0.5257, IoU.countertop: 0.6165, IoU.stove: 0.7026, IoU.palm: 0.5527, IoU.kitchen island: 0.4003, IoU.computer: 0.7185, IoU.swivel chair: 0.4242, IoU.boat: 0.6034, IoU.bar: 0.7276, IoU.arcade machine: 0.7876, IoU.hovel: 0.4511, IoU.bus: 0.9162, IoU.towel: 0.7131, IoU.light: 0.5257, IoU.truck: 0.4146, IoU.tower: 0.3462, IoU.chandelier: 0.6666, IoU.awning: 0.3688, IoU.streetlight: 0.2877, IoU.booth: 0.3805, IoU.television receiver: 0.7766, IoU.airplane: 0.6697, IoU.dirt track: 0.0182, IoU.apparel: 0.5854, IoU.pole: 0.2629, IoU.land: 0.0181, IoU.bannister: 0.0962, IoU.escalator: 0.5716, IoU.ottoman: 0.4953, IoU.bottle: 0.3907, IoU.buffet: 0.4811, IoU.poster: 0.2644, IoU.stage: 0.2260, IoU.van: 0.1428, IoU.ship: 0.6578, IoU.fountain: 0.6442, IoU.conveyer belt: 0.5574, IoU.canopy: 0.4547, IoU.washer: 0.8475, IoU.plaything: 0.2412, IoU.swimming pool: 0.6118, IoU.stool: 0.4449, IoU.barrel: 0.5491, IoU.basket: 0.3640, IoU.waterfall: 0.6010, IoU.tent: 0.9496, IoU.bag: 0.1833, IoU.minibike: 0.7228, IoU.cradle: 0.8298, IoU.oven: 0.4596, IoU.ball: 0.5529, IoU.food: 0.5453, IoU.step: 0.1740, IoU.tank: 0.7047, IoU.trade name: 0.2724, IoU.microwave: 0.8400, IoU.pot: 0.4675, IoU.animal: 0.5838, IoU.bicycle: 0.5470, IoU.lake: 0.5454, IoU.dishwasher: 0.6434, IoU.screen: 0.4994, IoU.blanket: 0.1907, IoU.sculpture: 0.7149, IoU.hood: 0.6437, IoU.sconce: 0.5173, IoU.vase: 0.3999, IoU.traffic light: 0.3160, IoU.tray: 0.0992, IoU.ashcan: 0.4291, IoU.fan: 0.6285, IoU.pier: 0.2063, IoU.crt screen: 0.0947, IoU.plate: 0.5442, IoU.monitor: 0.6138, IoU.bulletin board: 0.3970, IoU.shower: 0.0134, IoU.radiator: 0.5885, IoU.glass: 0.1706, IoU.clock: 0.3735, IoU.flag: 0.6319, Acc.wall: 0.9076, Acc.building: 0.9500, Acc.sky: 0.9745, Acc.floor: 0.8956, Acc.tree: 0.8802, Acc.ceiling: 0.8920, Acc.road: 0.8960, Acc.bed : 0.9703, Acc.windowpane: 0.7574, Acc.grass: 0.8451, Acc.cabinet: 0.7370, Acc.sidewalk: 0.8207, Acc.person: 0.9078, Acc.earth: 0.5309, Acc.door: 0.5190, Acc.table: 0.7423, Acc.mountain: 0.7297, Acc.plant: 0.6483, Acc.curtain: 0.8317, Acc.chair: 0.7157, Acc.car: 0.9334, Acc.water: 0.5905, Acc.painting: 0.8622, Acc.sofa: 0.8026, Acc.shelf: 0.6206, Acc.house: 0.5625, Acc.sea: 0.8303, Acc.mirror: 0.8141, Acc.rug: 0.7138, Acc.field: 0.4462, Acc.armchair: 0.7379, Acc.seat: 0.8855, Acc.fence: 0.5974, Acc.desk: 0.7245, Acc.rock: 0.6867, Acc.wardrobe: 0.7295, Acc.lamp: 0.7235, Acc.bathtub: 0.8719, Acc.railing: 0.4626, Acc.cushion: 0.7900, Acc.base: 0.4407, Acc.box: 0.3613, Acc.column: 0.5523, Acc.signboard: 0.4090, Acc.chest of drawers: 0.6166, Acc.counter: 0.6229, Acc.sand: 0.7782, Acc.sink: 0.8146, Acc.skyscraper: 0.5668, Acc.fireplace: 0.8018, Acc.refrigerator: 0.8731, Acc.grandstand: 0.7608, Acc.path: 0.3570, Acc.stairs: 0.5513, Acc.runway: 0.8901, Acc.case: 0.7749, Acc.pool table: 0.9637, Acc.pillow: 0.5667, Acc.screen door: 0.3559, Acc.stairway: 0.5034, Acc.river: 0.4871, Acc.bridge: 0.5295, Acc.bookcase: 0.7240, Acc.blind: 0.3930, Acc.coffee table: 0.7306, Acc.toilet: 0.9254, Acc.flower: 0.6074, Acc.book: 0.6446, Acc.hill: 0.2338, Acc.bench: 0.6052, Acc.countertop: 0.7706, Acc.stove: 0.7410, Acc.palm: 0.6661, Acc.kitchen island: 0.8253, Acc.computer: 0.8382, Acc.swivel chair: 0.7185, Acc.boat: 0.8615, Acc.bar: 0.8275, Acc.arcade machine: 0.8793, Acc.hovel: 0.5201, Acc.bus: 0.9476, Acc.towel: 0.7848, Acc.light: 0.5892, Acc.truck: 0.4895, Acc.tower: 0.5532, Acc.chandelier: 0.7978, Acc.awning: 0.5376, Acc.streetlight: 0.3504, Acc.booth: 0.6416, Acc.television receiver: 0.8434, Acc.airplane: 0.7315, Acc.dirt track: 0.0469, Acc.apparel: 0.7061, Acc.pole: 0.3584, Acc.land: 0.0379, Acc.bannister: 0.1271, Acc.escalator: 0.7780, Acc.ottoman: 0.6128, Acc.bottle: 0.6135, Acc.buffet: 0.5754, Acc.poster: 0.3152, Acc.stage: 0.6778, Acc.van: 0.1581, Acc.ship: 0.8052, Acc.fountain: 0.6768, Acc.conveyer belt: 0.9767, Acc.canopy: 0.6002, Acc.washer: 0.9429, Acc.plaything: 0.3941, Acc.swimming pool: 0.8922, Acc.stool: 0.5157, Acc.barrel: 0.6046, Acc.basket: 0.4971, Acc.waterfall: 0.7360, Acc.tent: 0.9827, Acc.bag: 0.1987, Acc.minibike: 0.8249, Acc.cradle: 0.9626, Acc.oven: 0.7815, Acc.ball: 0.6867, Acc.food: 0.6816, Acc.step: 0.2267, Acc.tank: 0.9526, Acc.trade name: 0.3062, Acc.microwave: 0.9195, Acc.pot: 0.5325, Acc.animal: 0.6014, Acc.bicycle: 0.7032, Acc.lake: 0.6435, Acc.dishwasher: 0.7666, Acc.screen: 0.7152, Acc.blanket: 0.2112, Acc.sculpture: 0.8129, Acc.hood: 0.7508, Acc.sconce: 0.5988, Acc.vase: 0.5283, Acc.traffic light: 0.3736, Acc.tray: 0.1215, Acc.ashcan: 0.4831, Acc.fan: 0.7277, Acc.pier: 0.2309, Acc.crt screen: 0.1677, Acc.plate: 0.7281, Acc.monitor: 0.7491, Acc.bulletin board: 0.4790, Acc.shower: 0.2301, Acc.radiator: 0.6637, Acc.glass: 0.1848, Acc.clock: 0.3948, Acc.flag: 0.6602 2023-11-10 16:29:02,688 - mmseg - INFO - Iter [24050/80000] lr: 2.798e-05, eta: 12:38:33, time: 2.310, data_time: 1.621, memory: 60073, decode.loss_ce: 0.2266, decode.acc_seg: 90.4394, aux.loss_ce: 0.3222, aux.acc_seg: 71.0839, loss: 0.5488 2023-11-10 16:29:37,448 - mmseg - INFO - Iter [24100/80000] lr: 2.795e-05, eta: 12:37:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2171, decode.acc_seg: 90.7781, aux.loss_ce: 0.3037, aux.acc_seg: 73.2462, loss: 0.5208 2023-11-10 16:30:12,185 - mmseg - INFO - Iter [24150/80000] lr: 2.793e-05, eta: 12:36:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2255, decode.acc_seg: 90.6295, aux.loss_ce: 0.3167, aux.acc_seg: 72.0090, loss: 0.5422 2023-11-10 16:30:46,902 - mmseg - INFO - Iter [24200/80000] lr: 2.790e-05, eta: 12:35:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2349, decode.acc_seg: 90.1998, aux.loss_ce: 0.3197, aux.acc_seg: 71.8850, loss: 0.5545 2023-11-10 16:31:21,633 - mmseg - INFO - Iter [24250/80000] lr: 2.788e-05, eta: 12:34:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2211, decode.acc_seg: 90.7918, aux.loss_ce: 0.3183, aux.acc_seg: 72.3839, loss: 0.5394 2023-11-10 16:31:56,368 - mmseg - INFO - Iter [24300/80000] lr: 2.785e-05, eta: 12:34:01, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2365, decode.acc_seg: 90.0393, aux.loss_ce: 0.3207, aux.acc_seg: 71.5720, loss: 0.5571 2023-11-10 16:32:31,115 - mmseg - INFO - Iter [24350/80000] lr: 2.783e-05, eta: 12:33:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2292, decode.acc_seg: 90.2548, aux.loss_ce: 0.3252, aux.acc_seg: 71.1703, loss: 0.5544 2023-11-10 16:33:05,877 - mmseg - INFO - Iter [24400/80000] lr: 2.780e-05, eta: 12:32:13, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2205, decode.acc_seg: 90.6209, aux.loss_ce: 0.3197, aux.acc_seg: 71.5817, loss: 0.5402 2023-11-10 16:33:40,605 - mmseg - INFO - Iter [24450/80000] lr: 2.778e-05, eta: 12:31:19, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2261, decode.acc_seg: 90.3689, aux.loss_ce: 0.3139, aux.acc_seg: 72.7521, loss: 0.5400 2023-11-10 16:34:15,341 - mmseg - INFO - Iter [24500/80000] lr: 2.775e-05, eta: 12:30:26, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2176, decode.acc_seg: 90.5587, aux.loss_ce: 0.3268, aux.acc_seg: 70.6162, loss: 0.5445 2023-11-10 16:34:50,069 - mmseg - INFO - Iter [24550/80000] lr: 2.773e-05, eta: 12:29:32, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2334, decode.acc_seg: 90.2232, aux.loss_ce: 0.3357, aux.acc_seg: 70.3563, loss: 0.5692 2023-11-10 16:35:24,804 - mmseg - INFO - Iter [24600/80000] lr: 2.770e-05, eta: 12:28:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2151, decode.acc_seg: 90.7807, aux.loss_ce: 0.3079, aux.acc_seg: 72.1421, loss: 0.5231 2023-11-10 16:35:59,559 - mmseg - INFO - Iter [24650/80000] lr: 2.768e-05, eta: 12:27:45, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2318, decode.acc_seg: 90.1876, aux.loss_ce: 0.3248, aux.acc_seg: 71.8235, loss: 0.5566 2023-11-10 16:36:34,315 - mmseg - INFO - Iter [24700/80000] lr: 2.765e-05, eta: 12:26:51, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2295, decode.acc_seg: 90.2558, aux.loss_ce: 0.3166, aux.acc_seg: 71.6450, loss: 0.5461 2023-11-10 16:37:09,043 - mmseg - INFO - Iter [24750/80000] lr: 2.763e-05, eta: 12:25:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2301, decode.acc_seg: 90.1676, aux.loss_ce: 0.3264, aux.acc_seg: 71.2465, loss: 0.5566 2023-11-10 16:37:43,807 - mmseg - INFO - Iter [24800/80000] lr: 2.760e-05, eta: 12:25:04, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2154, decode.acc_seg: 90.7399, aux.loss_ce: 0.3113, aux.acc_seg: 71.8881, loss: 0.5267 2023-11-10 16:38:18,541 - mmseg - INFO - Iter [24850/80000] lr: 2.758e-05, eta: 12:24:11, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2173, decode.acc_seg: 90.7305, aux.loss_ce: 0.3204, aux.acc_seg: 71.4925, loss: 0.5378 2023-11-10 16:38:53,276 - mmseg - INFO - Iter [24900/80000] lr: 2.755e-05, eta: 12:23:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2348, decode.acc_seg: 90.1544, aux.loss_ce: 0.3314, aux.acc_seg: 71.3298, loss: 0.5662 2023-11-10 16:39:28,033 - mmseg - INFO - Iter [24950/80000] lr: 2.753e-05, eta: 12:22:25, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2220, decode.acc_seg: 90.5089, aux.loss_ce: 0.3225, aux.acc_seg: 71.2297, loss: 0.5445 2023-11-10 16:40:02,756 - mmseg - INFO - Saving checkpoint at 25000 iterations 2023-11-10 16:40:32,782 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:40:32,783 - mmseg - INFO - Iter [25000/80000] lr: 2.750e-05, eta: 12:22:38, time: 1.295, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2471, decode.acc_seg: 89.6962, aux.loss_ce: 0.3317, aux.acc_seg: 70.7035, loss: 0.5789 2023-11-10 16:41:53,264 - mmseg - INFO - per class results: 2023-11-10 16:41:53,270 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.47 | 88.38 | | building | 84.56 | 93.11 | | sky | 94.52 | 97.31 | | floor | 82.4 | 89.35 | | tree | 75.32 | 88.63 | | ceiling | 84.28 | 92.85 | | road | 83.6 | 88.12 | | bed | 90.56 | 96.62 | | windowpane | 62.27 | 83.61 | | grass | 66.47 | 76.41 | | cabinet | 59.38 | 73.32 | | sidewalk | 64.77 | 83.4 | | person | 81.97 | 94.25 | | earth | 38.45 | 51.64 | | door | 48.93 | 59.93 | | table | 62.83 | 74.53 | | mountain | 60.88 | 74.93 | | plant | 54.23 | 68.41 | | curtain | 73.63 | 84.38 | | chair | 60.79 | 75.32 | | car | 84.84 | 94.41 | | water | 62.53 | 78.02 | | painting | 73.83 | 86.06 | | sofa | 70.71 | 80.65 | | shelf | 44.31 | 58.1 | | house | 54.52 | 63.29 | | sea | 68.92 | 81.43 | | mirror | 68.95 | 75.17 | | rug | 62.31 | 75.34 | | field | 27.23 | 51.4 | | armchair | 49.37 | 72.46 | | seat | 65.4 | 85.42 | | fence | 41.69 | 53.3 | | desk | 50.17 | 76.72 | | rock | 51.28 | 78.13 | | wardrobe | 53.4 | 78.11 | | lamp | 66.97 | 76.12 | | bathtub | 82.56 | 89.79 | | railing | 33.28 | 48.76 | | cushion | 62.26 | 76.71 | | base | 29.3 | 41.83 | | box | 32.57 | 42.62 | | column | 52.34 | 65.61 | | signboard | 35.26 | 47.75 | | chest of drawers | 43.94 | 59.23 | | counter | 41.61 | 49.15 | | sand | 50.89 | 73.76 | | sink | 73.45 | 84.51 | | skyscraper | 53.12 | 71.6 | | fireplace | 70.24 | 90.42 | | refrigerator | 75.24 | 86.09 | | grandstand | 59.14 | 74.02 | | path | 27.17 | 40.08 | | stairs | 40.02 | 53.51 | | runway | 69.33 | 92.6 | | case | 60.06 | 80.67 | | pool table | 93.17 | 97.72 | | pillow | 61.51 | 70.29 | | screen door | 63.6 | 71.7 | | stairway | 44.58 | 55.85 | | river | 12.11 | 26.27 | | bridge | 57.54 | 67.73 | | bookcase | 43.08 | 61.3 | | blind | 30.29 | 34.73 | | coffee table | 62.31 | 86.06 | | toilet | 86.32 | 91.91 | | flower | 45.86 | 60.3 | | book | 52.86 | 72.55 | | hill | 10.27 | 15.36 | | bench | 53.24 | 63.25 | | countertop | 59.34 | 72.52 | | stove | 76.71 | 81.87 | | palm | 54.22 | 72.71 | | kitchen island | 42.05 | 73.95 | | computer | 74.58 | 90.13 | | swivel chair | 39.87 | 54.67 | | boat | 65.29 | 79.66 | | bar | 70.29 | 88.51 | | arcade machine | 78.49 | 89.36 | | hovel | 51.69 | 69.93 | | bus | 90.66 | 96.01 | | towel | 70.55 | 81.05 | | light | 53.46 | 61.46 | | truck | 37.25 | 47.72 | | tower | 32.82 | 53.81 | | chandelier | 67.79 | 77.59 | | awning | 35.31 | 45.89 | | streetlight | 29.09 | 35.97 | | booth | 45.81 | 61.34 | | television receiver | 78.44 | 85.24 | | airplane | 63.11 | 69.49 | | dirt track | 0.74 | 1.6 | | apparel | 45.38 | 49.2 | | pole | 22.2 | 30.52 | | land | 5.33 | 9.08 | | bannister | 11.74 | 17.45 | | escalator | 58.03 | 83.28 | | ottoman | 52.02 | 69.09 | | bottle | 40.07 | 69.88 | | buffet | 49.32 | 56.99 | | poster | 22.88 | 25.38 | | stage | 21.78 | 55.64 | | van | 38.24 | 45.41 | | ship | 66.23 | 80.23 | | fountain | 53.79 | 57.08 | | conveyer belt | 67.86 | 96.16 | | canopy | 61.31 | 71.68 | | washer | 83.57 | 92.14 | | plaything | 23.41 | 34.15 | | swimming pool | 61.07 | 91.11 | | stool | 45.15 | 53.6 | | barrel | 51.17 | 63.59 | | basket | 36.77 | 46.69 | | waterfall | 51.38 | 68.11 | | tent | 93.76 | 98.43 | | bag | 18.74 | 20.34 | | minibike | 72.75 | 84.36 | | cradle | 86.55 | 97.75 | | oven | 54.64 | 73.97 | | ball | 53.91 | 69.41 | | food | 52.67 | 64.61 | | step | 13.8 | 16.98 | | tank | 65.96 | 92.33 | | trade name | 19.9 | 21.41 | | microwave | 82.11 | 93.74 | | pot | 51.43 | 59.01 | | animal | 57.53 | 59.04 | | bicycle | 55.72 | 70.59 | | lake | 55.37 | 63.86 | | dishwasher | 58.62 | 74.93 | | screen | 47.74 | 75.22 | | blanket | 29.74 | 36.46 | | sculpture | 70.88 | 86.17 | | hood | 65.97 | 70.66 | | sconce | 54.67 | 67.82 | | vase | 39.57 | 52.54 | | traffic light | 33.85 | 53.13 | | tray | 14.5 | 20.85 | | ashcan | 45.33 | 54.22 | | fan | 64.85 | 78.23 | | pier | 29.29 | 48.12 | | crt screen | 4.59 | 8.23 | | plate | 53.34 | 74.79 | | monitor | 49.1 | 60.57 | | bulletin board | 41.33 | 50.57 | | shower | 8.47 | 15.32 | | radiator | 59.85 | 67.7 | | glass | 16.31 | 17.4 | | clock | 39.22 | 43.49 | | flag | 52.91 | 56.75 | +---------------------+-------+-------+ 2023-11-10 16:41:53,270 - mmseg - INFO - Summary: 2023-11-10 16:41:53,270 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.12 | 53.43 | 65.99 | +-------+-------+-------+ 2023-11-10 16:41:53,271 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:41:53,271 - mmseg - INFO - Iter(val) [250] aAcc: 0.8412, mIoU: 0.5343, mAcc: 0.6599, IoU.wall: 0.7847, IoU.building: 0.8456, IoU.sky: 0.9452, IoU.floor: 0.8240, IoU.tree: 0.7532, IoU.ceiling: 0.8428, IoU.road: 0.8360, IoU.bed : 0.9056, IoU.windowpane: 0.6227, IoU.grass: 0.6647, IoU.cabinet: 0.5938, IoU.sidewalk: 0.6477, IoU.person: 0.8197, IoU.earth: 0.3845, IoU.door: 0.4893, IoU.table: 0.6283, IoU.mountain: 0.6088, IoU.plant: 0.5423, IoU.curtain: 0.7363, IoU.chair: 0.6079, IoU.car: 0.8484, IoU.water: 0.6253, IoU.painting: 0.7383, IoU.sofa: 0.7071, IoU.shelf: 0.4431, IoU.house: 0.5452, IoU.sea: 0.6892, IoU.mirror: 0.6895, IoU.rug: 0.6231, IoU.field: 0.2723, IoU.armchair: 0.4937, IoU.seat: 0.6540, IoU.fence: 0.4169, IoU.desk: 0.5017, IoU.rock: 0.5128, IoU.wardrobe: 0.5340, IoU.lamp: 0.6697, IoU.bathtub: 0.8256, IoU.railing: 0.3328, IoU.cushion: 0.6226, IoU.base: 0.2930, IoU.box: 0.3257, IoU.column: 0.5234, IoU.signboard: 0.3526, IoU.chest of drawers: 0.4394, IoU.counter: 0.4161, IoU.sand: 0.5089, IoU.sink: 0.7345, IoU.skyscraper: 0.5312, IoU.fireplace: 0.7024, IoU.refrigerator: 0.7524, IoU.grandstand: 0.5914, IoU.path: 0.2717, IoU.stairs: 0.4002, IoU.runway: 0.6933, IoU.case: 0.6006, IoU.pool table: 0.9317, IoU.pillow: 0.6151, IoU.screen door: 0.6360, IoU.stairway: 0.4458, IoU.river: 0.1211, IoU.bridge: 0.5754, IoU.bookcase: 0.4308, IoU.blind: 0.3029, IoU.coffee table: 0.6231, IoU.toilet: 0.8632, IoU.flower: 0.4586, IoU.book: 0.5286, IoU.hill: 0.1027, IoU.bench: 0.5324, IoU.countertop: 0.5934, IoU.stove: 0.7671, IoU.palm: 0.5422, IoU.kitchen island: 0.4205, IoU.computer: 0.7458, IoU.swivel chair: 0.3987, IoU.boat: 0.6529, IoU.bar: 0.7029, IoU.arcade machine: 0.7849, IoU.hovel: 0.5169, IoU.bus: 0.9066, IoU.towel: 0.7055, IoU.light: 0.5346, IoU.truck: 0.3725, IoU.tower: 0.3282, IoU.chandelier: 0.6779, IoU.awning: 0.3531, IoU.streetlight: 0.2909, IoU.booth: 0.4581, IoU.television receiver: 0.7844, IoU.airplane: 0.6311, IoU.dirt track: 0.0074, IoU.apparel: 0.4538, IoU.pole: 0.2220, IoU.land: 0.0533, IoU.bannister: 0.1174, IoU.escalator: 0.5803, IoU.ottoman: 0.5202, IoU.bottle: 0.4007, IoU.buffet: 0.4932, IoU.poster: 0.2288, IoU.stage: 0.2178, IoU.van: 0.3824, IoU.ship: 0.6623, IoU.fountain: 0.5379, IoU.conveyer belt: 0.6786, IoU.canopy: 0.6131, IoU.washer: 0.8357, IoU.plaything: 0.2341, IoU.swimming pool: 0.6107, IoU.stool: 0.4515, IoU.barrel: 0.5117, IoU.basket: 0.3677, IoU.waterfall: 0.5138, IoU.tent: 0.9376, IoU.bag: 0.1874, IoU.minibike: 0.7275, IoU.cradle: 0.8655, IoU.oven: 0.5464, IoU.ball: 0.5391, IoU.food: 0.5267, IoU.step: 0.1380, IoU.tank: 0.6596, IoU.trade name: 0.1990, IoU.microwave: 0.8211, IoU.pot: 0.5143, IoU.animal: 0.5753, IoU.bicycle: 0.5572, IoU.lake: 0.5537, IoU.dishwasher: 0.5862, IoU.screen: 0.4774, IoU.blanket: 0.2974, IoU.sculpture: 0.7088, IoU.hood: 0.6597, IoU.sconce: 0.5467, IoU.vase: 0.3957, IoU.traffic light: 0.3385, IoU.tray: 0.1450, IoU.ashcan: 0.4533, IoU.fan: 0.6485, IoU.pier: 0.2929, IoU.crt screen: 0.0459, IoU.plate: 0.5334, IoU.monitor: 0.4910, IoU.bulletin board: 0.4133, IoU.shower: 0.0847, IoU.radiator: 0.5985, IoU.glass: 0.1631, IoU.clock: 0.3922, IoU.flag: 0.5291, Acc.wall: 0.8838, Acc.building: 0.9311, Acc.sky: 0.9731, Acc.floor: 0.8935, Acc.tree: 0.8863, Acc.ceiling: 0.9285, Acc.road: 0.8812, Acc.bed : 0.9662, Acc.windowpane: 0.8361, Acc.grass: 0.7641, Acc.cabinet: 0.7332, Acc.sidewalk: 0.8340, Acc.person: 0.9425, Acc.earth: 0.5164, Acc.door: 0.5993, Acc.table: 0.7453, Acc.mountain: 0.7493, Acc.plant: 0.6841, Acc.curtain: 0.8438, Acc.chair: 0.7532, Acc.car: 0.9441, Acc.water: 0.7802, Acc.painting: 0.8606, Acc.sofa: 0.8065, Acc.shelf: 0.5810, Acc.house: 0.6329, Acc.sea: 0.8143, Acc.mirror: 0.7517, Acc.rug: 0.7534, Acc.field: 0.5140, Acc.armchair: 0.7246, Acc.seat: 0.8542, Acc.fence: 0.5330, Acc.desk: 0.7672, Acc.rock: 0.7813, Acc.wardrobe: 0.7811, Acc.lamp: 0.7612, Acc.bathtub: 0.8979, Acc.railing: 0.4876, Acc.cushion: 0.7671, Acc.base: 0.4183, Acc.box: 0.4262, Acc.column: 0.6561, Acc.signboard: 0.4775, Acc.chest of drawers: 0.5923, Acc.counter: 0.4915, Acc.sand: 0.7376, Acc.sink: 0.8451, Acc.skyscraper: 0.7160, Acc.fireplace: 0.9042, Acc.refrigerator: 0.8609, Acc.grandstand: 0.7402, Acc.path: 0.4008, Acc.stairs: 0.5351, Acc.runway: 0.9260, Acc.case: 0.8067, Acc.pool table: 0.9772, Acc.pillow: 0.7029, Acc.screen door: 0.7170, Acc.stairway: 0.5585, Acc.river: 0.2627, Acc.bridge: 0.6773, Acc.bookcase: 0.6130, Acc.blind: 0.3473, Acc.coffee table: 0.8606, Acc.toilet: 0.9191, Acc.flower: 0.6030, Acc.book: 0.7255, Acc.hill: 0.1536, Acc.bench: 0.6325, Acc.countertop: 0.7252, Acc.stove: 0.8187, Acc.palm: 0.7271, Acc.kitchen island: 0.7395, Acc.computer: 0.9013, Acc.swivel chair: 0.5467, Acc.boat: 0.7966, Acc.bar: 0.8851, Acc.arcade machine: 0.8936, Acc.hovel: 0.6993, Acc.bus: 0.9601, Acc.towel: 0.8105, Acc.light: 0.6146, Acc.truck: 0.4772, Acc.tower: 0.5381, Acc.chandelier: 0.7759, Acc.awning: 0.4589, Acc.streetlight: 0.3597, Acc.booth: 0.6134, Acc.television receiver: 0.8524, Acc.airplane: 0.6949, Acc.dirt track: 0.0160, Acc.apparel: 0.4920, Acc.pole: 0.3052, Acc.land: 0.0908, Acc.bannister: 0.1745, Acc.escalator: 0.8328, Acc.ottoman: 0.6909, Acc.bottle: 0.6988, Acc.buffet: 0.5699, Acc.poster: 0.2538, Acc.stage: 0.5564, Acc.van: 0.4541, Acc.ship: 0.8023, Acc.fountain: 0.5708, Acc.conveyer belt: 0.9616, Acc.canopy: 0.7168, Acc.washer: 0.9214, Acc.plaything: 0.3415, Acc.swimming pool: 0.9111, Acc.stool: 0.5360, Acc.barrel: 0.6359, Acc.basket: 0.4669, Acc.waterfall: 0.6811, Acc.tent: 0.9843, Acc.bag: 0.2034, Acc.minibike: 0.8436, Acc.cradle: 0.9775, Acc.oven: 0.7397, Acc.ball: 0.6941, Acc.food: 0.6461, Acc.step: 0.1698, Acc.tank: 0.9233, Acc.trade name: 0.2141, Acc.microwave: 0.9374, Acc.pot: 0.5901, Acc.animal: 0.5904, Acc.bicycle: 0.7059, Acc.lake: 0.6386, Acc.dishwasher: 0.7493, Acc.screen: 0.7522, Acc.blanket: 0.3646, Acc.sculpture: 0.8617, Acc.hood: 0.7066, Acc.sconce: 0.6782, Acc.vase: 0.5254, Acc.traffic light: 0.5313, Acc.tray: 0.2085, Acc.ashcan: 0.5422, Acc.fan: 0.7823, Acc.pier: 0.4812, Acc.crt screen: 0.0823, Acc.plate: 0.7479, Acc.monitor: 0.6057, Acc.bulletin board: 0.5057, Acc.shower: 0.1532, Acc.radiator: 0.6770, Acc.glass: 0.1740, Acc.clock: 0.4349, Acc.flag: 0.5675 2023-11-10 16:42:28,127 - mmseg - INFO - Iter [25050/80000] lr: 2.748e-05, eta: 12:24:42, time: 2.307, data_time: 1.618, memory: 60073, decode.loss_ce: 0.2274, decode.acc_seg: 90.1209, aux.loss_ce: 0.3182, aux.acc_seg: 71.8200, loss: 0.5456 2023-11-10 16:43:02,932 - mmseg - INFO - Iter [25100/80000] lr: 2.745e-05, eta: 12:23:48, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2210, decode.acc_seg: 90.6078, aux.loss_ce: 0.3157, aux.acc_seg: 71.8105, loss: 0.5367 2023-11-10 16:43:37,720 - mmseg - INFO - Iter [25150/80000] lr: 2.743e-05, eta: 12:22:55, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2479, decode.acc_seg: 89.7714, aux.loss_ce: 0.3453, aux.acc_seg: 70.1123, loss: 0.5932 2023-11-10 16:44:12,506 - mmseg - INFO - Iter [25200/80000] lr: 2.740e-05, eta: 12:22:01, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2311, decode.acc_seg: 90.3793, aux.loss_ce: 0.3198, aux.acc_seg: 72.0158, loss: 0.5509 2023-11-10 16:44:47,262 - mmseg - INFO - Iter [25250/80000] lr: 2.738e-05, eta: 12:21:08, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2169, decode.acc_seg: 90.9281, aux.loss_ce: 0.3113, aux.acc_seg: 72.5259, loss: 0.5282 2023-11-10 16:45:24,345 - mmseg - INFO - Iter [25300/80000] lr: 2.735e-05, eta: 12:20:20, time: 0.742, data_time: 0.052, memory: 60073, decode.loss_ce: 0.2410, decode.acc_seg: 89.8989, aux.loss_ce: 0.3429, aux.acc_seg: 70.0087, loss: 0.5839 2023-11-10 16:45:59,113 - mmseg - INFO - Iter [25350/80000] lr: 2.733e-05, eta: 12:19:27, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2252, decode.acc_seg: 90.7025, aux.loss_ce: 0.3310, aux.acc_seg: 71.1951, loss: 0.5562 2023-11-10 16:46:33,870 - mmseg - INFO - Iter [25400/80000] lr: 2.730e-05, eta: 12:18:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2193, decode.acc_seg: 90.8325, aux.loss_ce: 0.3154, aux.acc_seg: 72.3679, loss: 0.5347 2023-11-10 16:47:08,617 - mmseg - INFO - Iter [25450/80000] lr: 2.728e-05, eta: 12:17:40, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2241, decode.acc_seg: 90.5648, aux.loss_ce: 0.3224, aux.acc_seg: 71.7594, loss: 0.5465 2023-11-10 16:47:43,394 - mmseg - INFO - Iter [25500/80000] lr: 2.725e-05, eta: 12:16:47, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2152, decode.acc_seg: 91.2139, aux.loss_ce: 0.3140, aux.acc_seg: 73.2423, loss: 0.5292 2023-11-10 16:48:18,144 - mmseg - INFO - Iter [25550/80000] lr: 2.723e-05, eta: 12:15:54, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2170, decode.acc_seg: 90.8098, aux.loss_ce: 0.3042, aux.acc_seg: 72.2231, loss: 0.5213 2023-11-10 16:48:52,883 - mmseg - INFO - Iter [25600/80000] lr: 2.720e-05, eta: 12:15:02, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2179, decode.acc_seg: 90.7450, aux.loss_ce: 0.3227, aux.acc_seg: 70.9706, loss: 0.5406 2023-11-10 16:49:27,635 - mmseg - INFO - Iter [25650/80000] lr: 2.718e-05, eta: 12:14:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2248, decode.acc_seg: 90.3552, aux.loss_ce: 0.3157, aux.acc_seg: 71.9936, loss: 0.5405 2023-11-10 16:50:02,413 - mmseg - INFO - Iter [25700/80000] lr: 2.715e-05, eta: 12:13:16, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2297, decode.acc_seg: 90.1787, aux.loss_ce: 0.3204, aux.acc_seg: 71.2861, loss: 0.5501 2023-11-10 16:50:37,164 - mmseg - INFO - Iter [25750/80000] lr: 2.713e-05, eta: 12:12:23, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2182, decode.acc_seg: 90.6623, aux.loss_ce: 0.3250, aux.acc_seg: 71.2101, loss: 0.5432 2023-11-10 16:51:11,921 - mmseg - INFO - Iter [25800/80000] lr: 2.710e-05, eta: 12:11:31, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2201, decode.acc_seg: 90.6640, aux.loss_ce: 0.3245, aux.acc_seg: 71.4841, loss: 0.5446 2023-11-10 16:51:46,672 - mmseg - INFO - Iter [25850/80000] lr: 2.708e-05, eta: 12:10:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2165, decode.acc_seg: 91.0355, aux.loss_ce: 0.3097, aux.acc_seg: 72.4858, loss: 0.5262 2023-11-10 16:52:21,450 - mmseg - INFO - Iter [25900/80000] lr: 2.705e-05, eta: 12:09:46, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2311, decode.acc_seg: 90.4241, aux.loss_ce: 0.3294, aux.acc_seg: 71.4965, loss: 0.5605 2023-11-10 16:52:56,236 - mmseg - INFO - Iter [25950/80000] lr: 2.703e-05, eta: 12:08:54, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2227, decode.acc_seg: 90.6830, aux.loss_ce: 0.3244, aux.acc_seg: 70.6989, loss: 0.5471 2023-11-10 16:53:31,021 - mmseg - INFO - Saving checkpoint at 26000 iterations 2023-11-10 16:54:01,739 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:54:01,740 - mmseg - INFO - Iter [26000/80000] lr: 2.700e-05, eta: 12:09:05, time: 1.310, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2337, decode.acc_seg: 90.0195, aux.loss_ce: 0.3197, aux.acc_seg: 71.6656, loss: 0.5534 2023-11-10 16:55:22,188 - mmseg - INFO - per class results: 2023-11-10 16:55:22,194 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.54 | 90.21 | | building | 83.77 | 93.9 | | sky | 94.41 | 97.72 | | floor | 82.36 | 91.23 | | tree | 74.09 | 86.44 | | ceiling | 83.22 | 89.43 | | road | 84.79 | 92.22 | | bed | 90.34 | 96.6 | | windowpane | 63.36 | 76.57 | | grass | 70.44 | 87.38 | | cabinet | 61.13 | 75.56 | | sidewalk | 65.11 | 76.75 | | person | 82.07 | 92.69 | | earth | 36.07 | 43.67 | | door | 49.75 | 67.69 | | table | 62.66 | 76.84 | | mountain | 59.58 | 73.45 | | plant | 52.9 | 67.32 | | curtain | 75.19 | 84.12 | | chair | 59.59 | 71.52 | | car | 85.17 | 93.97 | | water | 59.54 | 72.35 | | painting | 71.15 | 88.12 | | sofa | 71.96 | 85.02 | | shelf | 42.45 | 62.68 | | house | 54.79 | 63.19 | | sea | 70.34 | 82.91 | | mirror | 73.37 | 83.55 | | rug | 62.79 | 72.02 | | field | 38.33 | 54.42 | | armchair | 49.31 | 64.35 | | seat | 61.4 | 82.97 | | fence | 44.76 | 67.11 | | desk | 52.98 | 77.45 | | rock | 54.5 | 75.94 | | wardrobe | 52.76 | 67.58 | | lamp | 67.04 | 77.32 | | bathtub | 81.29 | 85.46 | | railing | 26.91 | 36.22 | | cushion | 61.85 | 74.64 | | base | 31.68 | 39.13 | | box | 30.54 | 40.01 | | column | 49.66 | 56.0 | | signboard | 35.46 | 48.66 | | chest of drawers | 38.46 | 52.25 | | counter | 45.81 | 54.15 | | sand | 51.73 | 74.03 | | sink | 74.73 | 80.7 | | skyscraper | 48.76 | 62.54 | | fireplace | 75.98 | 89.23 | | refrigerator | 76.18 | 86.12 | | grandstand | 60.2 | 75.95 | | path | 25.91 | 37.26 | | stairs | 39.13 | 43.55 | | runway | 69.43 | 98.36 | | case | 55.81 | 70.31 | | pool table | 93.38 | 97.16 | | pillow | 56.02 | 62.43 | | screen door | 53.62 | 56.34 | | stairway | 38.21 | 48.16 | | river | 12.12 | 32.03 | | bridge | 46.44 | 53.66 | | bookcase | 41.76 | 55.93 | | blind | 41.86 | 55.43 | | coffee table | 62.86 | 82.22 | | toilet | 86.07 | 92.59 | | flower | 48.07 | 59.35 | | book | 52.15 | 75.24 | | hill | 5.7 | 8.28 | | bench | 48.27 | 56.3 | | countertop | 59.48 | 77.36 | | stove | 77.77 | 82.51 | | palm | 54.07 | 76.86 | | kitchen island | 40.0 | 55.74 | | computer | 74.12 | 89.24 | | swivel chair | 42.1 | 60.07 | | boat | 72.3 | 80.8 | | bar | 71.37 | 74.83 | | arcade machine | 79.01 | 86.52 | | hovel | 42.44 | 48.54 | | bus | 91.6 | 94.87 | | towel | 69.14 | 76.42 | | light | 54.11 | 61.92 | | truck | 37.18 | 43.46 | | tower | 34.12 | 56.27 | | chandelier | 67.0 | 74.45 | | awning | 33.89 | 42.27 | | streetlight | 29.94 | 37.15 | | booth | 44.17 | 54.88 | | television receiver | 78.63 | 86.55 | | airplane | 71.17 | 77.52 | | dirt track | 4.46 | 9.4 | | apparel | 55.37 | 63.92 | | pole | 24.0 | 30.42 | | land | 4.98 | 11.65 | | bannister | 10.02 | 15.47 | | escalator | 57.83 | 78.31 | | ottoman | 50.52 | 62.91 | | bottle | 40.31 | 66.84 | | buffet | 47.16 | 53.08 | | poster | 26.92 | 31.95 | | stage | 17.22 | 44.8 | | van | 45.85 | 55.07 | | ship | 62.83 | 70.4 | | fountain | 46.82 | 49.99 | | conveyer belt | 73.19 | 95.61 | | canopy | 50.9 | 63.7 | | washer | 83.86 | 91.05 | | plaything | 23.46 | 34.14 | | swimming pool | 59.09 | 83.54 | | stool | 48.7 | 61.61 | | barrel | 49.76 | 51.69 | | basket | 38.34 | 44.94 | | waterfall | 59.19 | 64.88 | | tent | 95.17 | 97.67 | | bag | 19.48 | 21.2 | | minibike | 72.42 | 82.44 | | cradle | 88.16 | 96.31 | | oven | 59.66 | 74.09 | | ball | 29.31 | 30.58 | | food | 56.58 | 73.46 | | step | 13.21 | 15.53 | | tank | 75.35 | 81.11 | | trade name | 24.67 | 27.37 | | microwave | 84.68 | 92.4 | | pot | 49.97 | 55.91 | | animal | 60.0 | 62.82 | | bicycle | 55.81 | 70.29 | | lake | 56.36 | 66.21 | | dishwasher | 57.83 | 68.27 | | screen | 54.1 | 69.12 | | blanket | 25.75 | 30.15 | | sculpture | 71.74 | 84.21 | | hood | 58.1 | 62.09 | | sconce | 54.77 | 65.8 | | vase | 37.51 | 43.81 | | traffic light | 34.67 | 47.65 | | tray | 9.09 | 10.1 | | ashcan | 43.47 | 49.9 | | fan | 63.89 | 76.93 | | pier | 35.07 | 44.81 | | crt screen | 8.68 | 13.71 | | plate | 55.7 | 68.54 | | monitor | 56.95 | 64.21 | | bulletin board | 38.84 | 46.39 | | shower | 1.61 | 1.76 | | radiator | 62.96 | 75.09 | | glass | 16.62 | 17.61 | | clock | 40.66 | 45.67 | | flag | 64.42 | 69.5 | +---------------------+-------+-------+ 2023-11-10 16:55:22,194 - mmseg - INFO - Summary: 2023-11-10 16:55:22,194 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.26 | 53.5 | 64.12 | +-------+------+-------+ 2023-11-10 16:55:22,195 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 16:55:22,195 - mmseg - INFO - Iter(val) [250] aAcc: 0.8426, mIoU: 0.5350, mAcc: 0.6412, IoU.wall: 0.7854, IoU.building: 0.8377, IoU.sky: 0.9441, IoU.floor: 0.8236, IoU.tree: 0.7409, IoU.ceiling: 0.8322, IoU.road: 0.8479, IoU.bed : 0.9034, IoU.windowpane: 0.6336, IoU.grass: 0.7044, IoU.cabinet: 0.6113, IoU.sidewalk: 0.6511, IoU.person: 0.8207, IoU.earth: 0.3607, IoU.door: 0.4975, IoU.table: 0.6266, IoU.mountain: 0.5958, IoU.plant: 0.5290, IoU.curtain: 0.7519, IoU.chair: 0.5959, IoU.car: 0.8517, IoU.water: 0.5954, IoU.painting: 0.7115, IoU.sofa: 0.7196, IoU.shelf: 0.4245, IoU.house: 0.5479, IoU.sea: 0.7034, IoU.mirror: 0.7337, IoU.rug: 0.6279, IoU.field: 0.3833, IoU.armchair: 0.4931, IoU.seat: 0.6140, IoU.fence: 0.4476, IoU.desk: 0.5298, IoU.rock: 0.5450, IoU.wardrobe: 0.5276, IoU.lamp: 0.6704, IoU.bathtub: 0.8129, IoU.railing: 0.2691, IoU.cushion: 0.6185, IoU.base: 0.3168, IoU.box: 0.3054, IoU.column: 0.4966, IoU.signboard: 0.3546, IoU.chest of drawers: 0.3846, IoU.counter: 0.4581, IoU.sand: 0.5173, IoU.sink: 0.7473, IoU.skyscraper: 0.4876, IoU.fireplace: 0.7598, IoU.refrigerator: 0.7618, IoU.grandstand: 0.6020, IoU.path: 0.2591, IoU.stairs: 0.3913, IoU.runway: 0.6943, IoU.case: 0.5581, IoU.pool table: 0.9338, IoU.pillow: 0.5602, IoU.screen door: 0.5362, IoU.stairway: 0.3821, IoU.river: 0.1212, IoU.bridge: 0.4644, IoU.bookcase: 0.4176, IoU.blind: 0.4186, IoU.coffee table: 0.6286, IoU.toilet: 0.8607, IoU.flower: 0.4807, IoU.book: 0.5215, IoU.hill: 0.0570, IoU.bench: 0.4827, IoU.countertop: 0.5948, IoU.stove: 0.7777, IoU.palm: 0.5407, IoU.kitchen island: 0.4000, IoU.computer: 0.7412, IoU.swivel chair: 0.4210, IoU.boat: 0.7230, IoU.bar: 0.7137, IoU.arcade machine: 0.7901, IoU.hovel: 0.4244, IoU.bus: 0.9160, IoU.towel: 0.6914, IoU.light: 0.5411, IoU.truck: 0.3718, IoU.tower: 0.3412, IoU.chandelier: 0.6700, IoU.awning: 0.3389, IoU.streetlight: 0.2994, IoU.booth: 0.4417, IoU.television receiver: 0.7863, IoU.airplane: 0.7117, IoU.dirt track: 0.0446, IoU.apparel: 0.5537, IoU.pole: 0.2400, IoU.land: 0.0498, IoU.bannister: 0.1002, IoU.escalator: 0.5783, IoU.ottoman: 0.5052, IoU.bottle: 0.4031, IoU.buffet: 0.4716, IoU.poster: 0.2692, IoU.stage: 0.1722, IoU.van: 0.4585, IoU.ship: 0.6283, IoU.fountain: 0.4682, IoU.conveyer belt: 0.7319, IoU.canopy: 0.5090, IoU.washer: 0.8386, IoU.plaything: 0.2346, IoU.swimming pool: 0.5909, IoU.stool: 0.4870, IoU.barrel: 0.4976, IoU.basket: 0.3834, IoU.waterfall: 0.5919, IoU.tent: 0.9517, IoU.bag: 0.1948, IoU.minibike: 0.7242, IoU.cradle: 0.8816, IoU.oven: 0.5966, IoU.ball: 0.2931, IoU.food: 0.5658, IoU.step: 0.1321, IoU.tank: 0.7535, IoU.trade name: 0.2467, IoU.microwave: 0.8468, IoU.pot: 0.4997, IoU.animal: 0.6000, IoU.bicycle: 0.5581, IoU.lake: 0.5636, IoU.dishwasher: 0.5783, IoU.screen: 0.5410, IoU.blanket: 0.2575, IoU.sculpture: 0.7174, IoU.hood: 0.5810, IoU.sconce: 0.5477, IoU.vase: 0.3751, IoU.traffic light: 0.3467, IoU.tray: 0.0909, IoU.ashcan: 0.4347, IoU.fan: 0.6389, IoU.pier: 0.3507, IoU.crt screen: 0.0868, IoU.plate: 0.5570, IoU.monitor: 0.5695, IoU.bulletin board: 0.3884, IoU.shower: 0.0161, IoU.radiator: 0.6296, IoU.glass: 0.1662, IoU.clock: 0.4066, IoU.flag: 0.6442, Acc.wall: 0.9021, Acc.building: 0.9390, Acc.sky: 0.9772, Acc.floor: 0.9123, Acc.tree: 0.8644, Acc.ceiling: 0.8943, Acc.road: 0.9222, Acc.bed : 0.9660, Acc.windowpane: 0.7657, Acc.grass: 0.8738, Acc.cabinet: 0.7556, Acc.sidewalk: 0.7675, Acc.person: 0.9269, Acc.earth: 0.4367, Acc.door: 0.6769, Acc.table: 0.7684, Acc.mountain: 0.7345, Acc.plant: 0.6732, Acc.curtain: 0.8412, Acc.chair: 0.7152, Acc.car: 0.9397, Acc.water: 0.7235, Acc.painting: 0.8812, Acc.sofa: 0.8502, Acc.shelf: 0.6268, Acc.house: 0.6319, Acc.sea: 0.8291, Acc.mirror: 0.8355, Acc.rug: 0.7202, Acc.field: 0.5442, Acc.armchair: 0.6435, Acc.seat: 0.8297, Acc.fence: 0.6711, Acc.desk: 0.7745, Acc.rock: 0.7594, Acc.wardrobe: 0.6758, Acc.lamp: 0.7732, Acc.bathtub: 0.8546, Acc.railing: 0.3622, Acc.cushion: 0.7464, Acc.base: 0.3913, Acc.box: 0.4001, Acc.column: 0.5600, Acc.signboard: 0.4866, Acc.chest of drawers: 0.5225, Acc.counter: 0.5415, Acc.sand: 0.7403, Acc.sink: 0.8070, Acc.skyscraper: 0.6254, Acc.fireplace: 0.8923, Acc.refrigerator: 0.8612, Acc.grandstand: 0.7595, Acc.path: 0.3726, Acc.stairs: 0.4355, Acc.runway: 0.9836, Acc.case: 0.7031, Acc.pool table: 0.9716, Acc.pillow: 0.6243, Acc.screen door: 0.5634, Acc.stairway: 0.4816, Acc.river: 0.3203, Acc.bridge: 0.5366, Acc.bookcase: 0.5593, Acc.blind: 0.5543, Acc.coffee table: 0.8222, Acc.toilet: 0.9259, Acc.flower: 0.5935, Acc.book: 0.7524, Acc.hill: 0.0828, Acc.bench: 0.5630, Acc.countertop: 0.7736, Acc.stove: 0.8251, Acc.palm: 0.7686, Acc.kitchen island: 0.5574, Acc.computer: 0.8924, Acc.swivel chair: 0.6007, Acc.boat: 0.8080, Acc.bar: 0.7483, Acc.arcade machine: 0.8652, Acc.hovel: 0.4854, Acc.bus: 0.9487, Acc.towel: 0.7642, Acc.light: 0.6192, Acc.truck: 0.4346, Acc.tower: 0.5627, Acc.chandelier: 0.7445, Acc.awning: 0.4227, Acc.streetlight: 0.3715, Acc.booth: 0.5488, Acc.television receiver: 0.8655, Acc.airplane: 0.7752, Acc.dirt track: 0.0940, Acc.apparel: 0.6392, Acc.pole: 0.3042, Acc.land: 0.1165, Acc.bannister: 0.1547, Acc.escalator: 0.7831, Acc.ottoman: 0.6291, Acc.bottle: 0.6684, Acc.buffet: 0.5308, Acc.poster: 0.3195, Acc.stage: 0.4480, Acc.van: 0.5507, Acc.ship: 0.7040, Acc.fountain: 0.4999, Acc.conveyer belt: 0.9561, Acc.canopy: 0.6370, Acc.washer: 0.9105, Acc.plaything: 0.3414, Acc.swimming pool: 0.8354, Acc.stool: 0.6161, Acc.barrel: 0.5169, Acc.basket: 0.4494, Acc.waterfall: 0.6488, Acc.tent: 0.9767, Acc.bag: 0.2120, Acc.minibike: 0.8244, Acc.cradle: 0.9631, Acc.oven: 0.7409, Acc.ball: 0.3058, Acc.food: 0.7346, Acc.step: 0.1553, Acc.tank: 0.8111, Acc.trade name: 0.2737, Acc.microwave: 0.9240, Acc.pot: 0.5591, Acc.animal: 0.6282, Acc.bicycle: 0.7029, Acc.lake: 0.6621, Acc.dishwasher: 0.6827, Acc.screen: 0.6912, Acc.blanket: 0.3015, Acc.sculpture: 0.8421, Acc.hood: 0.6209, Acc.sconce: 0.6580, Acc.vase: 0.4381, Acc.traffic light: 0.4765, Acc.tray: 0.1010, Acc.ashcan: 0.4990, Acc.fan: 0.7693, Acc.pier: 0.4481, Acc.crt screen: 0.1371, Acc.plate: 0.6854, Acc.monitor: 0.6421, Acc.bulletin board: 0.4639, Acc.shower: 0.0176, Acc.radiator: 0.7509, Acc.glass: 0.1761, Acc.clock: 0.4567, Acc.flag: 0.6950 2023-11-10 16:55:57,050 - mmseg - INFO - Iter [26050/80000] lr: 2.698e-05, eta: 12:11:00, time: 2.306, data_time: 1.617, memory: 60073, decode.loss_ce: 0.2057, decode.acc_seg: 91.3468, aux.loss_ce: 0.2959, aux.acc_seg: 73.5430, loss: 0.5016 2023-11-10 16:56:31,819 - mmseg - INFO - Iter [26100/80000] lr: 2.695e-05, eta: 12:10:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2207, decode.acc_seg: 90.5090, aux.loss_ce: 0.3195, aux.acc_seg: 71.1975, loss: 0.5402 2023-11-10 16:57:06,601 - mmseg - INFO - Iter [26150/80000] lr: 2.693e-05, eta: 12:09:14, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2318, decode.acc_seg: 89.9677, aux.loss_ce: 0.3247, aux.acc_seg: 71.2753, loss: 0.5564 2023-11-10 16:57:41,400 - mmseg - INFO - Iter [26200/80000] lr: 2.690e-05, eta: 12:08:22, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2245, decode.acc_seg: 90.3185, aux.loss_ce: 0.3222, aux.acc_seg: 71.3092, loss: 0.5467 2023-11-10 16:58:16,202 - mmseg - INFO - Iter [26250/80000] lr: 2.688e-05, eta: 12:07:29, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2358, decode.acc_seg: 90.0363, aux.loss_ce: 0.3289, aux.acc_seg: 71.4669, loss: 0.5646 2023-11-10 16:58:50,987 - mmseg - INFO - Iter [26300/80000] lr: 2.685e-05, eta: 12:06:37, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2292, decode.acc_seg: 90.1472, aux.loss_ce: 0.3152, aux.acc_seg: 71.8630, loss: 0.5444 2023-11-10 16:59:25,761 - mmseg - INFO - Iter [26350/80000] lr: 2.683e-05, eta: 12:05:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2283, decode.acc_seg: 90.3797, aux.loss_ce: 0.3143, aux.acc_seg: 71.7707, loss: 0.5426 2023-11-10 17:00:00,526 - mmseg - INFO - Iter [26400/80000] lr: 2.680e-05, eta: 12:04:52, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2258, decode.acc_seg: 90.4931, aux.loss_ce: 0.3094, aux.acc_seg: 73.1411, loss: 0.5352 2023-11-10 17:00:35,304 - mmseg - INFO - Iter [26450/80000] lr: 2.678e-05, eta: 12:03:59, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2247, decode.acc_seg: 90.4455, aux.loss_ce: 0.3248, aux.acc_seg: 71.1087, loss: 0.5495 2023-11-10 17:01:10,068 - mmseg - INFO - Iter [26500/80000] lr: 2.675e-05, eta: 12:03:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2137, decode.acc_seg: 91.0682, aux.loss_ce: 0.3193, aux.acc_seg: 71.7643, loss: 0.5331 2023-11-10 17:01:47,098 - mmseg - INFO - Iter [26550/80000] lr: 2.673e-05, eta: 12:02:20, time: 0.741, data_time: 0.050, memory: 60073, decode.loss_ce: 0.2162, decode.acc_seg: 90.6903, aux.loss_ce: 0.3114, aux.acc_seg: 71.7749, loss: 0.5276 2023-11-10 17:02:21,864 - mmseg - INFO - Iter [26600/80000] lr: 2.670e-05, eta: 12:01:27, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2217, decode.acc_seg: 90.6514, aux.loss_ce: 0.3233, aux.acc_seg: 71.4602, loss: 0.5450 2023-11-10 17:02:56,631 - mmseg - INFO - Iter [26650/80000] lr: 2.668e-05, eta: 12:00:35, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2223, decode.acc_seg: 90.5735, aux.loss_ce: 0.3198, aux.acc_seg: 71.2168, loss: 0.5421 2023-11-10 17:03:31,376 - mmseg - INFO - Iter [26700/80000] lr: 2.665e-05, eta: 11:59:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2210, decode.acc_seg: 90.7099, aux.loss_ce: 0.3129, aux.acc_seg: 72.2834, loss: 0.5339 2023-11-10 17:04:06,108 - mmseg - INFO - Iter [26750/80000] lr: 2.663e-05, eta: 11:58:51, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2072, decode.acc_seg: 91.2572, aux.loss_ce: 0.3098, aux.acc_seg: 71.9353, loss: 0.5170 2023-11-10 17:04:40,845 - mmseg - INFO - Iter [26800/80000] lr: 2.660e-05, eta: 11:57:59, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2157, decode.acc_seg: 90.7114, aux.loss_ce: 0.3107, aux.acc_seg: 72.0232, loss: 0.5264 2023-11-10 17:05:15,586 - mmseg - INFO - Iter [26850/80000] lr: 2.658e-05, eta: 11:57:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2086, decode.acc_seg: 91.0325, aux.loss_ce: 0.3116, aux.acc_seg: 71.8027, loss: 0.5202 2023-11-10 17:05:50,330 - mmseg - INFO - Iter [26900/80000] lr: 2.655e-05, eta: 11:56:16, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2227, decode.acc_seg: 90.4981, aux.loss_ce: 0.3265, aux.acc_seg: 70.6136, loss: 0.5492 2023-11-10 17:06:25,067 - mmseg - INFO - Iter [26950/80000] lr: 2.653e-05, eta: 11:55:24, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2119, decode.acc_seg: 90.7191, aux.loss_ce: 0.3219, aux.acc_seg: 71.4036, loss: 0.5338 2023-11-10 17:06:59,816 - mmseg - INFO - Saving checkpoint at 27000 iterations 2023-11-10 17:07:28,775 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:07:28,776 - mmseg - INFO - Iter [27000/80000] lr: 2.650e-05, eta: 11:55:29, time: 1.274, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2257, decode.acc_seg: 90.2723, aux.loss_ce: 0.3168, aux.acc_seg: 71.9175, loss: 0.5426 2023-11-10 17:08:49,457 - mmseg - INFO - per class results: 2023-11-10 17:08:49,462 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.76 | 90.07 | | building | 84.11 | 93.71 | | sky | 94.59 | 97.62 | | floor | 82.21 | 91.4 | | tree | 75.08 | 86.57 | | ceiling | 83.82 | 91.48 | | road | 85.03 | 90.73 | | bed | 90.69 | 97.18 | | windowpane | 62.85 | 78.35 | | grass | 68.22 | 81.57 | | cabinet | 61.45 | 73.73 | | sidewalk | 66.3 | 81.19 | | person | 82.37 | 92.71 | | earth | 36.99 | 48.14 | | door | 47.83 | 56.69 | | table | 62.89 | 76.16 | | mountain | 60.47 | 76.49 | | plant | 54.95 | 66.76 | | curtain | 74.57 | 82.97 | | chair | 57.68 | 67.77 | | car | 83.94 | 95.3 | | water | 56.19 | 70.54 | | painting | 73.23 | 85.26 | | sofa | 70.42 | 82.35 | | shelf | 44.28 | 57.34 | | house | 51.88 | 62.5 | | sea | 59.5 | 68.06 | | mirror | 73.06 | 82.96 | | rug | 54.3 | 60.07 | | field | 28.06 | 52.03 | | armchair | 50.06 | 76.19 | | seat | 63.62 | 83.65 | | fence | 43.5 | 57.09 | | desk | 52.51 | 73.35 | | rock | 51.79 | 66.81 | | wardrobe | 51.76 | 66.12 | | lamp | 68.26 | 77.72 | | bathtub | 83.7 | 90.1 | | railing | 35.76 | 52.77 | | cushion | 61.57 | 72.36 | | base | 23.17 | 31.47 | | box | 31.94 | 54.54 | | column | 49.49 | 55.59 | | signboard | 36.51 | 47.16 | | chest of drawers | 40.32 | 56.35 | | counter | 47.18 | 54.44 | | sand | 52.83 | 84.72 | | sink | 73.36 | 80.55 | | skyscraper | 47.69 | 61.39 | | fireplace | 72.32 | 88.86 | | refrigerator | 73.68 | 81.76 | | grandstand | 60.42 | 79.52 | | path | 27.96 | 39.53 | | stairs | 40.12 | 48.41 | | runway | 70.53 | 97.61 | | case | 63.1 | 71.88 | | pool table | 93.91 | 97.02 | | pillow | 60.44 | 69.31 | | screen door | 65.16 | 74.11 | | stairway | 43.64 | 57.13 | | river | 10.68 | 30.27 | | bridge | 49.97 | 57.27 | | bookcase | 44.31 | 66.11 | | blind | 39.86 | 47.42 | | coffee table | 63.72 | 84.67 | | toilet | 84.31 | 94.94 | | flower | 45.05 | 61.57 | | book | 48.59 | 62.93 | | hill | 9.41 | 15.0 | | bench | 56.49 | 67.68 | | countertop | 62.32 | 79.72 | | stove | 77.89 | 86.9 | | palm | 54.1 | 69.81 | | kitchen island | 40.46 | 74.65 | | computer | 74.36 | 92.82 | | swivel chair | 43.51 | 70.97 | | boat | 61.27 | 86.72 | | bar | 74.82 | 90.54 | | arcade machine | 75.93 | 87.21 | | hovel | 51.42 | 62.68 | | bus | 89.25 | 96.47 | | towel | 68.13 | 77.06 | | light | 50.61 | 55.95 | | truck | 35.7 | 47.52 | | tower | 31.36 | 49.21 | | chandelier | 67.2 | 74.46 | | awning | 34.18 | 42.95 | | streetlight | 29.33 | 34.79 | | booth | 40.25 | 47.98 | | television receiver | 79.61 | 88.86 | | airplane | 68.85 | 78.23 | | dirt track | 10.23 | 32.71 | | apparel | 57.93 | 73.98 | | pole | 25.13 | 34.14 | | land | 4.2 | 7.67 | | bannister | 9.49 | 11.98 | | escalator | 57.93 | 78.78 | | ottoman | 45.75 | 59.75 | | bottle | 41.47 | 71.53 | | buffet | 50.24 | 57.76 | | poster | 24.41 | 29.63 | | stage | 17.03 | 30.66 | | van | 39.42 | 46.72 | | ship | 74.84 | 96.18 | | fountain | 51.16 | 54.1 | | conveyer belt | 63.74 | 95.37 | | canopy | 50.75 | 74.38 | | washer | 82.08 | 89.95 | | plaything | 20.6 | 34.85 | | swimming pool | 61.18 | 86.03 | | stool | 46.45 | 56.66 | | barrel | 51.35 | 56.64 | | basket | 35.95 | 44.5 | | waterfall | 54.4 | 64.26 | | tent | 91.46 | 98.72 | | bag | 20.48 | 23.36 | | minibike | 71.91 | 88.37 | | cradle | 85.27 | 98.3 | | oven | 58.11 | 74.87 | | ball | 11.33 | 11.71 | | food | 55.64 | 72.31 | | step | 8.58 | 9.09 | | tank | 75.11 | 96.09 | | trade name | 29.91 | 35.08 | | microwave | 84.56 | 93.24 | | pot | 52.97 | 62.31 | | animal | 61.47 | 64.31 | | bicycle | 58.3 | 75.15 | | lake | 53.65 | 75.61 | | dishwasher | 59.63 | 75.08 | | screen | 49.66 | 72.15 | | blanket | 21.31 | 24.4 | | sculpture | 61.61 | 87.36 | | hood | 63.48 | 68.81 | | sconce | 53.84 | 63.47 | | vase | 40.22 | 53.71 | | traffic light | 33.87 | 49.59 | | tray | 10.84 | 14.18 | | ashcan | 44.47 | 55.21 | | fan | 63.67 | 73.37 | | pier | 29.4 | 47.68 | | crt screen | 6.55 | 14.14 | | plate | 53.01 | 72.14 | | monitor | 40.91 | 54.98 | | bulletin board | 40.56 | 51.05 | | shower | 2.53 | 5.85 | | radiator | 59.2 | 64.09 | | glass | 17.79 | 19.44 | | clock | 37.09 | 39.43 | | flag | 59.62 | 64.5 | +---------------------+-------+-------+ 2023-11-10 17:08:49,463 - mmseg - INFO - Summary: 2023-11-10 17:08:49,463 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.16 | 52.99 | 65.37 | +-------+-------+-------+ 2023-11-10 17:08:49,463 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:08:49,464 - mmseg - INFO - Iter(val) [250] aAcc: 0.8416, mIoU: 0.5299, mAcc: 0.6537, IoU.wall: 0.7876, IoU.building: 0.8411, IoU.sky: 0.9459, IoU.floor: 0.8221, IoU.tree: 0.7508, IoU.ceiling: 0.8382, IoU.road: 0.8503, IoU.bed : 0.9069, IoU.windowpane: 0.6285, IoU.grass: 0.6822, IoU.cabinet: 0.6145, IoU.sidewalk: 0.6630, IoU.person: 0.8237, IoU.earth: 0.3699, IoU.door: 0.4783, IoU.table: 0.6289, IoU.mountain: 0.6047, IoU.plant: 0.5495, IoU.curtain: 0.7457, IoU.chair: 0.5768, IoU.car: 0.8394, IoU.water: 0.5619, IoU.painting: 0.7323, IoU.sofa: 0.7042, IoU.shelf: 0.4428, IoU.house: 0.5188, IoU.sea: 0.5950, IoU.mirror: 0.7306, IoU.rug: 0.5430, IoU.field: 0.2806, IoU.armchair: 0.5006, IoU.seat: 0.6362, IoU.fence: 0.4350, IoU.desk: 0.5251, IoU.rock: 0.5179, IoU.wardrobe: 0.5176, IoU.lamp: 0.6826, IoU.bathtub: 0.8370, IoU.railing: 0.3576, IoU.cushion: 0.6157, IoU.base: 0.2317, IoU.box: 0.3194, IoU.column: 0.4949, IoU.signboard: 0.3651, IoU.chest of drawers: 0.4032, IoU.counter: 0.4718, IoU.sand: 0.5283, IoU.sink: 0.7336, IoU.skyscraper: 0.4769, IoU.fireplace: 0.7232, IoU.refrigerator: 0.7368, IoU.grandstand: 0.6042, IoU.path: 0.2796, IoU.stairs: 0.4012, IoU.runway: 0.7053, IoU.case: 0.6310, IoU.pool table: 0.9391, IoU.pillow: 0.6044, IoU.screen door: 0.6516, IoU.stairway: 0.4364, IoU.river: 0.1068, IoU.bridge: 0.4997, IoU.bookcase: 0.4431, IoU.blind: 0.3986, IoU.coffee table: 0.6372, IoU.toilet: 0.8431, IoU.flower: 0.4505, IoU.book: 0.4859, IoU.hill: 0.0941, IoU.bench: 0.5649, IoU.countertop: 0.6232, IoU.stove: 0.7789, IoU.palm: 0.5410, IoU.kitchen island: 0.4046, IoU.computer: 0.7436, IoU.swivel chair: 0.4351, IoU.boat: 0.6127, IoU.bar: 0.7482, IoU.arcade machine: 0.7593, IoU.hovel: 0.5142, IoU.bus: 0.8925, IoU.towel: 0.6813, IoU.light: 0.5061, IoU.truck: 0.3570, IoU.tower: 0.3136, IoU.chandelier: 0.6720, IoU.awning: 0.3418, IoU.streetlight: 0.2933, IoU.booth: 0.4025, IoU.television receiver: 0.7961, IoU.airplane: 0.6885, IoU.dirt track: 0.1023, IoU.apparel: 0.5793, IoU.pole: 0.2513, IoU.land: 0.0420, IoU.bannister: 0.0949, IoU.escalator: 0.5793, IoU.ottoman: 0.4575, IoU.bottle: 0.4147, IoU.buffet: 0.5024, IoU.poster: 0.2441, IoU.stage: 0.1703, IoU.van: 0.3942, IoU.ship: 0.7484, IoU.fountain: 0.5116, IoU.conveyer belt: 0.6374, IoU.canopy: 0.5075, IoU.washer: 0.8208, IoU.plaything: 0.2060, IoU.swimming pool: 0.6118, IoU.stool: 0.4645, IoU.barrel: 0.5135, IoU.basket: 0.3595, IoU.waterfall: 0.5440, IoU.tent: 0.9146, IoU.bag: 0.2048, IoU.minibike: 0.7191, IoU.cradle: 0.8527, IoU.oven: 0.5811, IoU.ball: 0.1133, IoU.food: 0.5564, IoU.step: 0.0858, IoU.tank: 0.7511, IoU.trade name: 0.2991, IoU.microwave: 0.8456, IoU.pot: 0.5297, IoU.animal: 0.6147, IoU.bicycle: 0.5830, IoU.lake: 0.5365, IoU.dishwasher: 0.5963, IoU.screen: 0.4966, IoU.blanket: 0.2131, IoU.sculpture: 0.6161, IoU.hood: 0.6348, IoU.sconce: 0.5384, IoU.vase: 0.4022, IoU.traffic light: 0.3387, IoU.tray: 0.1084, IoU.ashcan: 0.4447, IoU.fan: 0.6367, IoU.pier: 0.2940, IoU.crt screen: 0.0655, IoU.plate: 0.5301, IoU.monitor: 0.4091, IoU.bulletin board: 0.4056, IoU.shower: 0.0253, IoU.radiator: 0.5920, IoU.glass: 0.1779, IoU.clock: 0.3709, IoU.flag: 0.5962, Acc.wall: 0.9007, Acc.building: 0.9371, Acc.sky: 0.9762, Acc.floor: 0.9140, Acc.tree: 0.8657, Acc.ceiling: 0.9148, Acc.road: 0.9073, Acc.bed : 0.9718, Acc.windowpane: 0.7835, Acc.grass: 0.8157, Acc.cabinet: 0.7373, Acc.sidewalk: 0.8119, Acc.person: 0.9271, Acc.earth: 0.4814, Acc.door: 0.5669, Acc.table: 0.7616, Acc.mountain: 0.7649, Acc.plant: 0.6676, Acc.curtain: 0.8297, Acc.chair: 0.6777, Acc.car: 0.9530, Acc.water: 0.7054, Acc.painting: 0.8526, Acc.sofa: 0.8235, Acc.shelf: 0.5734, Acc.house: 0.6250, Acc.sea: 0.6806, Acc.mirror: 0.8296, Acc.rug: 0.6007, Acc.field: 0.5203, Acc.armchair: 0.7619, Acc.seat: 0.8365, Acc.fence: 0.5709, Acc.desk: 0.7335, Acc.rock: 0.6681, Acc.wardrobe: 0.6612, Acc.lamp: 0.7772, Acc.bathtub: 0.9010, Acc.railing: 0.5277, Acc.cushion: 0.7236, Acc.base: 0.3147, Acc.box: 0.5454, Acc.column: 0.5559, Acc.signboard: 0.4716, Acc.chest of drawers: 0.5635, Acc.counter: 0.5444, Acc.sand: 0.8472, Acc.sink: 0.8055, Acc.skyscraper: 0.6139, Acc.fireplace: 0.8886, Acc.refrigerator: 0.8176, Acc.grandstand: 0.7952, Acc.path: 0.3953, Acc.stairs: 0.4841, Acc.runway: 0.9761, Acc.case: 0.7188, Acc.pool table: 0.9702, Acc.pillow: 0.6931, Acc.screen door: 0.7411, Acc.stairway: 0.5713, Acc.river: 0.3027, Acc.bridge: 0.5727, Acc.bookcase: 0.6611, Acc.blind: 0.4742, Acc.coffee table: 0.8467, Acc.toilet: 0.9494, Acc.flower: 0.6157, Acc.book: 0.6293, Acc.hill: 0.1500, Acc.bench: 0.6768, Acc.countertop: 0.7972, Acc.stove: 0.8690, Acc.palm: 0.6981, Acc.kitchen island: 0.7465, Acc.computer: 0.9282, Acc.swivel chair: 0.7097, Acc.boat: 0.8672, Acc.bar: 0.9054, Acc.arcade machine: 0.8721, Acc.hovel: 0.6268, Acc.bus: 0.9647, Acc.towel: 0.7706, Acc.light: 0.5595, Acc.truck: 0.4752, Acc.tower: 0.4921, Acc.chandelier: 0.7446, Acc.awning: 0.4295, Acc.streetlight: 0.3479, Acc.booth: 0.4798, Acc.television receiver: 0.8886, Acc.airplane: 0.7823, Acc.dirt track: 0.3271, Acc.apparel: 0.7398, Acc.pole: 0.3414, Acc.land: 0.0767, Acc.bannister: 0.1198, Acc.escalator: 0.7878, Acc.ottoman: 0.5975, Acc.bottle: 0.7153, Acc.buffet: 0.5776, Acc.poster: 0.2963, Acc.stage: 0.3066, Acc.van: 0.4672, Acc.ship: 0.9618, Acc.fountain: 0.5410, Acc.conveyer belt: 0.9537, Acc.canopy: 0.7438, Acc.washer: 0.8995, Acc.plaything: 0.3485, Acc.swimming pool: 0.8603, Acc.stool: 0.5666, Acc.barrel: 0.5664, Acc.basket: 0.4450, Acc.waterfall: 0.6426, Acc.tent: 0.9872, Acc.bag: 0.2336, Acc.minibike: 0.8837, Acc.cradle: 0.9830, Acc.oven: 0.7487, Acc.ball: 0.1171, Acc.food: 0.7231, Acc.step: 0.0909, Acc.tank: 0.9609, Acc.trade name: 0.3508, Acc.microwave: 0.9324, Acc.pot: 0.6231, Acc.animal: 0.6431, Acc.bicycle: 0.7515, Acc.lake: 0.7561, Acc.dishwasher: 0.7508, Acc.screen: 0.7215, Acc.blanket: 0.2440, Acc.sculpture: 0.8736, Acc.hood: 0.6881, Acc.sconce: 0.6347, Acc.vase: 0.5371, Acc.traffic light: 0.4959, Acc.tray: 0.1418, Acc.ashcan: 0.5521, Acc.fan: 0.7337, Acc.pier: 0.4768, Acc.crt screen: 0.1414, Acc.plate: 0.7214, Acc.monitor: 0.5498, Acc.bulletin board: 0.5105, Acc.shower: 0.0585, Acc.radiator: 0.6409, Acc.glass: 0.1944, Acc.clock: 0.3943, Acc.flag: 0.6450 2023-11-10 17:09:24,273 - mmseg - INFO - Iter [27050/80000] lr: 2.648e-05, eta: 11:57:15, time: 2.310, data_time: 1.621, memory: 60073, decode.loss_ce: 0.2259, decode.acc_seg: 90.4923, aux.loss_ce: 0.3252, aux.acc_seg: 71.7061, loss: 0.5512 2023-11-10 17:09:59,045 - mmseg - INFO - Iter [27100/80000] lr: 2.645e-05, eta: 11:56:23, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2209, decode.acc_seg: 90.5930, aux.loss_ce: 0.3306, aux.acc_seg: 71.0486, loss: 0.5515 2023-11-10 17:10:33,770 - mmseg - INFO - Iter [27150/80000] lr: 2.643e-05, eta: 11:55:31, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2229, decode.acc_seg: 90.4410, aux.loss_ce: 0.3130, aux.acc_seg: 71.6317, loss: 0.5359 2023-11-10 17:11:08,502 - mmseg - INFO - Iter [27200/80000] lr: 2.640e-05, eta: 11:54:39, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2260, decode.acc_seg: 90.4515, aux.loss_ce: 0.3258, aux.acc_seg: 70.9770, loss: 0.5518 2023-11-10 17:11:43,231 - mmseg - INFO - Iter [27250/80000] lr: 2.638e-05, eta: 11:53:47, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2087, decode.acc_seg: 91.3820, aux.loss_ce: 0.3045, aux.acc_seg: 73.7256, loss: 0.5132 2023-11-10 17:12:17,990 - mmseg - INFO - Iter [27300/80000] lr: 2.635e-05, eta: 11:52:55, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2224, decode.acc_seg: 90.3509, aux.loss_ce: 0.3190, aux.acc_seg: 71.6121, loss: 0.5414 2023-11-10 17:12:52,725 - mmseg - INFO - Iter [27350/80000] lr: 2.633e-05, eta: 11:52:03, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2243, decode.acc_seg: 90.6212, aux.loss_ce: 0.3188, aux.acc_seg: 72.0246, loss: 0.5432 2023-11-10 17:13:27,465 - mmseg - INFO - Iter [27400/80000] lr: 2.630e-05, eta: 11:51:12, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2152, decode.acc_seg: 90.9906, aux.loss_ce: 0.3188, aux.acc_seg: 72.5523, loss: 0.5340 2023-11-10 17:14:02,261 - mmseg - INFO - Iter [27450/80000] lr: 2.628e-05, eta: 11:50:20, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2177, decode.acc_seg: 90.5688, aux.loss_ce: 0.3156, aux.acc_seg: 71.8458, loss: 0.5333 2023-11-10 17:14:36,992 - mmseg - INFO - Iter [27500/80000] lr: 2.625e-05, eta: 11:49:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2198, decode.acc_seg: 90.5408, aux.loss_ce: 0.3161, aux.acc_seg: 72.4444, loss: 0.5359 2023-11-10 17:15:11,727 - mmseg - INFO - Iter [27550/80000] lr: 2.623e-05, eta: 11:48:37, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2147, decode.acc_seg: 90.9115, aux.loss_ce: 0.3105, aux.acc_seg: 72.1128, loss: 0.5252 2023-11-10 17:15:46,459 - mmseg - INFO - Iter [27600/80000] lr: 2.620e-05, eta: 11:47:45, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2231, decode.acc_seg: 90.5952, aux.loss_ce: 0.3162, aux.acc_seg: 71.8879, loss: 0.5393 2023-11-10 17:16:21,177 - mmseg - INFO - Iter [27650/80000] lr: 2.618e-05, eta: 11:46:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2400, decode.acc_seg: 89.6675, aux.loss_ce: 0.3272, aux.acc_seg: 70.9812, loss: 0.5672 2023-11-10 17:16:55,900 - mmseg - INFO - Iter [27700/80000] lr: 2.615e-05, eta: 11:46:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2213, decode.acc_seg: 90.6845, aux.loss_ce: 0.3275, aux.acc_seg: 71.4460, loss: 0.5488 2023-11-10 17:17:30,653 - mmseg - INFO - Iter [27750/80000] lr: 2.613e-05, eta: 11:45:11, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2074, decode.acc_seg: 91.0027, aux.loss_ce: 0.3056, aux.acc_seg: 72.0696, loss: 0.5130 2023-11-10 17:18:09,025 - mmseg - INFO - Iter [27800/80000] lr: 2.610e-05, eta: 11:44:27, time: 0.767, data_time: 0.074, memory: 60073, decode.loss_ce: 0.2136, decode.acc_seg: 90.9959, aux.loss_ce: 0.3170, aux.acc_seg: 72.3310, loss: 0.5307 2023-11-10 17:18:43,854 - mmseg - INFO - Iter [27850/80000] lr: 2.608e-05, eta: 11:43:35, time: 0.697, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2088, decode.acc_seg: 91.0378, aux.loss_ce: 0.3134, aux.acc_seg: 72.0441, loss: 0.5222 2023-11-10 17:19:18,600 - mmseg - INFO - Iter [27900/80000] lr: 2.605e-05, eta: 11:42:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2093, decode.acc_seg: 91.1061, aux.loss_ce: 0.3087, aux.acc_seg: 72.4584, loss: 0.5181 2023-11-10 17:19:53,357 - mmseg - INFO - Iter [27950/80000] lr: 2.603e-05, eta: 11:41:53, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2163, decode.acc_seg: 90.9098, aux.loss_ce: 0.3082, aux.acc_seg: 73.1606, loss: 0.5246 2023-11-10 17:20:28,103 - mmseg - INFO - Saving checkpoint at 28000 iterations 2023-11-10 17:20:58,192 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:20:58,192 - mmseg - INFO - Iter [28000/80000] lr: 2.600e-05, eta: 11:41:58, time: 1.297, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2115, decode.acc_seg: 91.1620, aux.loss_ce: 0.3139, aux.acc_seg: 72.0902, loss: 0.5253 2023-11-10 17:22:18,466 - mmseg - INFO - per class results: 2023-11-10 17:22:18,472 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.87 | 89.11 | | building | 84.03 | 93.79 | | sky | 94.69 | 97.38 | | floor | 82.16 | 91.64 | | tree | 74.99 | 88.96 | | ceiling | 84.08 | 92.13 | | road | 84.98 | 91.13 | | bed | 90.37 | 96.87 | | windowpane | 63.84 | 78.55 | | grass | 68.78 | 88.0 | | cabinet | 60.55 | 72.44 | | sidewalk | 65.36 | 77.97 | | person | 82.55 | 91.87 | | earth | 37.11 | 48.39 | | door | 49.46 | 61.6 | | table | 63.39 | 76.46 | | mountain | 61.19 | 73.14 | | plant | 54.18 | 68.4 | | curtain | 74.22 | 83.67 | | chair | 58.1 | 67.63 | | car | 85.02 | 93.5 | | water | 62.74 | 77.04 | | painting | 72.57 | 84.65 | | sofa | 71.53 | 80.18 | | shelf | 43.94 | 59.4 | | house | 46.02 | 55.24 | | sea | 65.81 | 79.65 | | mirror | 73.57 | 81.38 | | rug | 64.22 | 76.04 | | field | 32.87 | 42.51 | | armchair | 51.5 | 75.42 | | seat | 62.26 | 89.2 | | fence | 43.33 | 60.31 | | desk | 52.49 | 72.65 | | rock | 52.42 | 71.37 | | wardrobe | 50.85 | 65.7 | | lamp | 67.92 | 83.07 | | bathtub | 81.19 | 85.96 | | railing | 30.81 | 42.49 | | cushion | 62.69 | 80.18 | | base | 33.16 | 46.01 | | box | 31.04 | 38.45 | | column | 52.49 | 62.2 | | signboard | 36.39 | 52.15 | | chest of drawers | 42.35 | 65.48 | | counter | 46.08 | 55.64 | | sand | 52.8 | 79.14 | | sink | 74.33 | 81.67 | | skyscraper | 42.27 | 51.42 | | fireplace | 72.79 | 85.86 | | refrigerator | 73.62 | 85.05 | | grandstand | 60.67 | 79.48 | | path | 24.68 | 36.58 | | stairs | 38.25 | 46.56 | | runway | 69.15 | 97.49 | | case | 62.55 | 86.3 | | pool table | 93.94 | 97.03 | | pillow | 54.78 | 59.98 | | screen door | 60.2 | 64.76 | | stairway | 44.63 | 59.93 | | river | 12.52 | 21.7 | | bridge | 56.75 | 63.77 | | bookcase | 40.55 | 53.31 | | blind | 41.1 | 47.17 | | coffee table | 64.17 | 77.14 | | toilet | 86.95 | 92.48 | | flower | 44.22 | 67.03 | | book | 51.01 | 75.85 | | hill | 9.68 | 20.71 | | bench | 53.09 | 67.56 | | countertop | 59.49 | 72.3 | | stove | 79.57 | 85.32 | | palm | 52.98 | 80.57 | | kitchen island | 40.15 | 67.02 | | computer | 74.25 | 90.63 | | swivel chair | 40.87 | 69.06 | | boat | 70.99 | 83.84 | | bar | 74.19 | 83.29 | | arcade machine | 75.04 | 90.57 | | hovel | 47.82 | 53.54 | | bus | 89.8 | 96.31 | | towel | 69.63 | 76.87 | | light | 54.21 | 61.03 | | truck | 39.2 | 48.51 | | tower | 22.48 | 29.58 | | chandelier | 68.53 | 79.05 | | awning | 32.12 | 38.95 | | streetlight | 28.97 | 35.65 | | booth | 31.86 | 62.23 | | television receiver | 78.4 | 87.68 | | airplane | 69.12 | 74.56 | | dirt track | 5.86 | 13.16 | | apparel | 58.78 | 77.19 | | pole | 19.3 | 23.25 | | land | 1.32 | 2.35 | | bannister | 10.86 | 14.2 | | escalator | 56.7 | 74.59 | | ottoman | 46.16 | 56.32 | | bottle | 39.31 | 73.21 | | buffet | 52.94 | 67.53 | | poster | 25.66 | 29.38 | | stage | 16.97 | 36.44 | | van | 42.93 | 56.12 | | ship | 77.11 | 85.87 | | fountain | 50.28 | 54.11 | | conveyer belt | 64.99 | 97.57 | | canopy | 39.19 | 53.39 | | washer | 83.26 | 90.37 | | plaything | 22.17 | 38.84 | | swimming pool | 61.01 | 87.6 | | stool | 44.74 | 53.44 | | barrel | 51.76 | 61.02 | | basket | 35.27 | 47.92 | | waterfall | 52.53 | 63.41 | | tent | 95.1 | 97.42 | | bag | 17.92 | 19.22 | | minibike | 72.72 | 86.78 | | cradle | 84.87 | 98.41 | | oven | 61.86 | 75.11 | | ball | 54.55 | 67.82 | | food | 51.83 | 63.81 | | step | 14.05 | 14.5 | | tank | 61.81 | 97.73 | | trade name | 11.55 | 12.0 | | microwave | 84.35 | 93.82 | | pot | 53.85 | 63.68 | | animal | 62.49 | 65.44 | | bicycle | 55.81 | 69.16 | | lake | 47.8 | 74.68 | | dishwasher | 61.39 | 80.5 | | screen | 48.0 | 71.19 | | blanket | 24.73 | 27.7 | | sculpture | 71.4 | 84.58 | | hood | 66.28 | 72.48 | | sconce | 54.17 | 69.68 | | vase | 38.69 | 57.73 | | traffic light | 34.18 | 48.71 | | tray | 8.43 | 9.36 | | ashcan | 45.75 | 57.64 | | fan | 64.12 | 78.55 | | pier | 34.75 | 44.73 | | crt screen | 10.03 | 15.87 | | plate | 54.32 | 79.93 | | monitor | 57.72 | 75.88 | | bulletin board | 39.75 | 48.99 | | shower | 3.29 | 7.06 | | radiator | 60.73 | 75.89 | | glass | 16.99 | 18.61 | | clock | 45.2 | 50.3 | | flag | 60.23 | 63.26 | +---------------------+-------+-------+ 2023-11-10 17:22:18,472 - mmseg - INFO - Summary: 2023-11-10 17:22:18,472 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.32 | 53.35 | 65.77 | +-------+-------+-------+ 2023-11-10 17:22:18,473 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:22:18,473 - mmseg - INFO - Iter(val) [250] aAcc: 0.8432, mIoU: 0.5335, mAcc: 0.6577, IoU.wall: 0.7887, IoU.building: 0.8403, IoU.sky: 0.9469, IoU.floor: 0.8216, IoU.tree: 0.7499, IoU.ceiling: 0.8408, IoU.road: 0.8498, IoU.bed : 0.9037, IoU.windowpane: 0.6384, IoU.grass: 0.6878, IoU.cabinet: 0.6055, IoU.sidewalk: 0.6536, IoU.person: 0.8255, IoU.earth: 0.3711, IoU.door: 0.4946, IoU.table: 0.6339, IoU.mountain: 0.6119, IoU.plant: 0.5418, IoU.curtain: 0.7422, IoU.chair: 0.5810, IoU.car: 0.8502, IoU.water: 0.6274, IoU.painting: 0.7257, IoU.sofa: 0.7153, IoU.shelf: 0.4394, IoU.house: 0.4602, IoU.sea: 0.6581, IoU.mirror: 0.7357, IoU.rug: 0.6422, IoU.field: 0.3287, IoU.armchair: 0.5150, IoU.seat: 0.6226, IoU.fence: 0.4333, IoU.desk: 0.5249, IoU.rock: 0.5242, IoU.wardrobe: 0.5085, IoU.lamp: 0.6792, IoU.bathtub: 0.8119, IoU.railing: 0.3081, IoU.cushion: 0.6269, IoU.base: 0.3316, IoU.box: 0.3104, IoU.column: 0.5249, IoU.signboard: 0.3639, IoU.chest of drawers: 0.4235, IoU.counter: 0.4608, IoU.sand: 0.5280, IoU.sink: 0.7433, IoU.skyscraper: 0.4227, IoU.fireplace: 0.7279, IoU.refrigerator: 0.7362, IoU.grandstand: 0.6067, IoU.path: 0.2468, IoU.stairs: 0.3825, IoU.runway: 0.6915, IoU.case: 0.6255, IoU.pool table: 0.9394, IoU.pillow: 0.5478, IoU.screen door: 0.6020, IoU.stairway: 0.4463, IoU.river: 0.1252, IoU.bridge: 0.5675, IoU.bookcase: 0.4055, IoU.blind: 0.4110, IoU.coffee table: 0.6417, IoU.toilet: 0.8695, IoU.flower: 0.4422, IoU.book: 0.5101, IoU.hill: 0.0968, IoU.bench: 0.5309, IoU.countertop: 0.5949, IoU.stove: 0.7957, IoU.palm: 0.5298, IoU.kitchen island: 0.4015, IoU.computer: 0.7425, IoU.swivel chair: 0.4087, IoU.boat: 0.7099, IoU.bar: 0.7419, IoU.arcade machine: 0.7504, IoU.hovel: 0.4782, IoU.bus: 0.8980, IoU.towel: 0.6963, IoU.light: 0.5421, IoU.truck: 0.3920, IoU.tower: 0.2248, IoU.chandelier: 0.6853, IoU.awning: 0.3212, IoU.streetlight: 0.2897, IoU.booth: 0.3186, IoU.television receiver: 0.7840, IoU.airplane: 0.6912, IoU.dirt track: 0.0586, IoU.apparel: 0.5878, IoU.pole: 0.1930, IoU.land: 0.0132, IoU.bannister: 0.1086, IoU.escalator: 0.5670, IoU.ottoman: 0.4616, IoU.bottle: 0.3931, IoU.buffet: 0.5294, IoU.poster: 0.2566, IoU.stage: 0.1697, IoU.van: 0.4293, IoU.ship: 0.7711, IoU.fountain: 0.5028, IoU.conveyer belt: 0.6499, IoU.canopy: 0.3919, IoU.washer: 0.8326, IoU.plaything: 0.2217, IoU.swimming pool: 0.6101, IoU.stool: 0.4474, IoU.barrel: 0.5176, IoU.basket: 0.3527, IoU.waterfall: 0.5253, IoU.tent: 0.9510, IoU.bag: 0.1792, IoU.minibike: 0.7272, IoU.cradle: 0.8487, IoU.oven: 0.6186, IoU.ball: 0.5455, IoU.food: 0.5183, IoU.step: 0.1405, IoU.tank: 0.6181, IoU.trade name: 0.1155, IoU.microwave: 0.8435, IoU.pot: 0.5385, IoU.animal: 0.6249, IoU.bicycle: 0.5581, IoU.lake: 0.4780, IoU.dishwasher: 0.6139, IoU.screen: 0.4800, IoU.blanket: 0.2473, IoU.sculpture: 0.7140, IoU.hood: 0.6628, IoU.sconce: 0.5417, IoU.vase: 0.3869, IoU.traffic light: 0.3418, IoU.tray: 0.0843, IoU.ashcan: 0.4575, IoU.fan: 0.6412, IoU.pier: 0.3475, IoU.crt screen: 0.1003, IoU.plate: 0.5432, IoU.monitor: 0.5772, IoU.bulletin board: 0.3975, IoU.shower: 0.0329, IoU.radiator: 0.6073, IoU.glass: 0.1699, IoU.clock: 0.4520, IoU.flag: 0.6023, Acc.wall: 0.8911, Acc.building: 0.9379, Acc.sky: 0.9738, Acc.floor: 0.9164, Acc.tree: 0.8896, Acc.ceiling: 0.9213, Acc.road: 0.9113, Acc.bed : 0.9687, Acc.windowpane: 0.7855, Acc.grass: 0.8800, Acc.cabinet: 0.7244, Acc.sidewalk: 0.7797, Acc.person: 0.9187, Acc.earth: 0.4839, Acc.door: 0.6160, Acc.table: 0.7646, Acc.mountain: 0.7314, Acc.plant: 0.6840, Acc.curtain: 0.8367, Acc.chair: 0.6763, Acc.car: 0.9350, Acc.water: 0.7704, Acc.painting: 0.8465, Acc.sofa: 0.8018, Acc.shelf: 0.5940, Acc.house: 0.5524, Acc.sea: 0.7965, Acc.mirror: 0.8138, Acc.rug: 0.7604, Acc.field: 0.4251, Acc.armchair: 0.7542, Acc.seat: 0.8920, Acc.fence: 0.6031, Acc.desk: 0.7265, Acc.rock: 0.7137, Acc.wardrobe: 0.6570, Acc.lamp: 0.8307, Acc.bathtub: 0.8596, Acc.railing: 0.4249, Acc.cushion: 0.8018, Acc.base: 0.4601, Acc.box: 0.3845, Acc.column: 0.6220, Acc.signboard: 0.5215, Acc.chest of drawers: 0.6548, Acc.counter: 0.5564, Acc.sand: 0.7914, Acc.sink: 0.8167, Acc.skyscraper: 0.5142, Acc.fireplace: 0.8586, Acc.refrigerator: 0.8505, Acc.grandstand: 0.7948, Acc.path: 0.3658, Acc.stairs: 0.4656, Acc.runway: 0.9749, Acc.case: 0.8630, Acc.pool table: 0.9703, Acc.pillow: 0.5998, Acc.screen door: 0.6476, Acc.stairway: 0.5993, Acc.river: 0.2170, Acc.bridge: 0.6377, Acc.bookcase: 0.5331, Acc.blind: 0.4717, Acc.coffee table: 0.7714, Acc.toilet: 0.9248, Acc.flower: 0.6703, Acc.book: 0.7585, Acc.hill: 0.2071, Acc.bench: 0.6756, Acc.countertop: 0.7230, Acc.stove: 0.8532, Acc.palm: 0.8057, Acc.kitchen island: 0.6702, Acc.computer: 0.9063, Acc.swivel chair: 0.6906, Acc.boat: 0.8384, Acc.bar: 0.8329, Acc.arcade machine: 0.9057, Acc.hovel: 0.5354, Acc.bus: 0.9631, Acc.towel: 0.7687, Acc.light: 0.6103, Acc.truck: 0.4851, Acc.tower: 0.2958, Acc.chandelier: 0.7905, Acc.awning: 0.3895, Acc.streetlight: 0.3565, Acc.booth: 0.6223, Acc.television receiver: 0.8768, Acc.airplane: 0.7456, Acc.dirt track: 0.1316, Acc.apparel: 0.7719, Acc.pole: 0.2325, Acc.land: 0.0235, Acc.bannister: 0.1420, Acc.escalator: 0.7459, Acc.ottoman: 0.5632, Acc.bottle: 0.7321, Acc.buffet: 0.6753, Acc.poster: 0.2938, Acc.stage: 0.3644, Acc.van: 0.5612, Acc.ship: 0.8587, Acc.fountain: 0.5411, Acc.conveyer belt: 0.9757, Acc.canopy: 0.5339, Acc.washer: 0.9037, Acc.plaything: 0.3884, Acc.swimming pool: 0.8760, Acc.stool: 0.5344, Acc.barrel: 0.6102, Acc.basket: 0.4792, Acc.waterfall: 0.6341, Acc.tent: 0.9742, Acc.bag: 0.1922, Acc.minibike: 0.8678, Acc.cradle: 0.9841, Acc.oven: 0.7511, Acc.ball: 0.6782, Acc.food: 0.6381, Acc.step: 0.1450, Acc.tank: 0.9773, Acc.trade name: 0.1200, Acc.microwave: 0.9382, Acc.pot: 0.6368, Acc.animal: 0.6544, Acc.bicycle: 0.6916, Acc.lake: 0.7468, Acc.dishwasher: 0.8050, Acc.screen: 0.7119, Acc.blanket: 0.2770, Acc.sculpture: 0.8458, Acc.hood: 0.7248, Acc.sconce: 0.6968, Acc.vase: 0.5773, Acc.traffic light: 0.4871, Acc.tray: 0.0936, Acc.ashcan: 0.5764, Acc.fan: 0.7855, Acc.pier: 0.4473, Acc.crt screen: 0.1587, Acc.plate: 0.7993, Acc.monitor: 0.7588, Acc.bulletin board: 0.4899, Acc.shower: 0.0706, Acc.radiator: 0.7589, Acc.glass: 0.1861, Acc.clock: 0.5030, Acc.flag: 0.6326 2023-11-10 17:22:53,303 - mmseg - INFO - Iter [28050/80000] lr: 2.598e-05, eta: 11:43:36, time: 2.302, data_time: 1.613, memory: 60073, decode.loss_ce: 0.2150, decode.acc_seg: 90.6232, aux.loss_ce: 0.3190, aux.acc_seg: 70.8238, loss: 0.5340 2023-11-10 17:23:28,082 - mmseg - INFO - Iter [28100/80000] lr: 2.595e-05, eta: 11:42:44, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2079, decode.acc_seg: 91.2017, aux.loss_ce: 0.3209, aux.acc_seg: 71.5601, loss: 0.5289 2023-11-10 17:24:02,828 - mmseg - INFO - Iter [28150/80000] lr: 2.593e-05, eta: 11:41:53, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2056, decode.acc_seg: 91.2381, aux.loss_ce: 0.2975, aux.acc_seg: 73.1518, loss: 0.5031 2023-11-10 17:24:37,583 - mmseg - INFO - Iter [28200/80000] lr: 2.590e-05, eta: 11:41:01, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2057, decode.acc_seg: 91.2904, aux.loss_ce: 0.3210, aux.acc_seg: 71.9431, loss: 0.5267 2023-11-10 17:25:12,383 - mmseg - INFO - Iter [28250/80000] lr: 2.588e-05, eta: 11:40:10, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2072, decode.acc_seg: 91.2418, aux.loss_ce: 0.3125, aux.acc_seg: 72.3709, loss: 0.5197 2023-11-10 17:25:47,168 - mmseg - INFO - Iter [28300/80000] lr: 2.585e-05, eta: 11:39:19, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2168, decode.acc_seg: 90.7590, aux.loss_ce: 0.3137, aux.acc_seg: 72.1415, loss: 0.5305 2023-11-10 17:26:21,909 - mmseg - INFO - Iter [28350/80000] lr: 2.583e-05, eta: 11:38:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2007, decode.acc_seg: 91.6099, aux.loss_ce: 0.3057, aux.acc_seg: 73.0372, loss: 0.5064 2023-11-10 17:26:56,677 - mmseg - INFO - Iter [28400/80000] lr: 2.580e-05, eta: 11:37:37, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2210, decode.acc_seg: 90.7560, aux.loss_ce: 0.3334, aux.acc_seg: 71.4641, loss: 0.5544 2023-11-10 17:27:31,425 - mmseg - INFO - Iter [28450/80000] lr: 2.578e-05, eta: 11:36:46, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2136, decode.acc_seg: 91.2048, aux.loss_ce: 0.3186, aux.acc_seg: 71.9839, loss: 0.5322 2023-11-10 17:28:06,189 - mmseg - INFO - Iter [28500/80000] lr: 2.575e-05, eta: 11:35:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2185, decode.acc_seg: 90.3826, aux.loss_ce: 0.3306, aux.acc_seg: 70.0292, loss: 0.5491 2023-11-10 17:28:40,962 - mmseg - INFO - Iter [28550/80000] lr: 2.573e-05, eta: 11:35:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2117, decode.acc_seg: 90.8688, aux.loss_ce: 0.3004, aux.acc_seg: 73.0794, loss: 0.5120 2023-11-10 17:29:15,714 - mmseg - INFO - Iter [28600/80000] lr: 2.570e-05, eta: 11:34:13, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2323, decode.acc_seg: 90.2964, aux.loss_ce: 0.3272, aux.acc_seg: 71.6580, loss: 0.5595 2023-11-10 17:29:50,461 - mmseg - INFO - Iter [28650/80000] lr: 2.568e-05, eta: 11:33:22, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2151, decode.acc_seg: 90.5636, aux.loss_ce: 0.3181, aux.acc_seg: 71.1880, loss: 0.5332 2023-11-10 17:30:25,254 - mmseg - INFO - Iter [28700/80000] lr: 2.565e-05, eta: 11:32:31, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2219, decode.acc_seg: 90.7284, aux.loss_ce: 0.3178, aux.acc_seg: 72.0284, loss: 0.5398 2023-11-10 17:31:00,047 - mmseg - INFO - Iter [28750/80000] lr: 2.563e-05, eta: 11:31:41, time: 0.696, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2172, decode.acc_seg: 90.5285, aux.loss_ce: 0.3110, aux.acc_seg: 72.1248, loss: 0.5282 2023-11-10 17:31:34,811 - mmseg - INFO - Iter [28800/80000] lr: 2.560e-05, eta: 11:30:50, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.2115, decode.acc_seg: 90.9403, aux.loss_ce: 0.3181, aux.acc_seg: 71.5505, loss: 0.5295 2023-11-10 17:32:09,571 - mmseg - INFO - Iter [28850/80000] lr: 2.558e-05, eta: 11:29:59, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2197, decode.acc_seg: 90.5658, aux.loss_ce: 0.3237, aux.acc_seg: 71.5332, loss: 0.5433 2023-11-10 17:32:44,332 - mmseg - INFO - Iter [28900/80000] lr: 2.555e-05, eta: 11:29:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2105, decode.acc_seg: 91.1743, aux.loss_ce: 0.3114, aux.acc_seg: 72.3582, loss: 0.5219 2023-11-10 17:33:19,076 - mmseg - INFO - Iter [28950/80000] lr: 2.553e-05, eta: 11:28:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2129, decode.acc_seg: 90.7965, aux.loss_ce: 0.2982, aux.acc_seg: 73.0278, loss: 0.5111 2023-11-10 17:33:53,840 - mmseg - INFO - Saving checkpoint at 29000 iterations 2023-11-10 17:34:24,543 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:34:24,543 - mmseg - INFO - Iter [29000/80000] lr: 2.550e-05, eta: 11:28:22, time: 1.309, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2209, decode.acc_seg: 90.5971, aux.loss_ce: 0.3133, aux.acc_seg: 71.8261, loss: 0.5342 2023-11-10 17:35:44,899 - mmseg - INFO - per class results: 2023-11-10 17:35:44,904 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.68 | 88.35 | | building | 83.88 | 94.66 | | sky | 94.6 | 97.48 | | floor | 82.35 | 90.33 | | tree | 74.07 | 87.45 | | ceiling | 83.54 | 94.14 | | road | 83.17 | 91.88 | | bed | 89.51 | 97.59 | | windowpane | 63.59 | 82.23 | | grass | 72.53 | 85.76 | | cabinet | 59.96 | 69.93 | | sidewalk | 65.14 | 76.74 | | person | 82.71 | 93.43 | | earth | 39.09 | 52.31 | | door | 50.4 | 60.56 | | table | 61.3 | 78.38 | | mountain | 58.93 | 80.38 | | plant | 52.09 | 60.4 | | curtain | 73.34 | 80.18 | | chair | 60.83 | 74.14 | | car | 85.05 | 93.48 | | water | 56.82 | 71.9 | | painting | 74.11 | 87.64 | | sofa | 70.02 | 84.06 | | shelf | 44.1 | 62.31 | | house | 47.18 | 52.83 | | sea | 56.0 | 70.28 | | mirror | 73.73 | 82.83 | | rug | 62.86 | 73.05 | | field | 29.63 | 42.74 | | armchair | 47.51 | 67.04 | | seat | 64.81 | 85.65 | | fence | 44.07 | 58.88 | | desk | 49.37 | 82.95 | | rock | 45.49 | 57.75 | | wardrobe | 54.58 | 78.33 | | lamp | 68.22 | 78.83 | | bathtub | 81.15 | 88.41 | | railing | 31.16 | 41.16 | | cushion | 63.32 | 74.55 | | base | 31.41 | 52.57 | | box | 27.85 | 31.89 | | column | 51.51 | 61.07 | | signboard | 35.66 | 49.3 | | chest of drawers | 42.3 | 76.41 | | counter | 39.74 | 47.65 | | sand | 51.54 | 81.03 | | sink | 73.86 | 79.33 | | skyscraper | 51.74 | 62.78 | | fireplace | 74.3 | 89.12 | | refrigerator | 72.83 | 91.38 | | grandstand | 58.82 | 76.41 | | path | 25.3 | 36.57 | | stairs | 32.77 | 39.52 | | runway | 64.98 | 87.53 | | case | 59.58 | 70.31 | | pool table | 93.47 | 97.23 | | pillow | 51.46 | 56.3 | | screen door | 72.4 | 79.73 | | stairway | 37.28 | 53.41 | | river | 10.59 | 22.97 | | bridge | 52.32 | 67.46 | | bookcase | 42.52 | 55.8 | | blind | 36.56 | 39.6 | | coffee table | 64.82 | 84.84 | | toilet | 85.76 | 91.63 | | flower | 42.75 | 56.38 | | book | 52.33 | 73.67 | | hill | 5.76 | 9.09 | | bench | 53.66 | 67.18 | | countertop | 60.98 | 76.79 | | stove | 78.15 | 86.06 | | palm | 55.5 | 70.26 | | kitchen island | 29.95 | 37.41 | | computer | 73.0 | 82.91 | | swivel chair | 41.8 | 52.5 | | boat | 67.64 | 87.47 | | bar | 74.34 | 89.04 | | arcade machine | 80.85 | 86.51 | | hovel | 39.02 | 42.27 | | bus | 89.8 | 96.07 | | towel | 70.89 | 76.54 | | light | 50.92 | 55.79 | | truck | 41.8 | 50.8 | | tower | 32.2 | 49.11 | | chandelier | 69.35 | 80.56 | | awning | 36.75 | 50.64 | | streetlight | 28.02 | 31.8 | | booth | 40.42 | 52.34 | | television receiver | 78.26 | 86.45 | | airplane | 62.61 | 69.16 | | dirt track | 2.59 | 6.76 | | apparel | 64.4 | 76.91 | | pole | 25.19 | 30.78 | | land | 2.27 | 3.9 | | bannister | 10.09 | 13.47 | | escalator | 58.95 | 76.75 | | ottoman | 50.03 | 65.03 | | bottle | 39.82 | 66.3 | | buffet | 46.55 | 52.02 | | poster | 30.45 | 40.81 | | stage | 15.96 | 34.21 | | van | 41.6 | 52.31 | | ship | 72.77 | 80.48 | | fountain | 50.04 | 51.59 | | conveyer belt | 59.17 | 96.83 | | canopy | 47.28 | 65.88 | | washer | 83.48 | 89.96 | | plaything | 25.98 | 41.99 | | swimming pool | 59.96 | 87.96 | | stool | 47.07 | 59.17 | | barrel | 51.96 | 55.66 | | basket | 35.08 | 45.92 | | waterfall | 48.77 | 66.12 | | tent | 95.26 | 98.34 | | bag | 21.21 | 23.57 | | minibike | 72.74 | 85.97 | | cradle | 83.76 | 98.55 | | oven | 60.88 | 72.67 | | ball | 54.42 | 64.97 | | food | 55.76 | 66.29 | | step | 14.97 | 16.2 | | tank | 70.93 | 90.35 | | trade name | 23.96 | 27.45 | | microwave | 85.26 | 93.73 | | pot | 50.4 | 57.86 | | animal | 57.68 | 59.22 | | bicycle | 52.93 | 63.19 | | lake | 54.42 | 65.67 | | dishwasher | 55.13 | 62.25 | | screen | 49.77 | 70.94 | | blanket | 17.75 | 19.27 | | sculpture | 70.46 | 83.61 | | hood | 66.57 | 72.14 | | sconce | 54.73 | 70.47 | | vase | 38.09 | 46.49 | | traffic light | 33.09 | 48.82 | | tray | 9.59 | 11.12 | | ashcan | 44.7 | 52.81 | | fan | 65.22 | 76.06 | | pier | 36.46 | 43.53 | | crt screen | 8.45 | 12.72 | | plate | 54.13 | 69.12 | | monitor | 58.38 | 81.41 | | bulletin board | 37.74 | 45.02 | | shower | 3.79 | 3.97 | | radiator | 62.18 | 70.92 | | glass | 14.67 | 15.38 | | clock | 42.95 | 50.37 | | flag | 50.92 | 52.74 | +---------------------+-------+-------+ 2023-11-10 17:35:44,904 - mmseg - INFO - Summary: 2023-11-10 17:35:44,904 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.12 | 53.04 | 64.49 | +-------+-------+-------+ 2023-11-10 17:35:44,905 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:35:44,905 - mmseg - INFO - Iter(val) [250] aAcc: 0.8412, mIoU: 0.5304, mAcc: 0.6449, IoU.wall: 0.7868, IoU.building: 0.8388, IoU.sky: 0.9460, IoU.floor: 0.8235, IoU.tree: 0.7407, IoU.ceiling: 0.8354, IoU.road: 0.8317, IoU.bed : 0.8951, IoU.windowpane: 0.6359, IoU.grass: 0.7253, IoU.cabinet: 0.5996, IoU.sidewalk: 0.6514, IoU.person: 0.8271, IoU.earth: 0.3909, IoU.door: 0.5040, IoU.table: 0.6130, IoU.mountain: 0.5893, IoU.plant: 0.5209, IoU.curtain: 0.7334, IoU.chair: 0.6083, IoU.car: 0.8505, IoU.water: 0.5682, IoU.painting: 0.7411, IoU.sofa: 0.7002, IoU.shelf: 0.4410, IoU.house: 0.4718, IoU.sea: 0.5600, IoU.mirror: 0.7373, IoU.rug: 0.6286, IoU.field: 0.2963, IoU.armchair: 0.4751, IoU.seat: 0.6481, IoU.fence: 0.4407, IoU.desk: 0.4937, IoU.rock: 0.4549, IoU.wardrobe: 0.5458, IoU.lamp: 0.6822, IoU.bathtub: 0.8115, IoU.railing: 0.3116, IoU.cushion: 0.6332, IoU.base: 0.3141, IoU.box: 0.2785, IoU.column: 0.5151, IoU.signboard: 0.3566, IoU.chest of drawers: 0.4230, IoU.counter: 0.3974, IoU.sand: 0.5154, IoU.sink: 0.7386, IoU.skyscraper: 0.5174, IoU.fireplace: 0.7430, IoU.refrigerator: 0.7283, IoU.grandstand: 0.5882, IoU.path: 0.2530, IoU.stairs: 0.3277, IoU.runway: 0.6498, IoU.case: 0.5958, IoU.pool table: 0.9347, IoU.pillow: 0.5146, IoU.screen door: 0.7240, IoU.stairway: 0.3728, IoU.river: 0.1059, IoU.bridge: 0.5232, IoU.bookcase: 0.4252, IoU.blind: 0.3656, IoU.coffee table: 0.6482, IoU.toilet: 0.8576, IoU.flower: 0.4275, IoU.book: 0.5233, IoU.hill: 0.0576, IoU.bench: 0.5366, IoU.countertop: 0.6098, IoU.stove: 0.7815, IoU.palm: 0.5550, IoU.kitchen island: 0.2995, IoU.computer: 0.7300, IoU.swivel chair: 0.4180, IoU.boat: 0.6764, IoU.bar: 0.7434, IoU.arcade machine: 0.8085, IoU.hovel: 0.3902, IoU.bus: 0.8980, IoU.towel: 0.7089, IoU.light: 0.5092, IoU.truck: 0.4180, IoU.tower: 0.3220, IoU.chandelier: 0.6935, IoU.awning: 0.3675, IoU.streetlight: 0.2802, IoU.booth: 0.4042, IoU.television receiver: 0.7826, IoU.airplane: 0.6261, IoU.dirt track: 0.0259, IoU.apparel: 0.6440, IoU.pole: 0.2519, IoU.land: 0.0227, IoU.bannister: 0.1009, IoU.escalator: 0.5895, IoU.ottoman: 0.5003, IoU.bottle: 0.3982, IoU.buffet: 0.4655, IoU.poster: 0.3045, IoU.stage: 0.1596, IoU.van: 0.4160, IoU.ship: 0.7277, IoU.fountain: 0.5004, IoU.conveyer belt: 0.5917, IoU.canopy: 0.4728, IoU.washer: 0.8348, IoU.plaything: 0.2598, IoU.swimming pool: 0.5996, IoU.stool: 0.4707, IoU.barrel: 0.5196, IoU.basket: 0.3508, IoU.waterfall: 0.4877, IoU.tent: 0.9526, IoU.bag: 0.2121, IoU.minibike: 0.7274, IoU.cradle: 0.8376, IoU.oven: 0.6088, IoU.ball: 0.5442, IoU.food: 0.5576, IoU.step: 0.1497, IoU.tank: 0.7093, IoU.trade name: 0.2396, IoU.microwave: 0.8526, IoU.pot: 0.5040, IoU.animal: 0.5768, IoU.bicycle: 0.5293, IoU.lake: 0.5442, IoU.dishwasher: 0.5513, IoU.screen: 0.4977, IoU.blanket: 0.1775, IoU.sculpture: 0.7046, IoU.hood: 0.6657, IoU.sconce: 0.5473, IoU.vase: 0.3809, IoU.traffic light: 0.3309, IoU.tray: 0.0959, IoU.ashcan: 0.4470, IoU.fan: 0.6522, IoU.pier: 0.3646, IoU.crt screen: 0.0845, IoU.plate: 0.5413, IoU.monitor: 0.5838, IoU.bulletin board: 0.3774, IoU.shower: 0.0379, IoU.radiator: 0.6218, IoU.glass: 0.1467, IoU.clock: 0.4295, IoU.flag: 0.5092, Acc.wall: 0.8835, Acc.building: 0.9466, Acc.sky: 0.9748, Acc.floor: 0.9033, Acc.tree: 0.8745, Acc.ceiling: 0.9414, Acc.road: 0.9188, Acc.bed : 0.9759, Acc.windowpane: 0.8223, Acc.grass: 0.8576, Acc.cabinet: 0.6993, Acc.sidewalk: 0.7674, Acc.person: 0.9343, Acc.earth: 0.5231, Acc.door: 0.6056, Acc.table: 0.7838, Acc.mountain: 0.8038, Acc.plant: 0.6040, Acc.curtain: 0.8018, Acc.chair: 0.7414, Acc.car: 0.9348, Acc.water: 0.7190, Acc.painting: 0.8764, Acc.sofa: 0.8406, Acc.shelf: 0.6231, Acc.house: 0.5283, Acc.sea: 0.7028, Acc.mirror: 0.8283, Acc.rug: 0.7305, Acc.field: 0.4274, Acc.armchair: 0.6704, Acc.seat: 0.8565, Acc.fence: 0.5888, Acc.desk: 0.8295, Acc.rock: 0.5775, Acc.wardrobe: 0.7833, Acc.lamp: 0.7883, Acc.bathtub: 0.8841, Acc.railing: 0.4116, Acc.cushion: 0.7455, Acc.base: 0.5257, Acc.box: 0.3189, Acc.column: 0.6107, Acc.signboard: 0.4930, Acc.chest of drawers: 0.7641, Acc.counter: 0.4765, Acc.sand: 0.8103, Acc.sink: 0.7933, Acc.skyscraper: 0.6278, Acc.fireplace: 0.8912, Acc.refrigerator: 0.9138, Acc.grandstand: 0.7641, Acc.path: 0.3657, Acc.stairs: 0.3952, Acc.runway: 0.8753, Acc.case: 0.7031, Acc.pool table: 0.9723, Acc.pillow: 0.5630, Acc.screen door: 0.7973, Acc.stairway: 0.5341, Acc.river: 0.2297, Acc.bridge: 0.6746, Acc.bookcase: 0.5580, Acc.blind: 0.3960, Acc.coffee table: 0.8484, Acc.toilet: 0.9163, Acc.flower: 0.5638, Acc.book: 0.7367, Acc.hill: 0.0909, Acc.bench: 0.6718, Acc.countertop: 0.7679, Acc.stove: 0.8606, Acc.palm: 0.7026, Acc.kitchen island: 0.3741, Acc.computer: 0.8291, Acc.swivel chair: 0.5250, Acc.boat: 0.8747, Acc.bar: 0.8904, Acc.arcade machine: 0.8651, Acc.hovel: 0.4227, Acc.bus: 0.9607, Acc.towel: 0.7654, Acc.light: 0.5579, Acc.truck: 0.5080, Acc.tower: 0.4911, Acc.chandelier: 0.8056, Acc.awning: 0.5064, Acc.streetlight: 0.3180, Acc.booth: 0.5234, Acc.television receiver: 0.8645, Acc.airplane: 0.6916, Acc.dirt track: 0.0676, Acc.apparel: 0.7691, Acc.pole: 0.3078, Acc.land: 0.0390, Acc.bannister: 0.1347, Acc.escalator: 0.7675, Acc.ottoman: 0.6503, Acc.bottle: 0.6630, Acc.buffet: 0.5202, Acc.poster: 0.4081, Acc.stage: 0.3421, Acc.van: 0.5231, Acc.ship: 0.8048, Acc.fountain: 0.5159, Acc.conveyer belt: 0.9683, Acc.canopy: 0.6588, Acc.washer: 0.8996, Acc.plaything: 0.4199, Acc.swimming pool: 0.8796, Acc.stool: 0.5917, Acc.barrel: 0.5566, Acc.basket: 0.4592, Acc.waterfall: 0.6612, Acc.tent: 0.9834, Acc.bag: 0.2357, Acc.minibike: 0.8597, Acc.cradle: 0.9855, Acc.oven: 0.7267, Acc.ball: 0.6497, Acc.food: 0.6629, Acc.step: 0.1620, Acc.tank: 0.9035, Acc.trade name: 0.2745, Acc.microwave: 0.9373, Acc.pot: 0.5786, Acc.animal: 0.5922, Acc.bicycle: 0.6319, Acc.lake: 0.6567, Acc.dishwasher: 0.6225, Acc.screen: 0.7094, Acc.blanket: 0.1927, Acc.sculpture: 0.8361, Acc.hood: 0.7214, Acc.sconce: 0.7047, Acc.vase: 0.4649, Acc.traffic light: 0.4882, Acc.tray: 0.1112, Acc.ashcan: 0.5281, Acc.fan: 0.7606, Acc.pier: 0.4353, Acc.crt screen: 0.1272, Acc.plate: 0.6912, Acc.monitor: 0.8141, Acc.bulletin board: 0.4502, Acc.shower: 0.0397, Acc.radiator: 0.7092, Acc.glass: 0.1538, Acc.clock: 0.5037, Acc.flag: 0.5274 2023-11-10 17:36:21,963 - mmseg - INFO - Iter [29050/80000] lr: 2.548e-05, eta: 11:29:56, time: 2.348, data_time: 1.659, memory: 60073, decode.loss_ce: 0.2169, decode.acc_seg: 90.7902, aux.loss_ce: 0.3256, aux.acc_seg: 71.8364, loss: 0.5424 2023-11-10 17:36:56,711 - mmseg - INFO - Iter [29100/80000] lr: 2.545e-05, eta: 11:29:05, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2125, decode.acc_seg: 90.8656, aux.loss_ce: 0.3186, aux.acc_seg: 71.0885, loss: 0.5311 2023-11-10 17:37:31,459 - mmseg - INFO - Iter [29150/80000] lr: 2.543e-05, eta: 11:28:14, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2045, decode.acc_seg: 91.3202, aux.loss_ce: 0.3154, aux.acc_seg: 72.3820, loss: 0.5199 2023-11-10 17:38:06,206 - mmseg - INFO - Iter [29200/80000] lr: 2.540e-05, eta: 11:27:24, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2061, decode.acc_seg: 91.3670, aux.loss_ce: 0.3179, aux.acc_seg: 72.3127, loss: 0.5240 2023-11-10 17:38:40,959 - mmseg - INFO - Iter [29250/80000] lr: 2.538e-05, eta: 11:26:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2033, decode.acc_seg: 91.2479, aux.loss_ce: 0.3113, aux.acc_seg: 72.5255, loss: 0.5145 2023-11-10 17:39:15,717 - mmseg - INFO - Iter [29300/80000] lr: 2.535e-05, eta: 11:25:42, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2102, decode.acc_seg: 91.0962, aux.loss_ce: 0.3100, aux.acc_seg: 72.4396, loss: 0.5202 2023-11-10 17:39:50,485 - mmseg - INFO - Iter [29350/80000] lr: 2.533e-05, eta: 11:24:52, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1994, decode.acc_seg: 91.4449, aux.loss_ce: 0.2969, aux.acc_seg: 73.2093, loss: 0.4963 2023-11-10 17:40:25,279 - mmseg - INFO - Iter [29400/80000] lr: 2.530e-05, eta: 11:24:01, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1990, decode.acc_seg: 91.6463, aux.loss_ce: 0.3034, aux.acc_seg: 73.3751, loss: 0.5024 2023-11-10 17:41:00,019 - mmseg - INFO - Iter [29450/80000] lr: 2.528e-05, eta: 11:23:11, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2137, decode.acc_seg: 91.1708, aux.loss_ce: 0.3242, aux.acc_seg: 71.7305, loss: 0.5379 2023-11-10 17:41:34,781 - mmseg - INFO - Iter [29500/80000] lr: 2.525e-05, eta: 11:22:20, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2095, decode.acc_seg: 91.1654, aux.loss_ce: 0.3144, aux.acc_seg: 72.0079, loss: 0.5239 2023-11-10 17:42:09,526 - mmseg - INFO - Iter [29550/80000] lr: 2.523e-05, eta: 11:21:30, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2088, decode.acc_seg: 91.2077, aux.loss_ce: 0.3149, aux.acc_seg: 71.8968, loss: 0.5237 2023-11-10 17:42:44,262 - mmseg - INFO - Iter [29600/80000] lr: 2.520e-05, eta: 11:20:39, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2125, decode.acc_seg: 91.0261, aux.loss_ce: 0.3296, aux.acc_seg: 70.6927, loss: 0.5421 2023-11-10 17:43:19,001 - mmseg - INFO - Iter [29650/80000] lr: 2.518e-05, eta: 11:19:49, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2074, decode.acc_seg: 91.0776, aux.loss_ce: 0.3102, aux.acc_seg: 71.8496, loss: 0.5175 2023-11-10 17:43:53,773 - mmseg - INFO - Iter [29700/80000] lr: 2.515e-05, eta: 11:18:59, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2099, decode.acc_seg: 91.1755, aux.loss_ce: 0.3139, aux.acc_seg: 72.6686, loss: 0.5237 2023-11-10 17:44:28,556 - mmseg - INFO - Iter [29750/80000] lr: 2.513e-05, eta: 11:18:09, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2141, decode.acc_seg: 90.6962, aux.loss_ce: 0.3084, aux.acc_seg: 72.4181, loss: 0.5225 2023-11-10 17:45:03,295 - mmseg - INFO - Iter [29800/80000] lr: 2.510e-05, eta: 11:17:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2143, decode.acc_seg: 90.8649, aux.loss_ce: 0.3066, aux.acc_seg: 72.8590, loss: 0.5209 2023-11-10 17:45:38,049 - mmseg - INFO - Iter [29850/80000] lr: 2.508e-05, eta: 11:16:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2128, decode.acc_seg: 90.9611, aux.loss_ce: 0.3181, aux.acc_seg: 71.9917, loss: 0.5309 2023-11-10 17:46:12,861 - mmseg - INFO - Iter [29900/80000] lr: 2.505e-05, eta: 11:15:38, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2075, decode.acc_seg: 91.1089, aux.loss_ce: 0.3189, aux.acc_seg: 71.7036, loss: 0.5265 2023-11-10 17:46:47,627 - mmseg - INFO - Iter [29950/80000] lr: 2.503e-05, eta: 11:14:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2038, decode.acc_seg: 91.1939, aux.loss_ce: 0.3122, aux.acc_seg: 71.8320, loss: 0.5161 2023-11-10 17:47:22,398 - mmseg - INFO - Saving checkpoint at 30000 iterations 2023-11-10 17:47:51,878 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:47:51,878 - mmseg - INFO - Iter [30000/80000] lr: 2.500e-05, eta: 11:14:48, time: 1.285, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2031, decode.acc_seg: 91.3967, aux.loss_ce: 0.3182, aux.acc_seg: 71.2433, loss: 0.5214 2023-11-10 17:49:12,523 - mmseg - INFO - per class results: 2023-11-10 17:49:12,528 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.22 | 87.55 | | building | 83.97 | 92.49 | | sky | 94.63 | 97.12 | | floor | 81.38 | 91.86 | | tree | 75.08 | 89.0 | | ceiling | 84.28 | 93.29 | | road | 84.48 | 89.16 | | bed | 89.05 | 97.7 | | windowpane | 63.14 | 83.74 | | grass | 72.05 | 83.94 | | cabinet | 60.01 | 70.27 | | sidewalk | 66.27 | 83.81 | | person | 82.52 | 92.95 | | earth | 40.24 | 55.4 | | door | 51.17 | 65.69 | | table | 63.51 | 74.15 | | mountain | 60.16 | 73.36 | | plant | 55.19 | 67.53 | | curtain | 74.05 | 85.54 | | chair | 59.73 | 77.56 | | car | 85.19 | 93.22 | | water | 57.86 | 76.19 | | painting | 74.58 | 89.29 | | sofa | 69.34 | 86.51 | | shelf | 43.97 | 59.9 | | house | 51.65 | 77.77 | | sea | 58.96 | 73.48 | | mirror | 73.95 | 83.96 | | rug | 55.65 | 64.8 | | field | 29.92 | 45.48 | | armchair | 42.84 | 53.48 | | seat | 62.03 | 80.49 | | fence | 46.04 | 59.88 | | desk | 52.83 | 78.95 | | rock | 54.33 | 73.85 | | wardrobe | 52.64 | 68.91 | | lamp | 68.6 | 82.04 | | bathtub | 82.92 | 89.42 | | railing | 33.8 | 48.19 | | cushion | 63.2 | 72.23 | | base | 33.54 | 47.56 | | box | 31.73 | 37.15 | | column | 53.25 | 63.67 | | signboard | 37.01 | 47.14 | | chest of drawers | 46.83 | 71.64 | | counter | 46.92 | 63.37 | | sand | 50.59 | 72.06 | | sink | 73.19 | 85.62 | | skyscraper | 49.77 | 58.79 | | fireplace | 74.77 | 88.68 | | refrigerator | 73.2 | 87.89 | | grandstand | 58.03 | 75.88 | | path | 27.91 | 39.06 | | stairs | 26.29 | 30.73 | | runway | 69.9 | 94.07 | | case | 64.31 | 82.95 | | pool table | 92.8 | 98.46 | | pillow | 48.67 | 54.75 | | screen door | 64.0 | 67.77 | | stairway | 31.34 | 47.54 | | river | 13.95 | 26.77 | | bridge | 56.6 | 63.94 | | bookcase | 43.46 | 62.98 | | blind | 29.0 | 32.36 | | coffee table | 65.2 | 81.08 | | toilet | 86.29 | 91.62 | | flower | 44.3 | 60.53 | | book | 51.67 | 75.24 | | hill | 7.27 | 11.8 | | bench | 53.22 | 62.99 | | countertop | 62.16 | 75.9 | | stove | 78.85 | 86.96 | | palm | 56.0 | 77.95 | | kitchen island | 38.69 | 63.38 | | computer | 74.39 | 91.73 | | swivel chair | 42.57 | 64.86 | | boat | 69.97 | 80.36 | | bar | 74.21 | 86.98 | | arcade machine | 80.97 | 88.36 | | hovel | 53.68 | 64.38 | | bus | 89.84 | 95.81 | | towel | 72.38 | 84.21 | | light | 56.44 | 65.1 | | truck | 40.02 | 52.89 | | tower | 30.98 | 48.92 | | chandelier | 67.71 | 75.96 | | awning | 30.83 | 37.32 | | streetlight | 27.83 | 33.46 | | booth | 44.14 | 57.69 | | television receiver | 79.9 | 90.04 | | airplane | 64.3 | 71.55 | | dirt track | 3.99 | 11.33 | | apparel | 58.36 | 86.24 | | pole | 27.09 | 37.32 | | land | 2.2 | 3.67 | | bannister | 10.37 | 14.15 | | escalator | 56.14 | 79.59 | | ottoman | 47.97 | 61.94 | | bottle | 40.77 | 69.81 | | buffet | 55.55 | 65.47 | | poster | 27.24 | 32.52 | | stage | 19.67 | 34.44 | | van | 43.78 | 56.5 | | ship | 59.52 | 68.89 | | fountain | 44.8 | 47.23 | | conveyer belt | 72.21 | 95.64 | | canopy | 53.46 | 76.02 | | washer | 85.19 | 92.83 | | plaything | 28.61 | 54.71 | | swimming pool | 60.49 | 92.54 | | stool | 46.01 | 56.2 | | barrel | 51.79 | 63.41 | | basket | 38.49 | 49.25 | | waterfall | 55.73 | 73.79 | | tent | 94.77 | 98.26 | | bag | 18.53 | 20.18 | | minibike | 72.29 | 88.56 | | cradle | 86.76 | 97.45 | | oven | 61.54 | 75.89 | | ball | 54.99 | 64.18 | | food | 51.18 | 67.65 | | step | 16.25 | 19.49 | | tank | 70.07 | 95.16 | | trade name | 28.69 | 34.28 | | microwave | 83.29 | 94.47 | | pot | 52.97 | 61.32 | | animal | 64.44 | 66.32 | | bicycle | 57.12 | 75.35 | | lake | 53.57 | 64.27 | | dishwasher | 52.28 | 72.8 | | screen | 47.63 | 74.03 | | blanket | 20.56 | 23.5 | | sculpture | 69.27 | 85.6 | | hood | 65.6 | 70.23 | | sconce | 54.29 | 65.93 | | vase | 39.26 | 57.99 | | traffic light | 33.68 | 41.51 | | tray | 11.63 | 14.36 | | ashcan | 44.44 | 53.43 | | fan | 63.4 | 72.63 | | pier | 37.87 | 42.38 | | crt screen | 7.97 | 13.76 | | plate | 54.65 | 76.19 | | monitor | 63.04 | 74.24 | | bulletin board | 42.54 | 59.05 | | shower | 3.45 | 4.64 | | radiator | 61.46 | 68.71 | | glass | 18.49 | 20.48 | | clock | 44.9 | 50.79 | | flag | 58.04 | 61.9 | +---------------------+-------+-------+ 2023-11-10 17:49:12,528 - mmseg - INFO - Summary: 2023-11-10 17:49:12,528 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.29 | 53.81 | 66.26 | +-------+-------+-------+ 2023-11-10 17:49:12,529 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 17:49:12,529 - mmseg - INFO - Iter(val) [250] aAcc: 0.8429, mIoU: 0.5381, mAcc: 0.6626, IoU.wall: 0.7922, IoU.building: 0.8397, IoU.sky: 0.9463, IoU.floor: 0.8138, IoU.tree: 0.7508, IoU.ceiling: 0.8428, IoU.road: 0.8448, IoU.bed : 0.8905, IoU.windowpane: 0.6314, IoU.grass: 0.7205, IoU.cabinet: 0.6001, IoU.sidewalk: 0.6627, IoU.person: 0.8252, IoU.earth: 0.4024, IoU.door: 0.5117, IoU.table: 0.6351, IoU.mountain: 0.6016, IoU.plant: 0.5519, IoU.curtain: 0.7405, IoU.chair: 0.5973, IoU.car: 0.8519, IoU.water: 0.5786, IoU.painting: 0.7458, IoU.sofa: 0.6934, IoU.shelf: 0.4397, IoU.house: 0.5165, IoU.sea: 0.5896, IoU.mirror: 0.7395, IoU.rug: 0.5565, IoU.field: 0.2992, IoU.armchair: 0.4284, IoU.seat: 0.6203, IoU.fence: 0.4604, IoU.desk: 0.5283, IoU.rock: 0.5433, IoU.wardrobe: 0.5264, IoU.lamp: 0.6860, IoU.bathtub: 0.8292, IoU.railing: 0.3380, IoU.cushion: 0.6320, IoU.base: 0.3354, IoU.box: 0.3173, IoU.column: 0.5325, IoU.signboard: 0.3701, IoU.chest of drawers: 0.4683, IoU.counter: 0.4692, IoU.sand: 0.5059, IoU.sink: 0.7319, IoU.skyscraper: 0.4977, IoU.fireplace: 0.7477, IoU.refrigerator: 0.7320, IoU.grandstand: 0.5803, IoU.path: 0.2791, IoU.stairs: 0.2629, IoU.runway: 0.6990, IoU.case: 0.6431, IoU.pool table: 0.9280, IoU.pillow: 0.4867, IoU.screen door: 0.6400, IoU.stairway: 0.3134, IoU.river: 0.1395, IoU.bridge: 0.5660, IoU.bookcase: 0.4346, IoU.blind: 0.2900, IoU.coffee table: 0.6520, IoU.toilet: 0.8629, IoU.flower: 0.4430, IoU.book: 0.5167, IoU.hill: 0.0727, IoU.bench: 0.5322, IoU.countertop: 0.6216, IoU.stove: 0.7885, IoU.palm: 0.5600, IoU.kitchen island: 0.3869, IoU.computer: 0.7439, IoU.swivel chair: 0.4257, IoU.boat: 0.6997, IoU.bar: 0.7421, IoU.arcade machine: 0.8097, IoU.hovel: 0.5368, IoU.bus: 0.8984, IoU.towel: 0.7238, IoU.light: 0.5644, IoU.truck: 0.4002, IoU.tower: 0.3098, IoU.chandelier: 0.6771, IoU.awning: 0.3083, IoU.streetlight: 0.2783, IoU.booth: 0.4414, IoU.television receiver: 0.7990, IoU.airplane: 0.6430, IoU.dirt track: 0.0399, IoU.apparel: 0.5836, IoU.pole: 0.2709, IoU.land: 0.0220, IoU.bannister: 0.1037, IoU.escalator: 0.5614, IoU.ottoman: 0.4797, IoU.bottle: 0.4077, IoU.buffet: 0.5555, IoU.poster: 0.2724, IoU.stage: 0.1967, IoU.van: 0.4378, IoU.ship: 0.5952, IoU.fountain: 0.4480, IoU.conveyer belt: 0.7221, IoU.canopy: 0.5346, IoU.washer: 0.8519, IoU.plaything: 0.2861, IoU.swimming pool: 0.6049, IoU.stool: 0.4601, IoU.barrel: 0.5179, IoU.basket: 0.3849, IoU.waterfall: 0.5573, IoU.tent: 0.9477, IoU.bag: 0.1853, IoU.minibike: 0.7229, IoU.cradle: 0.8676, IoU.oven: 0.6154, IoU.ball: 0.5499, IoU.food: 0.5118, IoU.step: 0.1625, IoU.tank: 0.7007, IoU.trade name: 0.2869, IoU.microwave: 0.8329, IoU.pot: 0.5297, IoU.animal: 0.6444, IoU.bicycle: 0.5712, IoU.lake: 0.5357, IoU.dishwasher: 0.5228, IoU.screen: 0.4763, IoU.blanket: 0.2056, IoU.sculpture: 0.6927, IoU.hood: 0.6560, IoU.sconce: 0.5429, IoU.vase: 0.3926, IoU.traffic light: 0.3368, IoU.tray: 0.1163, IoU.ashcan: 0.4444, IoU.fan: 0.6340, IoU.pier: 0.3787, IoU.crt screen: 0.0797, IoU.plate: 0.5465, IoU.monitor: 0.6304, IoU.bulletin board: 0.4254, IoU.shower: 0.0345, IoU.radiator: 0.6146, IoU.glass: 0.1849, IoU.clock: 0.4490, IoU.flag: 0.5804, Acc.wall: 0.8755, Acc.building: 0.9249, Acc.sky: 0.9712, Acc.floor: 0.9186, Acc.tree: 0.8900, Acc.ceiling: 0.9329, Acc.road: 0.8916, Acc.bed : 0.9770, Acc.windowpane: 0.8374, Acc.grass: 0.8394, Acc.cabinet: 0.7027, Acc.sidewalk: 0.8381, Acc.person: 0.9295, Acc.earth: 0.5540, Acc.door: 0.6569, Acc.table: 0.7415, Acc.mountain: 0.7336, Acc.plant: 0.6753, Acc.curtain: 0.8554, Acc.chair: 0.7756, Acc.car: 0.9322, Acc.water: 0.7619, Acc.painting: 0.8929, Acc.sofa: 0.8651, Acc.shelf: 0.5990, Acc.house: 0.7777, Acc.sea: 0.7348, Acc.mirror: 0.8396, Acc.rug: 0.6480, Acc.field: 0.4548, Acc.armchair: 0.5348, Acc.seat: 0.8049, Acc.fence: 0.5988, Acc.desk: 0.7895, Acc.rock: 0.7385, Acc.wardrobe: 0.6891, Acc.lamp: 0.8204, Acc.bathtub: 0.8942, Acc.railing: 0.4819, Acc.cushion: 0.7223, Acc.base: 0.4756, Acc.box: 0.3715, Acc.column: 0.6367, Acc.signboard: 0.4714, Acc.chest of drawers: 0.7164, Acc.counter: 0.6337, Acc.sand: 0.7206, Acc.sink: 0.8562, Acc.skyscraper: 0.5879, Acc.fireplace: 0.8868, Acc.refrigerator: 0.8789, Acc.grandstand: 0.7588, Acc.path: 0.3906, Acc.stairs: 0.3073, Acc.runway: 0.9407, Acc.case: 0.8295, Acc.pool table: 0.9846, Acc.pillow: 0.5475, Acc.screen door: 0.6777, Acc.stairway: 0.4754, Acc.river: 0.2677, Acc.bridge: 0.6394, Acc.bookcase: 0.6298, Acc.blind: 0.3236, Acc.coffee table: 0.8108, Acc.toilet: 0.9162, Acc.flower: 0.6053, Acc.book: 0.7524, Acc.hill: 0.1180, Acc.bench: 0.6299, Acc.countertop: 0.7590, Acc.stove: 0.8696, Acc.palm: 0.7795, Acc.kitchen island: 0.6338, Acc.computer: 0.9173, Acc.swivel chair: 0.6486, Acc.boat: 0.8036, Acc.bar: 0.8698, Acc.arcade machine: 0.8836, Acc.hovel: 0.6438, Acc.bus: 0.9581, Acc.towel: 0.8421, Acc.light: 0.6510, Acc.truck: 0.5289, Acc.tower: 0.4892, Acc.chandelier: 0.7596, Acc.awning: 0.3732, Acc.streetlight: 0.3346, Acc.booth: 0.5769, Acc.television receiver: 0.9004, Acc.airplane: 0.7155, Acc.dirt track: 0.1133, Acc.apparel: 0.8624, Acc.pole: 0.3732, Acc.land: 0.0367, Acc.bannister: 0.1415, Acc.escalator: 0.7959, Acc.ottoman: 0.6194, Acc.bottle: 0.6981, Acc.buffet: 0.6547, Acc.poster: 0.3252, Acc.stage: 0.3444, Acc.van: 0.5650, Acc.ship: 0.6889, Acc.fountain: 0.4723, Acc.conveyer belt: 0.9564, Acc.canopy: 0.7602, Acc.washer: 0.9283, Acc.plaything: 0.5471, Acc.swimming pool: 0.9254, Acc.stool: 0.5620, Acc.barrel: 0.6341, Acc.basket: 0.4925, Acc.waterfall: 0.7379, Acc.tent: 0.9826, Acc.bag: 0.2018, Acc.minibike: 0.8856, Acc.cradle: 0.9745, Acc.oven: 0.7589, Acc.ball: 0.6418, Acc.food: 0.6765, Acc.step: 0.1949, Acc.tank: 0.9516, Acc.trade name: 0.3428, Acc.microwave: 0.9447, Acc.pot: 0.6132, Acc.animal: 0.6632, Acc.bicycle: 0.7535, Acc.lake: 0.6427, Acc.dishwasher: 0.7280, Acc.screen: 0.7403, Acc.blanket: 0.2350, Acc.sculpture: 0.8560, Acc.hood: 0.7023, Acc.sconce: 0.6593, Acc.vase: 0.5799, Acc.traffic light: 0.4151, Acc.tray: 0.1436, Acc.ashcan: 0.5343, Acc.fan: 0.7263, Acc.pier: 0.4238, Acc.crt screen: 0.1376, Acc.plate: 0.7619, Acc.monitor: 0.7424, Acc.bulletin board: 0.5905, Acc.shower: 0.0464, Acc.radiator: 0.6871, Acc.glass: 0.2048, Acc.clock: 0.5079, Acc.flag: 0.6190 2023-11-10 17:49:47,387 - mmseg - INFO - Iter [30050/80000] lr: 2.498e-05, eta: 11:16:12, time: 2.310, data_time: 1.621, memory: 60073, decode.loss_ce: 0.2179, decode.acc_seg: 90.4542, aux.loss_ce: 0.3011, aux.acc_seg: 72.7489, loss: 0.5190 2023-11-10 17:50:22,178 - mmseg - INFO - Iter [30100/80000] lr: 2.495e-05, eta: 11:15:22, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2060, decode.acc_seg: 91.2133, aux.loss_ce: 0.3166, aux.acc_seg: 71.4183, loss: 0.5226 2023-11-10 17:50:56,948 - mmseg - INFO - Iter [30150/80000] lr: 2.493e-05, eta: 11:14:31, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2071, decode.acc_seg: 91.1880, aux.loss_ce: 0.3127, aux.acc_seg: 72.4654, loss: 0.5199 2023-11-10 17:51:31,715 - mmseg - INFO - Iter [30200/80000] lr: 2.490e-05, eta: 11:13:41, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2232, decode.acc_seg: 90.5432, aux.loss_ce: 0.3261, aux.acc_seg: 71.3042, loss: 0.5493 2023-11-10 17:52:06,461 - mmseg - INFO - Iter [30250/80000] lr: 2.488e-05, eta: 11:12:51, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2255, decode.acc_seg: 90.5947, aux.loss_ce: 0.3082, aux.acc_seg: 72.7728, loss: 0.5338 2023-11-10 17:52:41,237 - mmseg - INFO - Iter [30300/80000] lr: 2.485e-05, eta: 11:12:01, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2161, decode.acc_seg: 90.6936, aux.loss_ce: 0.3107, aux.acc_seg: 71.7739, loss: 0.5267 2023-11-10 17:53:18,264 - mmseg - INFO - Iter [30350/80000] lr: 2.483e-05, eta: 11:11:15, time: 0.741, data_time: 0.050, memory: 60073, decode.loss_ce: 0.2064, decode.acc_seg: 91.3471, aux.loss_ce: 0.3134, aux.acc_seg: 72.3607, loss: 0.5198 2023-11-10 17:53:53,015 - mmseg - INFO - Iter [30400/80000] lr: 2.480e-05, eta: 11:10:24, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1987, decode.acc_seg: 91.4467, aux.loss_ce: 0.3130, aux.acc_seg: 71.6303, loss: 0.5117 2023-11-10 17:54:27,774 - mmseg - INFO - Iter [30450/80000] lr: 2.478e-05, eta: 11:09:35, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1944, decode.acc_seg: 91.6330, aux.loss_ce: 0.3101, aux.acc_seg: 71.8882, loss: 0.5046 2023-11-10 17:55:02,515 - mmseg - INFO - Iter [30500/80000] lr: 2.475e-05, eta: 11:08:45, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1940, decode.acc_seg: 91.6815, aux.loss_ce: 0.3161, aux.acc_seg: 72.4260, loss: 0.5101 2023-11-10 17:55:37,259 - mmseg - INFO - Iter [30550/80000] lr: 2.473e-05, eta: 11:07:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2057, decode.acc_seg: 91.1957, aux.loss_ce: 0.3134, aux.acc_seg: 72.4183, loss: 0.5191 2023-11-10 17:56:12,006 - mmseg - INFO - Iter [30600/80000] lr: 2.470e-05, eta: 11:07:05, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2040, decode.acc_seg: 91.0787, aux.loss_ce: 0.3099, aux.acc_seg: 71.5170, loss: 0.5139 2023-11-10 17:56:46,766 - mmseg - INFO - Iter [30650/80000] lr: 2.468e-05, eta: 11:06:15, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2111, decode.acc_seg: 90.8737, aux.loss_ce: 0.3104, aux.acc_seg: 72.1964, loss: 0.5215 2023-11-10 17:57:21,514 - mmseg - INFO - Iter [30700/80000] lr: 2.465e-05, eta: 11:05:25, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1964, decode.acc_seg: 91.6076, aux.loss_ce: 0.3003, aux.acc_seg: 72.8263, loss: 0.4967 2023-11-10 17:57:56,243 - mmseg - INFO - Iter [30750/80000] lr: 2.463e-05, eta: 11:04:36, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2017, decode.acc_seg: 91.3396, aux.loss_ce: 0.3019, aux.acc_seg: 73.7864, loss: 0.5036 2023-11-10 17:58:31,013 - mmseg - INFO - Iter [30800/80000] lr: 2.460e-05, eta: 11:03:46, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1967, decode.acc_seg: 91.5164, aux.loss_ce: 0.3047, aux.acc_seg: 72.0288, loss: 0.5014 2023-11-10 17:59:05,772 - mmseg - INFO - Iter [30850/80000] lr: 2.458e-05, eta: 11:02:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2069, decode.acc_seg: 91.3185, aux.loss_ce: 0.3239, aux.acc_seg: 71.1573, loss: 0.5308 2023-11-10 17:59:40,544 - mmseg - INFO - Iter [30900/80000] lr: 2.455e-05, eta: 11:02:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1951, decode.acc_seg: 91.7027, aux.loss_ce: 0.3003, aux.acc_seg: 73.6215, loss: 0.4954 2023-11-10 18:00:15,303 - mmseg - INFO - Iter [30950/80000] lr: 2.453e-05, eta: 11:01:17, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2004, decode.acc_seg: 91.2970, aux.loss_ce: 0.3144, aux.acc_seg: 72.0748, loss: 0.5149 2023-11-10 18:00:50,048 - mmseg - INFO - Saving checkpoint at 31000 iterations 2023-11-10 18:01:20,484 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:01:20,484 - mmseg - INFO - Iter [31000/80000] lr: 2.450e-05, eta: 11:01:16, time: 1.304, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2035, decode.acc_seg: 91.2446, aux.loss_ce: 0.3021, aux.acc_seg: 73.6203, loss: 0.5057 2023-11-10 18:02:41,070 - mmseg - INFO - per class results: 2023-11-10 18:02:41,076 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.13 | 88.1 | | building | 83.71 | 94.37 | | sky | 94.61 | 97.07 | | floor | 80.68 | 92.69 | | tree | 74.77 | 87.69 | | ceiling | 84.44 | 93.28 | | road | 85.11 | 90.13 | | bed | 90.42 | 96.82 | | windowpane | 62.26 | 74.23 | | grass | 69.51 | 79.95 | | cabinet | 60.66 | 71.62 | | sidewalk | 67.52 | 82.96 | | person | 82.52 | 92.06 | | earth | 39.18 | 51.69 | | door | 50.71 | 63.12 | | table | 63.45 | 76.2 | | mountain | 61.22 | 73.83 | | plant | 53.72 | 66.51 | | curtain | 73.33 | 86.89 | | chair | 60.78 | 74.02 | | car | 85.04 | 93.08 | | water | 58.9 | 75.82 | | painting | 74.4 | 87.49 | | sofa | 69.56 | 75.38 | | shelf | 43.37 | 65.12 | | house | 47.76 | 55.45 | | sea | 61.33 | 77.93 | | mirror | 69.69 | 76.5 | | rug | 54.34 | 63.16 | | field | 28.68 | 53.86 | | armchair | 47.99 | 73.67 | | seat | 64.53 | 81.8 | | fence | 45.87 | 58.12 | | desk | 55.08 | 75.2 | | rock | 50.05 | 72.31 | | wardrobe | 55.23 | 73.08 | | lamp | 68.15 | 79.23 | | bathtub | 81.16 | 86.13 | | railing | 33.37 | 48.11 | | cushion | 62.36 | 69.67 | | base | 31.63 | 50.27 | | box | 33.78 | 42.25 | | column | 52.12 | 60.1 | | signboard | 36.4 | 48.72 | | chest of drawers | 43.63 | 60.94 | | counter | 43.33 | 51.07 | | sand | 53.18 | 79.4 | | sink | 74.03 | 84.99 | | skyscraper | 52.6 | 67.76 | | fireplace | 72.72 | 89.93 | | refrigerator | 74.38 | 87.45 | | grandstand | 58.39 | 79.86 | | path | 28.55 | 39.64 | | stairs | 39.59 | 48.72 | | runway | 71.09 | 96.3 | | case | 61.46 | 80.32 | | pool table | 93.71 | 97.66 | | pillow | 58.57 | 67.32 | | screen door | 74.08 | 80.21 | | stairway | 38.58 | 51.89 | | river | 12.34 | 19.85 | | bridge | 50.38 | 61.56 | | bookcase | 44.22 | 53.61 | | blind | 42.09 | 64.8 | | coffee table | 65.81 | 85.57 | | toilet | 86.21 | 91.34 | | flower | 44.43 | 55.49 | | book | 53.33 | 75.84 | | hill | 11.39 | 22.28 | | bench | 52.47 | 60.55 | | countertop | 60.96 | 77.01 | | stove | 76.81 | 87.55 | | palm | 56.75 | 78.95 | | kitchen island | 44.79 | 69.69 | | computer | 74.95 | 87.2 | | swivel chair | 40.87 | 62.95 | | boat | 64.62 | 86.81 | | bar | 71.49 | 88.24 | | arcade machine | 82.48 | 92.54 | | hovel | 46.98 | 51.58 | | bus | 90.73 | 95.58 | | towel | 70.59 | 83.2 | | light | 54.85 | 73.58 | | truck | 42.51 | 56.14 | | tower | 27.29 | 37.66 | | chandelier | 68.53 | 80.2 | | awning | 32.25 | 42.94 | | streetlight | 30.33 | 38.28 | | booth | 46.51 | 59.18 | | television receiver | 79.81 | 86.77 | | airplane | 62.66 | 76.62 | | dirt track | 2.91 | 5.85 | | apparel | 61.53 | 73.97 | | pole | 27.9 | 39.53 | | land | 2.4 | 4.57 | | bannister | 9.88 | 13.31 | | escalator | 56.86 | 83.58 | | ottoman | 46.51 | 62.15 | | bottle | 40.88 | 67.64 | | buffet | 51.01 | 59.23 | | poster | 26.59 | 32.04 | | stage | 18.23 | 31.82 | | van | 46.15 | 58.57 | | ship | 48.16 | 52.2 | | fountain | 60.08 | 67.55 | | conveyer belt | 66.54 | 96.42 | | canopy | 56.83 | 70.89 | | washer | 84.11 | 91.42 | | plaything | 27.34 | 39.4 | | swimming pool | 56.27 | 78.87 | | stool | 47.92 | 60.42 | | barrel | 55.47 | 62.09 | | basket | 35.4 | 45.3 | | waterfall | 57.34 | 70.28 | | tent | 94.24 | 98.59 | | bag | 19.78 | 22.75 | | minibike | 72.91 | 85.7 | | cradle | 86.4 | 97.45 | | oven | 62.19 | 81.46 | | ball | 55.72 | 65.81 | | food | 54.89 | 76.87 | | step | 16.34 | 19.15 | | tank | 76.44 | 93.67 | | trade name | 21.31 | 23.49 | | microwave | 86.79 | 91.5 | | pot | 51.53 | 59.26 | | animal | 66.8 | 69.28 | | bicycle | 57.35 | 76.68 | | lake | 52.03 | 63.58 | | dishwasher | 55.96 | 66.6 | | screen | 48.58 | 76.34 | | blanket | 22.41 | 25.01 | | sculpture | 71.5 | 86.19 | | hood | 66.46 | 77.75 | | sconce | 53.21 | 63.73 | | vase | 38.16 | 53.01 | | traffic light | 37.01 | 51.81 | | tray | 14.28 | 18.61 | | ashcan | 43.32 | 53.47 | | fan | 66.02 | 79.69 | | pier | 35.31 | 46.88 | | crt screen | 7.43 | 14.56 | | plate | 57.98 | 74.68 | | monitor | 53.01 | 62.3 | | bulletin board | 39.45 | 48.2 | | shower | 2.89 | 3.31 | | radiator | 61.55 | 70.03 | | glass | 19.32 | 21.88 | | clock | 41.76 | 55.98 | | flag | 55.85 | 60.11 | +---------------------+-------+-------+ 2023-11-10 18:02:41,076 - mmseg - INFO - Summary: 2023-11-10 18:02:41,076 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 84.27 | 54.06 | 66.3 | +-------+-------+------+ 2023-11-10 18:02:41,077 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:02:41,077 - mmseg - INFO - Iter(val) [250] aAcc: 0.8427, mIoU: 0.5406, mAcc: 0.6630, IoU.wall: 0.7913, IoU.building: 0.8371, IoU.sky: 0.9461, IoU.floor: 0.8068, IoU.tree: 0.7477, IoU.ceiling: 0.8444, IoU.road: 0.8511, IoU.bed : 0.9042, IoU.windowpane: 0.6226, IoU.grass: 0.6951, IoU.cabinet: 0.6066, IoU.sidewalk: 0.6752, IoU.person: 0.8252, IoU.earth: 0.3918, IoU.door: 0.5071, IoU.table: 0.6345, IoU.mountain: 0.6122, IoU.plant: 0.5372, IoU.curtain: 0.7333, IoU.chair: 0.6078, IoU.car: 0.8504, IoU.water: 0.5890, IoU.painting: 0.7440, IoU.sofa: 0.6956, IoU.shelf: 0.4337, IoU.house: 0.4776, IoU.sea: 0.6133, IoU.mirror: 0.6969, IoU.rug: 0.5434, IoU.field: 0.2868, IoU.armchair: 0.4799, IoU.seat: 0.6453, IoU.fence: 0.4587, IoU.desk: 0.5508, IoU.rock: 0.5005, IoU.wardrobe: 0.5523, IoU.lamp: 0.6815, IoU.bathtub: 0.8116, IoU.railing: 0.3337, IoU.cushion: 0.6236, IoU.base: 0.3163, IoU.box: 0.3378, IoU.column: 0.5212, IoU.signboard: 0.3640, IoU.chest of drawers: 0.4363, IoU.counter: 0.4333, IoU.sand: 0.5318, IoU.sink: 0.7403, IoU.skyscraper: 0.5260, IoU.fireplace: 0.7272, IoU.refrigerator: 0.7438, IoU.grandstand: 0.5839, IoU.path: 0.2855, IoU.stairs: 0.3959, IoU.runway: 0.7109, IoU.case: 0.6146, IoU.pool table: 0.9371, IoU.pillow: 0.5857, IoU.screen door: 0.7408, IoU.stairway: 0.3858, IoU.river: 0.1234, IoU.bridge: 0.5038, IoU.bookcase: 0.4422, IoU.blind: 0.4209, IoU.coffee table: 0.6581, IoU.toilet: 0.8621, IoU.flower: 0.4443, IoU.book: 0.5333, IoU.hill: 0.1139, IoU.bench: 0.5247, IoU.countertop: 0.6096, IoU.stove: 0.7681, IoU.palm: 0.5675, IoU.kitchen island: 0.4479, IoU.computer: 0.7495, IoU.swivel chair: 0.4087, IoU.boat: 0.6462, IoU.bar: 0.7149, IoU.arcade machine: 0.8248, IoU.hovel: 0.4698, IoU.bus: 0.9073, IoU.towel: 0.7059, IoU.light: 0.5485, IoU.truck: 0.4251, IoU.tower: 0.2729, IoU.chandelier: 0.6853, IoU.awning: 0.3225, IoU.streetlight: 0.3033, IoU.booth: 0.4651, IoU.television receiver: 0.7981, IoU.airplane: 0.6266, IoU.dirt track: 0.0291, IoU.apparel: 0.6153, IoU.pole: 0.2790, IoU.land: 0.0240, IoU.bannister: 0.0988, IoU.escalator: 0.5686, IoU.ottoman: 0.4651, IoU.bottle: 0.4088, IoU.buffet: 0.5101, IoU.poster: 0.2659, IoU.stage: 0.1823, IoU.van: 0.4615, IoU.ship: 0.4816, IoU.fountain: 0.6008, IoU.conveyer belt: 0.6654, IoU.canopy: 0.5683, IoU.washer: 0.8411, IoU.plaything: 0.2734, IoU.swimming pool: 0.5627, IoU.stool: 0.4792, IoU.barrel: 0.5547, IoU.basket: 0.3540, IoU.waterfall: 0.5734, IoU.tent: 0.9424, IoU.bag: 0.1978, IoU.minibike: 0.7291, IoU.cradle: 0.8640, IoU.oven: 0.6219, IoU.ball: 0.5572, IoU.food: 0.5489, IoU.step: 0.1634, IoU.tank: 0.7644, IoU.trade name: 0.2131, IoU.microwave: 0.8679, IoU.pot: 0.5153, IoU.animal: 0.6680, IoU.bicycle: 0.5735, IoU.lake: 0.5203, IoU.dishwasher: 0.5596, IoU.screen: 0.4858, IoU.blanket: 0.2241, IoU.sculpture: 0.7150, IoU.hood: 0.6646, IoU.sconce: 0.5321, IoU.vase: 0.3816, IoU.traffic light: 0.3701, IoU.tray: 0.1428, IoU.ashcan: 0.4332, IoU.fan: 0.6602, IoU.pier: 0.3531, IoU.crt screen: 0.0743, IoU.plate: 0.5798, IoU.monitor: 0.5301, IoU.bulletin board: 0.3945, IoU.shower: 0.0289, IoU.radiator: 0.6155, IoU.glass: 0.1932, IoU.clock: 0.4176, IoU.flag: 0.5585, Acc.wall: 0.8810, Acc.building: 0.9437, Acc.sky: 0.9707, Acc.floor: 0.9269, Acc.tree: 0.8769, Acc.ceiling: 0.9328, Acc.road: 0.9013, Acc.bed : 0.9682, Acc.windowpane: 0.7423, Acc.grass: 0.7995, Acc.cabinet: 0.7162, Acc.sidewalk: 0.8296, Acc.person: 0.9206, Acc.earth: 0.5169, Acc.door: 0.6312, Acc.table: 0.7620, Acc.mountain: 0.7383, Acc.plant: 0.6651, Acc.curtain: 0.8689, Acc.chair: 0.7402, Acc.car: 0.9308, Acc.water: 0.7582, Acc.painting: 0.8749, Acc.sofa: 0.7538, Acc.shelf: 0.6512, Acc.house: 0.5545, Acc.sea: 0.7793, Acc.mirror: 0.7650, Acc.rug: 0.6316, Acc.field: 0.5386, Acc.armchair: 0.7367, Acc.seat: 0.8180, Acc.fence: 0.5812, Acc.desk: 0.7520, Acc.rock: 0.7231, Acc.wardrobe: 0.7308, Acc.lamp: 0.7923, Acc.bathtub: 0.8613, Acc.railing: 0.4811, Acc.cushion: 0.6967, Acc.base: 0.5027, Acc.box: 0.4225, Acc.column: 0.6010, Acc.signboard: 0.4872, Acc.chest of drawers: 0.6094, Acc.counter: 0.5107, Acc.sand: 0.7940, Acc.sink: 0.8499, Acc.skyscraper: 0.6776, Acc.fireplace: 0.8993, Acc.refrigerator: 0.8745, Acc.grandstand: 0.7986, Acc.path: 0.3964, Acc.stairs: 0.4872, Acc.runway: 0.9630, Acc.case: 0.8032, Acc.pool table: 0.9766, Acc.pillow: 0.6732, Acc.screen door: 0.8021, Acc.stairway: 0.5189, Acc.river: 0.1985, Acc.bridge: 0.6156, Acc.bookcase: 0.5361, Acc.blind: 0.6480, Acc.coffee table: 0.8557, Acc.toilet: 0.9134, Acc.flower: 0.5549, Acc.book: 0.7584, Acc.hill: 0.2228, Acc.bench: 0.6055, Acc.countertop: 0.7701, Acc.stove: 0.8755, Acc.palm: 0.7895, Acc.kitchen island: 0.6969, Acc.computer: 0.8720, Acc.swivel chair: 0.6295, Acc.boat: 0.8681, Acc.bar: 0.8824, Acc.arcade machine: 0.9254, Acc.hovel: 0.5158, Acc.bus: 0.9558, Acc.towel: 0.8320, Acc.light: 0.7358, Acc.truck: 0.5614, Acc.tower: 0.3766, Acc.chandelier: 0.8020, Acc.awning: 0.4294, Acc.streetlight: 0.3828, Acc.booth: 0.5918, Acc.television receiver: 0.8677, Acc.airplane: 0.7662, Acc.dirt track: 0.0585, Acc.apparel: 0.7397, Acc.pole: 0.3953, Acc.land: 0.0457, Acc.bannister: 0.1331, Acc.escalator: 0.8358, Acc.ottoman: 0.6215, Acc.bottle: 0.6764, Acc.buffet: 0.5923, Acc.poster: 0.3204, Acc.stage: 0.3182, Acc.van: 0.5857, Acc.ship: 0.5220, Acc.fountain: 0.6755, Acc.conveyer belt: 0.9642, Acc.canopy: 0.7089, Acc.washer: 0.9142, Acc.plaything: 0.3940, Acc.swimming pool: 0.7887, Acc.stool: 0.6042, Acc.barrel: 0.6209, Acc.basket: 0.4530, Acc.waterfall: 0.7028, Acc.tent: 0.9859, Acc.bag: 0.2275, Acc.minibike: 0.8570, Acc.cradle: 0.9745, Acc.oven: 0.8146, Acc.ball: 0.6581, Acc.food: 0.7687, Acc.step: 0.1915, Acc.tank: 0.9367, Acc.trade name: 0.2349, Acc.microwave: 0.9150, Acc.pot: 0.5926, Acc.animal: 0.6928, Acc.bicycle: 0.7668, Acc.lake: 0.6358, Acc.dishwasher: 0.6660, Acc.screen: 0.7634, Acc.blanket: 0.2501, Acc.sculpture: 0.8619, Acc.hood: 0.7775, Acc.sconce: 0.6373, Acc.vase: 0.5301, Acc.traffic light: 0.5181, Acc.tray: 0.1861, Acc.ashcan: 0.5347, Acc.fan: 0.7969, Acc.pier: 0.4688, Acc.crt screen: 0.1456, Acc.plate: 0.7468, Acc.monitor: 0.6230, Acc.bulletin board: 0.4820, Acc.shower: 0.0331, Acc.radiator: 0.7003, Acc.glass: 0.2188, Acc.clock: 0.5598, Acc.flag: 0.6011 2023-11-10 18:03:15,930 - mmseg - INFO - Iter [31050/80000] lr: 2.448e-05, eta: 11:02:34, time: 2.309, data_time: 1.619, memory: 60073, decode.loss_ce: 0.2049, decode.acc_seg: 91.2393, aux.loss_ce: 0.3164, aux.acc_seg: 71.7393, loss: 0.5213 2023-11-10 18:03:50,697 - mmseg - INFO - Iter [31100/80000] lr: 2.445e-05, eta: 11:01:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2201, decode.acc_seg: 90.6163, aux.loss_ce: 0.3283, aux.acc_seg: 70.8531, loss: 0.5484 2023-11-10 18:04:25,473 - mmseg - INFO - Iter [31150/80000] lr: 2.443e-05, eta: 11:00:54, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2110, decode.acc_seg: 91.0393, aux.loss_ce: 0.3230, aux.acc_seg: 71.0348, loss: 0.5340 2023-11-10 18:05:00,250 - mmseg - INFO - Iter [31200/80000] lr: 2.440e-05, eta: 11:00:05, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2004, decode.acc_seg: 91.4745, aux.loss_ce: 0.3217, aux.acc_seg: 71.4469, loss: 0.5221 2023-11-10 18:05:35,026 - mmseg - INFO - Iter [31250/80000] lr: 2.438e-05, eta: 10:59:15, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2145, decode.acc_seg: 90.8649, aux.loss_ce: 0.3207, aux.acc_seg: 71.5146, loss: 0.5352 2023-11-10 18:06:09,801 - mmseg - INFO - Iter [31300/80000] lr: 2.435e-05, eta: 10:58:25, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2104, decode.acc_seg: 90.9335, aux.loss_ce: 0.3213, aux.acc_seg: 71.2383, loss: 0.5317 2023-11-10 18:06:44,544 - mmseg - INFO - Iter [31350/80000] lr: 2.433e-05, eta: 10:57:36, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2007, decode.acc_seg: 91.2396, aux.loss_ce: 0.2999, aux.acc_seg: 73.0987, loss: 0.5007 2023-11-10 18:07:19,323 - mmseg - INFO - Iter [31400/80000] lr: 2.430e-05, eta: 10:56:46, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2153, decode.acc_seg: 90.9734, aux.loss_ce: 0.3255, aux.acc_seg: 71.7316, loss: 0.5407 2023-11-10 18:07:54,088 - mmseg - INFO - Iter [31450/80000] lr: 2.428e-05, eta: 10:55:57, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2060, decode.acc_seg: 91.4033, aux.loss_ce: 0.3136, aux.acc_seg: 72.7428, loss: 0.5196 2023-11-10 18:08:28,860 - mmseg - INFO - Iter [31500/80000] lr: 2.425e-05, eta: 10:55:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2104, decode.acc_seg: 91.2590, aux.loss_ce: 0.3196, aux.acc_seg: 72.0486, loss: 0.5300 2023-11-10 18:09:03,592 - mmseg - INFO - Iter [31550/80000] lr: 2.423e-05, eta: 10:54:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2104, decode.acc_seg: 91.1921, aux.loss_ce: 0.3137, aux.acc_seg: 72.1009, loss: 0.5241 2023-11-10 18:09:40,638 - mmseg - INFO - Iter [31600/80000] lr: 2.420e-05, eta: 10:53:32, time: 0.741, data_time: 0.050, memory: 60073, decode.loss_ce: 0.2038, decode.acc_seg: 91.4594, aux.loss_ce: 0.3140, aux.acc_seg: 72.5258, loss: 0.5178 2023-11-10 18:10:15,407 - mmseg - INFO - Iter [31650/80000] lr: 2.418e-05, eta: 10:52:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1976, decode.acc_seg: 91.5254, aux.loss_ce: 0.3127, aux.acc_seg: 72.2657, loss: 0.5103 2023-11-10 18:10:50,170 - mmseg - INFO - Iter [31700/80000] lr: 2.415e-05, eta: 10:51:54, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1914, decode.acc_seg: 91.6642, aux.loss_ce: 0.3088, aux.acc_seg: 72.4252, loss: 0.5002 2023-11-10 18:11:24,934 - mmseg - INFO - Iter [31750/80000] lr: 2.413e-05, eta: 10:51:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1993, decode.acc_seg: 91.6972, aux.loss_ce: 0.3129, aux.acc_seg: 72.6118, loss: 0.5122 2023-11-10 18:11:59,676 - mmseg - INFO - Iter [31800/80000] lr: 2.410e-05, eta: 10:50:15, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1906, decode.acc_seg: 91.9289, aux.loss_ce: 0.3017, aux.acc_seg: 72.7114, loss: 0.4924 2023-11-10 18:12:34,427 - mmseg - INFO - Iter [31850/80000] lr: 2.408e-05, eta: 10:49:26, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1957, decode.acc_seg: 91.4624, aux.loss_ce: 0.3084, aux.acc_seg: 72.8589, loss: 0.5041 2023-11-10 18:13:09,237 - mmseg - INFO - Iter [31900/80000] lr: 2.405e-05, eta: 10:48:37, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1961, decode.acc_seg: 91.4685, aux.loss_ce: 0.3151, aux.acc_seg: 71.9394, loss: 0.5112 2023-11-10 18:13:43,994 - mmseg - INFO - Iter [31950/80000] lr: 2.403e-05, eta: 10:47:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1998, decode.acc_seg: 91.5026, aux.loss_ce: 0.3187, aux.acc_seg: 72.5037, loss: 0.5184 2023-11-10 18:14:18,764 - mmseg - INFO - Saving checkpoint at 32000 iterations 2023-11-10 18:14:50,664 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:14:50,664 - mmseg - INFO - Iter [32000/80000] lr: 2.400e-05, eta: 10:47:47, time: 1.333, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1968, decode.acc_seg: 91.5343, aux.loss_ce: 0.2954, aux.acc_seg: 73.2278, loss: 0.4922 2023-11-10 18:16:10,962 - mmseg - INFO - per class results: 2023-11-10 18:16:10,968 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.61 | 88.65 | | building | 83.72 | 93.37 | | sky | 94.55 | 97.68 | | floor | 82.14 | 91.46 | | tree | 75.45 | 87.17 | | ceiling | 83.67 | 92.87 | | road | 84.75 | 92.11 | | bed | 90.23 | 96.32 | | windowpane | 63.11 | 81.53 | | grass | 67.61 | 83.66 | | cabinet | 61.1 | 76.05 | | sidewalk | 66.73 | 78.64 | | person | 82.22 | 94.28 | | earth | 38.72 | 49.56 | | door | 51.08 | 67.94 | | table | 62.16 | 80.38 | | mountain | 60.16 | 74.5 | | plant | 55.01 | 69.48 | | curtain | 71.96 | 81.72 | | chair | 57.89 | 66.83 | | car | 85.29 | 92.92 | | water | 60.38 | 76.66 | | painting | 75.04 | 88.36 | | sofa | 70.3 | 83.61 | | shelf | 44.07 | 58.99 | | house | 50.12 | 67.4 | | sea | 67.82 | 80.91 | | mirror | 72.53 | 83.67 | | rug | 53.99 | 57.56 | | field | 27.31 | 42.24 | | armchair | 48.6 | 72.17 | | seat | 64.2 | 85.82 | | fence | 44.94 | 57.07 | | desk | 52.46 | 74.81 | | rock | 48.54 | 73.52 | | wardrobe | 52.94 | 69.14 | | lamp | 68.77 | 81.24 | | bathtub | 81.09 | 84.52 | | railing | 32.44 | 43.98 | | cushion | 62.91 | 70.67 | | base | 30.98 | 44.14 | | box | 31.88 | 37.83 | | column | 50.23 | 58.87 | | signboard | 35.62 | 45.83 | | chest of drawers | 44.0 | 58.32 | | counter | 41.92 | 49.87 | | sand | 52.05 | 76.19 | | sink | 73.92 | 81.87 | | skyscraper | 52.52 | 59.77 | | fireplace | 68.31 | 89.38 | | refrigerator | 73.02 | 80.44 | | grandstand | 60.6 | 75.31 | | path | 27.64 | 38.37 | | stairs | 33.1 | 39.12 | | runway | 70.98 | 95.45 | | case | 55.35 | 71.38 | | pool table | 93.69 | 97.05 | | pillow | 58.44 | 68.07 | | screen door | 63.34 | 65.77 | | stairway | 40.53 | 61.08 | | river | 12.02 | 26.08 | | bridge | 61.38 | 70.41 | | bookcase | 43.86 | 63.7 | | blind | 20.13 | 22.34 | | coffee table | 64.23 | 83.51 | | toilet | 87.01 | 93.83 | | flower | 46.2 | 54.63 | | book | 50.97 | 71.47 | | hill | 12.27 | 19.99 | | bench | 50.34 | 58.71 | | countertop | 61.04 | 81.1 | | stove | 79.13 | 85.77 | | palm | 54.52 | 77.89 | | kitchen island | 48.75 | 60.8 | | computer | 74.57 | 85.4 | | swivel chair | 41.74 | 65.22 | | boat | 68.7 | 85.18 | | bar | 72.36 | 90.18 | | arcade machine | 77.29 | 85.46 | | hovel | 43.05 | 49.43 | | bus | 88.39 | 96.64 | | towel | 72.6 | 84.87 | | light | 51.1 | 55.53 | | truck | 40.93 | 50.39 | | tower | 8.95 | 11.36 | | chandelier | 63.84 | 69.42 | | awning | 35.14 | 47.59 | | streetlight | 29.15 | 36.01 | | booth | 38.62 | 45.14 | | television receiver | 79.15 | 86.86 | | airplane | 64.1 | 69.26 | | dirt track | 10.01 | 26.9 | | apparel | 61.13 | 78.24 | | pole | 25.09 | 31.06 | | land | 1.85 | 3.17 | | bannister | 11.26 | 14.63 | | escalator | 56.4 | 82.83 | | ottoman | 50.15 | 65.85 | | bottle | 41.28 | 67.35 | | buffet | 35.67 | 36.7 | | poster | 23.22 | 26.72 | | stage | 25.27 | 68.11 | | van | 47.3 | 59.91 | | ship | 72.78 | 79.4 | | fountain | 54.38 | 56.26 | | conveyer belt | 62.63 | 94.8 | | canopy | 46.21 | 81.43 | | washer | 81.21 | 87.41 | | plaything | 26.98 | 46.32 | | swimming pool | 52.76 | 74.44 | | stool | 45.23 | 49.67 | | barrel | 53.78 | 60.38 | | basket | 36.29 | 48.02 | | waterfall | 46.21 | 52.21 | | tent | 94.14 | 98.27 | | bag | 18.54 | 19.64 | | minibike | 73.1 | 85.68 | | cradle | 85.42 | 97.98 | | oven | 60.88 | 73.6 | | ball | 53.41 | 60.83 | | food | 51.1 | 63.75 | | step | 11.05 | 12.78 | | tank | 73.25 | 84.85 | | trade name | 23.16 | 25.4 | | microwave | 84.23 | 93.48 | | pot | 51.2 | 57.75 | | animal | 57.84 | 58.88 | | bicycle | 51.08 | 61.04 | | lake | 56.86 | 63.4 | | dishwasher | 57.77 | 66.94 | | screen | 54.14 | 78.29 | | blanket | 23.34 | 26.34 | | sculpture | 71.19 | 86.08 | | hood | 64.46 | 68.61 | | sconce | 52.8 | 61.73 | | vase | 39.46 | 57.68 | | traffic light | 34.65 | 44.92 | | tray | 10.88 | 12.2 | | ashcan | 43.72 | 52.7 | | fan | 62.23 | 70.56 | | pier | 37.13 | 43.41 | | crt screen | 7.58 | 13.01 | | plate | 54.82 | 74.31 | | monitor | 55.32 | 63.45 | | bulletin board | 39.34 | 44.79 | | shower | 4.02 | 4.53 | | radiator | 58.39 | 64.67 | | glass | 15.78 | 16.83 | | clock | 45.05 | 50.75 | | flag | 58.61 | 61.84 | +---------------------+-------+-------+ 2023-11-10 18:16:10,968 - mmseg - INFO - Summary: 2023-11-10 18:16:10,968 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.18 | 53.18 | 64.54 | +-------+-------+-------+ 2023-11-10 18:16:10,969 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:16:10,969 - mmseg - INFO - Iter(val) [250] aAcc: 0.8418, mIoU: 0.5318, mAcc: 0.6454, IoU.wall: 0.7861, IoU.building: 0.8372, IoU.sky: 0.9455, IoU.floor: 0.8214, IoU.tree: 0.7545, IoU.ceiling: 0.8367, IoU.road: 0.8475, IoU.bed : 0.9023, IoU.windowpane: 0.6311, IoU.grass: 0.6761, IoU.cabinet: 0.6110, IoU.sidewalk: 0.6673, IoU.person: 0.8222, IoU.earth: 0.3872, IoU.door: 0.5108, IoU.table: 0.6216, IoU.mountain: 0.6016, IoU.plant: 0.5501, IoU.curtain: 0.7196, IoU.chair: 0.5789, IoU.car: 0.8529, IoU.water: 0.6038, IoU.painting: 0.7504, IoU.sofa: 0.7030, IoU.shelf: 0.4407, IoU.house: 0.5012, IoU.sea: 0.6782, IoU.mirror: 0.7253, IoU.rug: 0.5399, IoU.field: 0.2731, IoU.armchair: 0.4860, IoU.seat: 0.6420, IoU.fence: 0.4494, IoU.desk: 0.5246, IoU.rock: 0.4854, IoU.wardrobe: 0.5294, IoU.lamp: 0.6877, IoU.bathtub: 0.8109, IoU.railing: 0.3244, IoU.cushion: 0.6291, IoU.base: 0.3098, IoU.box: 0.3188, IoU.column: 0.5023, IoU.signboard: 0.3562, IoU.chest of drawers: 0.4400, IoU.counter: 0.4192, IoU.sand: 0.5205, IoU.sink: 0.7392, IoU.skyscraper: 0.5252, IoU.fireplace: 0.6831, IoU.refrigerator: 0.7302, IoU.grandstand: 0.6060, IoU.path: 0.2764, IoU.stairs: 0.3310, IoU.runway: 0.7098, IoU.case: 0.5535, IoU.pool table: 0.9369, IoU.pillow: 0.5844, IoU.screen door: 0.6334, IoU.stairway: 0.4053, IoU.river: 0.1202, IoU.bridge: 0.6138, IoU.bookcase: 0.4386, IoU.blind: 0.2013, IoU.coffee table: 0.6423, IoU.toilet: 0.8701, IoU.flower: 0.4620, IoU.book: 0.5097, IoU.hill: 0.1227, IoU.bench: 0.5034, IoU.countertop: 0.6104, IoU.stove: 0.7913, IoU.palm: 0.5452, IoU.kitchen island: 0.4875, IoU.computer: 0.7457, IoU.swivel chair: 0.4174, IoU.boat: 0.6870, IoU.bar: 0.7236, IoU.arcade machine: 0.7729, IoU.hovel: 0.4305, IoU.bus: 0.8839, IoU.towel: 0.7260, IoU.light: 0.5110, IoU.truck: 0.4093, IoU.tower: 0.0895, IoU.chandelier: 0.6384, IoU.awning: 0.3514, IoU.streetlight: 0.2915, IoU.booth: 0.3862, IoU.television receiver: 0.7915, IoU.airplane: 0.6410, IoU.dirt track: 0.1001, IoU.apparel: 0.6113, IoU.pole: 0.2509, IoU.land: 0.0185, IoU.bannister: 0.1126, IoU.escalator: 0.5640, IoU.ottoman: 0.5015, IoU.bottle: 0.4128, IoU.buffet: 0.3567, IoU.poster: 0.2322, IoU.stage: 0.2527, IoU.van: 0.4730, IoU.ship: 0.7278, IoU.fountain: 0.5438, IoU.conveyer belt: 0.6263, IoU.canopy: 0.4621, IoU.washer: 0.8121, IoU.plaything: 0.2698, IoU.swimming pool: 0.5276, IoU.stool: 0.4523, IoU.barrel: 0.5378, IoU.basket: 0.3629, IoU.waterfall: 0.4621, IoU.tent: 0.9414, IoU.bag: 0.1854, IoU.minibike: 0.7310, IoU.cradle: 0.8542, IoU.oven: 0.6088, IoU.ball: 0.5341, IoU.food: 0.5110, IoU.step: 0.1105, IoU.tank: 0.7325, IoU.trade name: 0.2316, IoU.microwave: 0.8423, IoU.pot: 0.5120, IoU.animal: 0.5784, IoU.bicycle: 0.5108, IoU.lake: 0.5686, IoU.dishwasher: 0.5777, IoU.screen: 0.5414, IoU.blanket: 0.2334, IoU.sculpture: 0.7119, IoU.hood: 0.6446, IoU.sconce: 0.5280, IoU.vase: 0.3946, IoU.traffic light: 0.3465, IoU.tray: 0.1088, IoU.ashcan: 0.4372, IoU.fan: 0.6223, IoU.pier: 0.3713, IoU.crt screen: 0.0758, IoU.plate: 0.5482, IoU.monitor: 0.5532, IoU.bulletin board: 0.3934, IoU.shower: 0.0402, IoU.radiator: 0.5839, IoU.glass: 0.1578, IoU.clock: 0.4505, IoU.flag: 0.5861, Acc.wall: 0.8865, Acc.building: 0.9337, Acc.sky: 0.9768, Acc.floor: 0.9146, Acc.tree: 0.8717, Acc.ceiling: 0.9287, Acc.road: 0.9211, Acc.bed : 0.9632, Acc.windowpane: 0.8153, Acc.grass: 0.8366, Acc.cabinet: 0.7605, Acc.sidewalk: 0.7864, Acc.person: 0.9428, Acc.earth: 0.4956, Acc.door: 0.6794, Acc.table: 0.8038, Acc.mountain: 0.7450, Acc.plant: 0.6948, Acc.curtain: 0.8172, Acc.chair: 0.6683, Acc.car: 0.9292, Acc.water: 0.7666, Acc.painting: 0.8836, Acc.sofa: 0.8361, Acc.shelf: 0.5899, Acc.house: 0.6740, Acc.sea: 0.8091, Acc.mirror: 0.8367, Acc.rug: 0.5756, Acc.field: 0.4224, Acc.armchair: 0.7217, Acc.seat: 0.8582, Acc.fence: 0.5707, Acc.desk: 0.7481, Acc.rock: 0.7352, Acc.wardrobe: 0.6914, Acc.lamp: 0.8124, Acc.bathtub: 0.8452, Acc.railing: 0.4398, Acc.cushion: 0.7067, Acc.base: 0.4414, Acc.box: 0.3783, Acc.column: 0.5887, Acc.signboard: 0.4583, Acc.chest of drawers: 0.5832, Acc.counter: 0.4987, Acc.sand: 0.7619, Acc.sink: 0.8187, Acc.skyscraper: 0.5977, Acc.fireplace: 0.8938, Acc.refrigerator: 0.8044, Acc.grandstand: 0.7531, Acc.path: 0.3837, Acc.stairs: 0.3912, Acc.runway: 0.9545, Acc.case: 0.7138, Acc.pool table: 0.9705, Acc.pillow: 0.6807, Acc.screen door: 0.6577, Acc.stairway: 0.6108, Acc.river: 0.2608, Acc.bridge: 0.7041, Acc.bookcase: 0.6370, Acc.blind: 0.2234, Acc.coffee table: 0.8351, Acc.toilet: 0.9383, Acc.flower: 0.5463, Acc.book: 0.7147, Acc.hill: 0.1999, Acc.bench: 0.5871, Acc.countertop: 0.8110, Acc.stove: 0.8577, Acc.palm: 0.7789, Acc.kitchen island: 0.6080, Acc.computer: 0.8540, Acc.swivel chair: 0.6522, Acc.boat: 0.8518, Acc.bar: 0.9018, Acc.arcade machine: 0.8546, Acc.hovel: 0.4943, Acc.bus: 0.9664, Acc.towel: 0.8487, Acc.light: 0.5553, Acc.truck: 0.5039, Acc.tower: 0.1136, Acc.chandelier: 0.6942, Acc.awning: 0.4759, Acc.streetlight: 0.3601, Acc.booth: 0.4514, Acc.television receiver: 0.8686, Acc.airplane: 0.6926, Acc.dirt track: 0.2690, Acc.apparel: 0.7824, Acc.pole: 0.3106, Acc.land: 0.0317, Acc.bannister: 0.1463, Acc.escalator: 0.8283, Acc.ottoman: 0.6585, Acc.bottle: 0.6735, Acc.buffet: 0.3670, Acc.poster: 0.2672, Acc.stage: 0.6811, Acc.van: 0.5991, Acc.ship: 0.7940, Acc.fountain: 0.5626, Acc.conveyer belt: 0.9480, Acc.canopy: 0.8143, Acc.washer: 0.8741, Acc.plaything: 0.4632, Acc.swimming pool: 0.7444, Acc.stool: 0.4967, Acc.barrel: 0.6038, Acc.basket: 0.4802, Acc.waterfall: 0.5221, Acc.tent: 0.9827, Acc.bag: 0.1964, Acc.minibike: 0.8568, Acc.cradle: 0.9798, Acc.oven: 0.7360, Acc.ball: 0.6083, Acc.food: 0.6375, Acc.step: 0.1278, Acc.tank: 0.8485, Acc.trade name: 0.2540, Acc.microwave: 0.9348, Acc.pot: 0.5775, Acc.animal: 0.5888, Acc.bicycle: 0.6104, Acc.lake: 0.6340, Acc.dishwasher: 0.6694, Acc.screen: 0.7829, Acc.blanket: 0.2634, Acc.sculpture: 0.8608, Acc.hood: 0.6861, Acc.sconce: 0.6173, Acc.vase: 0.5768, Acc.traffic light: 0.4492, Acc.tray: 0.1220, Acc.ashcan: 0.5270, Acc.fan: 0.7056, Acc.pier: 0.4341, Acc.crt screen: 0.1301, Acc.plate: 0.7431, Acc.monitor: 0.6345, Acc.bulletin board: 0.4479, Acc.shower: 0.0453, Acc.radiator: 0.6467, Acc.glass: 0.1683, Acc.clock: 0.5075, Acc.flag: 0.6184 2023-11-10 18:16:45,785 - mmseg - INFO - Iter [32050/80000] lr: 2.398e-05, eta: 10:48:58, time: 2.302, data_time: 1.614, memory: 60073, decode.loss_ce: 0.2110, decode.acc_seg: 91.0694, aux.loss_ce: 0.3061, aux.acc_seg: 72.3670, loss: 0.5171 2023-11-10 18:17:20,551 - mmseg - INFO - Iter [32100/80000] lr: 2.395e-05, eta: 10:48:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2042, decode.acc_seg: 91.4123, aux.loss_ce: 0.3053, aux.acc_seg: 72.5687, loss: 0.5095 2023-11-10 18:17:55,327 - mmseg - INFO - Iter [32150/80000] lr: 2.393e-05, eta: 10:47:20, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2065, decode.acc_seg: 91.2060, aux.loss_ce: 0.3159, aux.acc_seg: 71.8560, loss: 0.5224 2023-11-10 18:18:30,130 - mmseg - INFO - Iter [32200/80000] lr: 2.390e-05, eta: 10:46:30, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1875, decode.acc_seg: 91.9680, aux.loss_ce: 0.3013, aux.acc_seg: 73.0776, loss: 0.4888 2023-11-10 18:19:04,912 - mmseg - INFO - Iter [32250/80000] lr: 2.388e-05, eta: 10:45:41, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1922, decode.acc_seg: 91.7741, aux.loss_ce: 0.2929, aux.acc_seg: 73.2214, loss: 0.4851 2023-11-10 18:19:39,682 - mmseg - INFO - Iter [32300/80000] lr: 2.385e-05, eta: 10:44:52, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1962, decode.acc_seg: 91.6467, aux.loss_ce: 0.3148, aux.acc_seg: 72.0354, loss: 0.5109 2023-11-10 18:20:14,477 - mmseg - INFO - Iter [32350/80000] lr: 2.383e-05, eta: 10:44:03, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2042, decode.acc_seg: 91.1969, aux.loss_ce: 0.3211, aux.acc_seg: 72.1122, loss: 0.5253 2023-11-10 18:20:49,241 - mmseg - INFO - Iter [32400/80000] lr: 2.380e-05, eta: 10:43:14, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1934, decode.acc_seg: 91.6267, aux.loss_ce: 0.3017, aux.acc_seg: 72.6761, loss: 0.4951 2023-11-10 18:21:23,970 - mmseg - INFO - Iter [32450/80000] lr: 2.378e-05, eta: 10:42:25, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1942, decode.acc_seg: 91.5037, aux.loss_ce: 0.2925, aux.acc_seg: 73.8258, loss: 0.4867 2023-11-10 18:21:58,706 - mmseg - INFO - Iter [32500/80000] lr: 2.375e-05, eta: 10:41:36, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2050, decode.acc_seg: 91.3478, aux.loss_ce: 0.3078, aux.acc_seg: 72.4046, loss: 0.5128 2023-11-10 18:22:33,426 - mmseg - INFO - Iter [32550/80000] lr: 2.373e-05, eta: 10:40:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2091, decode.acc_seg: 91.2921, aux.loss_ce: 0.3169, aux.acc_seg: 72.7250, loss: 0.5260 2023-11-10 18:23:08,211 - mmseg - INFO - Iter [32600/80000] lr: 2.370e-05, eta: 10:39:58, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2059, decode.acc_seg: 91.3642, aux.loss_ce: 0.3003, aux.acc_seg: 72.9702, loss: 0.5062 2023-11-10 18:23:42,994 - mmseg - INFO - Iter [32650/80000] lr: 2.368e-05, eta: 10:39:09, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2051, decode.acc_seg: 91.2888, aux.loss_ce: 0.3172, aux.acc_seg: 72.2798, loss: 0.5223 2023-11-10 18:24:17,745 - mmseg - INFO - Iter [32700/80000] lr: 2.365e-05, eta: 10:38:21, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2029, decode.acc_seg: 91.1339, aux.loss_ce: 0.3094, aux.acc_seg: 72.3630, loss: 0.5123 2023-11-10 18:24:52,503 - mmseg - INFO - Iter [32750/80000] lr: 2.363e-05, eta: 10:37:32, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2101, decode.acc_seg: 91.0403, aux.loss_ce: 0.3234, aux.acc_seg: 71.1917, loss: 0.5335 2023-11-10 18:25:27,279 - mmseg - INFO - Iter [32800/80000] lr: 2.360e-05, eta: 10:36:43, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1879, decode.acc_seg: 91.7791, aux.loss_ce: 0.2940, aux.acc_seg: 73.5618, loss: 0.4819 2023-11-10 18:26:04,289 - mmseg - INFO - Iter [32850/80000] lr: 2.358e-05, eta: 10:35:58, time: 0.740, data_time: 0.051, memory: 60073, decode.loss_ce: 0.2036, decode.acc_seg: 91.2826, aux.loss_ce: 0.3079, aux.acc_seg: 72.4303, loss: 0.5115 2023-11-10 18:26:39,029 - mmseg - INFO - Iter [32900/80000] lr: 2.355e-05, eta: 10:35:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1915, decode.acc_seg: 91.8576, aux.loss_ce: 0.3238, aux.acc_seg: 71.3267, loss: 0.5153 2023-11-10 18:27:13,795 - mmseg - INFO - Iter [32950/80000] lr: 2.353e-05, eta: 10:34:20, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1831, decode.acc_seg: 92.0991, aux.loss_ce: 0.2941, aux.acc_seg: 73.3896, loss: 0.4772 2023-11-10 18:27:48,531 - mmseg - INFO - Saving checkpoint at 33000 iterations 2023-11-10 18:28:20,081 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:28:20,081 - mmseg - INFO - Iter [33000/80000] lr: 2.350e-05, eta: 10:34:17, time: 1.326, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1874, decode.acc_seg: 92.0723, aux.loss_ce: 0.2989, aux.acc_seg: 73.5977, loss: 0.4863 2023-11-10 18:29:40,618 - mmseg - INFO - per class results: 2023-11-10 18:29:40,624 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.82 | 87.57 | | building | 84.05 | 92.78 | | sky | 94.59 | 96.94 | | floor | 81.93 | 89.37 | | tree | 74.91 | 90.26 | | ceiling | 84.17 | 91.53 | | road | 84.29 | 91.53 | | bed | 90.89 | 96.96 | | windowpane | 63.09 | 82.88 | | grass | 72.19 | 87.37 | | cabinet | 60.38 | 75.07 | | sidewalk | 66.11 | 79.65 | | person | 82.01 | 93.75 | | earth | 39.06 | 51.05 | | door | 49.93 | 61.2 | | table | 63.34 | 75.07 | | mountain | 60.17 | 74.77 | | plant | 53.23 | 67.61 | | curtain | 73.32 | 84.95 | | chair | 60.64 | 77.61 | | car | 84.45 | 94.31 | | water | 60.18 | 73.54 | | painting | 69.94 | 89.0 | | sofa | 70.04 | 84.21 | | shelf | 45.6 | 63.22 | | house | 52.86 | 65.35 | | sea | 67.3 | 80.54 | | mirror | 71.69 | 79.57 | | rug | 63.95 | 87.63 | | field | 30.24 | 38.73 | | armchair | 46.41 | 61.48 | | seat | 64.4 | 85.64 | | fence | 45.11 | 55.43 | | desk | 50.95 | 75.67 | | rock | 43.84 | 68.02 | | wardrobe | 55.76 | 76.04 | | lamp | 69.07 | 81.88 | | bathtub | 82.57 | 90.1 | | railing | 35.67 | 51.11 | | cushion | 63.77 | 74.87 | | base | 30.76 | 42.03 | | box | 34.32 | 43.7 | | column | 50.98 | 59.36 | | signboard | 35.71 | 46.85 | | chest of drawers | 42.19 | 62.56 | | counter | 32.52 | 35.87 | | sand | 52.03 | 74.75 | | sink | 76.3 | 81.36 | | skyscraper | 50.98 | 60.1 | | fireplace | 69.08 | 89.86 | | refrigerator | 68.66 | 91.15 | | grandstand | 56.23 | 75.08 | | path | 26.34 | 36.44 | | stairs | 38.28 | 49.41 | | runway | 69.24 | 93.88 | | case | 57.61 | 84.58 | | pool table | 93.71 | 97.67 | | pillow | 61.85 | 70.72 | | screen door | 69.28 | 73.44 | | stairway | 44.63 | 60.86 | | river | 12.64 | 29.63 | | bridge | 57.85 | 65.13 | | bookcase | 41.46 | 61.03 | | blind | 27.82 | 30.71 | | coffee table | 64.13 | 84.72 | | toilet | 83.01 | 94.31 | | flower | 48.03 | 66.5 | | book | 50.74 | 68.68 | | hill | 9.61 | 15.23 | | bench | 51.76 | 58.28 | | countertop | 61.05 | 78.41 | | stove | 77.98 | 86.33 | | palm | 55.02 | 73.43 | | kitchen island | 44.61 | 64.02 | | computer | 74.47 | 91.53 | | swivel chair | 40.86 | 67.2 | | boat | 64.85 | 84.22 | | bar | 73.15 | 88.1 | | arcade machine | 76.29 | 91.13 | | hovel | 44.81 | 53.31 | | bus | 89.14 | 96.09 | | towel | 70.07 | 84.05 | | light | 56.61 | 67.55 | | truck | 41.59 | 48.45 | | tower | 27.9 | 52.95 | | chandelier | 69.36 | 78.47 | | awning | 37.79 | 52.6 | | streetlight | 30.7 | 39.64 | | booth | 43.17 | 68.16 | | television receiver | 80.51 | 88.65 | | airplane | 62.99 | 67.89 | | dirt track | 4.02 | 10.39 | | apparel | 61.55 | 77.07 | | pole | 24.74 | 30.35 | | land | 2.42 | 4.41 | | bannister | 8.24 | 10.86 | | escalator | 54.48 | 80.6 | | ottoman | 49.54 | 68.8 | | bottle | 40.86 | 67.38 | | buffet | 49.57 | 65.84 | | poster | 27.41 | 33.64 | | stage | 21.94 | 54.36 | | van | 30.69 | 36.88 | | ship | 69.79 | 79.39 | | fountain | 45.81 | 47.21 | | conveyer belt | 64.83 | 95.9 | | canopy | 51.92 | 69.91 | | washer | 81.57 | 94.58 | | plaything | 27.97 | 39.12 | | swimming pool | 56.91 | 84.55 | | stool | 49.34 | 59.69 | | barrel | 53.75 | 61.32 | | basket | 36.96 | 52.19 | | waterfall | 36.66 | 37.59 | | tent | 95.8 | 97.83 | | bag | 22.26 | 25.95 | | minibike | 72.72 | 86.64 | | cradle | 82.71 | 98.31 | | oven | 61.15 | 80.31 | | ball | 55.11 | 66.59 | | food | 52.27 | 66.45 | | step | 16.73 | 19.42 | | tank | 72.79 | 92.41 | | trade name | 27.47 | 30.99 | | microwave | 83.14 | 92.68 | | pot | 52.83 | 60.85 | | animal | 62.28 | 64.14 | | bicycle | 55.7 | 71.92 | | lake | 53.3 | 65.43 | | dishwasher | 59.26 | 74.61 | | screen | 51.95 | 69.44 | | blanket | 20.81 | 23.77 | | sculpture | 72.04 | 84.64 | | hood | 67.26 | 72.83 | | sconce | 52.1 | 60.42 | | vase | 39.97 | 56.9 | | traffic light | 36.6 | 48.02 | | tray | 9.39 | 10.47 | | ashcan | 43.58 | 51.38 | | fan | 62.61 | 71.45 | | pier | 35.41 | 43.19 | | crt screen | 13.43 | 21.32 | | plate | 55.65 | 77.14 | | monitor | 56.74 | 84.91 | | bulletin board | 42.5 | 57.14 | | shower | 2.62 | 2.98 | | radiator | 61.36 | 71.06 | | glass | 18.05 | 19.58 | | clock | 43.99 | 48.25 | | flag | 55.08 | 59.69 | +---------------------+-------+-------+ 2023-11-10 18:29:40,624 - mmseg - INFO - Summary: 2023-11-10 18:29:40,624 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.29 | 53.6 | 66.28 | +-------+------+-------+ 2023-11-10 18:29:40,625 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:29:40,625 - mmseg - INFO - Iter(val) [250] aAcc: 0.8429, mIoU: 0.5360, mAcc: 0.6628, IoU.wall: 0.7882, IoU.building: 0.8405, IoU.sky: 0.9459, IoU.floor: 0.8193, IoU.tree: 0.7491, IoU.ceiling: 0.8417, IoU.road: 0.8429, IoU.bed : 0.9089, IoU.windowpane: 0.6309, IoU.grass: 0.7219, IoU.cabinet: 0.6038, IoU.sidewalk: 0.6611, IoU.person: 0.8201, IoU.earth: 0.3906, IoU.door: 0.4993, IoU.table: 0.6334, IoU.mountain: 0.6017, IoU.plant: 0.5323, IoU.curtain: 0.7332, IoU.chair: 0.6064, IoU.car: 0.8445, IoU.water: 0.6018, IoU.painting: 0.6994, IoU.sofa: 0.7004, IoU.shelf: 0.4560, IoU.house: 0.5286, IoU.sea: 0.6730, IoU.mirror: 0.7169, IoU.rug: 0.6395, IoU.field: 0.3024, IoU.armchair: 0.4641, IoU.seat: 0.6440, IoU.fence: 0.4511, IoU.desk: 0.5095, IoU.rock: 0.4384, IoU.wardrobe: 0.5576, IoU.lamp: 0.6907, IoU.bathtub: 0.8257, IoU.railing: 0.3567, IoU.cushion: 0.6377, IoU.base: 0.3076, IoU.box: 0.3432, IoU.column: 0.5098, IoU.signboard: 0.3571, IoU.chest of drawers: 0.4219, IoU.counter: 0.3252, IoU.sand: 0.5203, IoU.sink: 0.7630, IoU.skyscraper: 0.5098, IoU.fireplace: 0.6908, IoU.refrigerator: 0.6866, IoU.grandstand: 0.5623, IoU.path: 0.2634, IoU.stairs: 0.3828, IoU.runway: 0.6924, IoU.case: 0.5761, IoU.pool table: 0.9371, IoU.pillow: 0.6185, IoU.screen door: 0.6928, IoU.stairway: 0.4463, IoU.river: 0.1264, IoU.bridge: 0.5785, IoU.bookcase: 0.4146, IoU.blind: 0.2782, IoU.coffee table: 0.6413, IoU.toilet: 0.8301, IoU.flower: 0.4803, IoU.book: 0.5074, IoU.hill: 0.0961, IoU.bench: 0.5176, IoU.countertop: 0.6105, IoU.stove: 0.7798, IoU.palm: 0.5502, IoU.kitchen island: 0.4461, IoU.computer: 0.7447, IoU.swivel chair: 0.4086, IoU.boat: 0.6485, IoU.bar: 0.7315, IoU.arcade machine: 0.7629, IoU.hovel: 0.4481, IoU.bus: 0.8914, IoU.towel: 0.7007, IoU.light: 0.5661, IoU.truck: 0.4159, IoU.tower: 0.2790, IoU.chandelier: 0.6936, IoU.awning: 0.3779, IoU.streetlight: 0.3070, IoU.booth: 0.4317, IoU.television receiver: 0.8051, IoU.airplane: 0.6299, IoU.dirt track: 0.0402, IoU.apparel: 0.6155, IoU.pole: 0.2474, IoU.land: 0.0242, IoU.bannister: 0.0824, IoU.escalator: 0.5448, IoU.ottoman: 0.4954, IoU.bottle: 0.4086, IoU.buffet: 0.4957, IoU.poster: 0.2741, IoU.stage: 0.2194, IoU.van: 0.3069, IoU.ship: 0.6979, IoU.fountain: 0.4581, IoU.conveyer belt: 0.6483, IoU.canopy: 0.5192, IoU.washer: 0.8157, IoU.plaything: 0.2797, IoU.swimming pool: 0.5691, IoU.stool: 0.4934, IoU.barrel: 0.5375, IoU.basket: 0.3696, IoU.waterfall: 0.3666, IoU.tent: 0.9580, IoU.bag: 0.2226, IoU.minibike: 0.7272, IoU.cradle: 0.8271, IoU.oven: 0.6115, IoU.ball: 0.5511, IoU.food: 0.5227, IoU.step: 0.1673, IoU.tank: 0.7279, IoU.trade name: 0.2747, IoU.microwave: 0.8314, IoU.pot: 0.5283, IoU.animal: 0.6228, IoU.bicycle: 0.5570, IoU.lake: 0.5330, IoU.dishwasher: 0.5926, IoU.screen: 0.5195, IoU.blanket: 0.2081, IoU.sculpture: 0.7204, IoU.hood: 0.6726, IoU.sconce: 0.5210, IoU.vase: 0.3997, IoU.traffic light: 0.3660, IoU.tray: 0.0939, IoU.ashcan: 0.4358, IoU.fan: 0.6261, IoU.pier: 0.3541, IoU.crt screen: 0.1343, IoU.plate: 0.5565, IoU.monitor: 0.5674, IoU.bulletin board: 0.4250, IoU.shower: 0.0262, IoU.radiator: 0.6136, IoU.glass: 0.1805, IoU.clock: 0.4399, IoU.flag: 0.5508, Acc.wall: 0.8757, Acc.building: 0.9278, Acc.sky: 0.9694, Acc.floor: 0.8937, Acc.tree: 0.9026, Acc.ceiling: 0.9153, Acc.road: 0.9153, Acc.bed : 0.9696, Acc.windowpane: 0.8288, Acc.grass: 0.8737, Acc.cabinet: 0.7507, Acc.sidewalk: 0.7965, Acc.person: 0.9375, Acc.earth: 0.5105, Acc.door: 0.6120, Acc.table: 0.7507, Acc.mountain: 0.7477, Acc.plant: 0.6761, Acc.curtain: 0.8495, Acc.chair: 0.7761, Acc.car: 0.9431, Acc.water: 0.7354, Acc.painting: 0.8900, Acc.sofa: 0.8421, Acc.shelf: 0.6322, Acc.house: 0.6535, Acc.sea: 0.8054, Acc.mirror: 0.7957, Acc.rug: 0.8763, Acc.field: 0.3873, Acc.armchair: 0.6148, Acc.seat: 0.8564, Acc.fence: 0.5543, Acc.desk: 0.7567, Acc.rock: 0.6802, Acc.wardrobe: 0.7604, Acc.lamp: 0.8188, Acc.bathtub: 0.9010, Acc.railing: 0.5111, Acc.cushion: 0.7487, Acc.base: 0.4203, Acc.box: 0.4370, Acc.column: 0.5936, Acc.signboard: 0.4685, Acc.chest of drawers: 0.6256, Acc.counter: 0.3587, Acc.sand: 0.7475, Acc.sink: 0.8136, Acc.skyscraper: 0.6010, Acc.fireplace: 0.8986, Acc.refrigerator: 0.9115, Acc.grandstand: 0.7508, Acc.path: 0.3644, Acc.stairs: 0.4941, Acc.runway: 0.9388, Acc.case: 0.8458, Acc.pool table: 0.9767, Acc.pillow: 0.7072, Acc.screen door: 0.7344, Acc.stairway: 0.6086, Acc.river: 0.2963, Acc.bridge: 0.6513, Acc.bookcase: 0.6103, Acc.blind: 0.3071, Acc.coffee table: 0.8472, Acc.toilet: 0.9431, Acc.flower: 0.6650, Acc.book: 0.6868, Acc.hill: 0.1523, Acc.bench: 0.5828, Acc.countertop: 0.7841, Acc.stove: 0.8633, Acc.palm: 0.7343, Acc.kitchen island: 0.6402, Acc.computer: 0.9153, Acc.swivel chair: 0.6720, Acc.boat: 0.8422, Acc.bar: 0.8810, Acc.arcade machine: 0.9113, Acc.hovel: 0.5331, Acc.bus: 0.9609, Acc.towel: 0.8405, Acc.light: 0.6755, Acc.truck: 0.4845, Acc.tower: 0.5295, Acc.chandelier: 0.7847, Acc.awning: 0.5260, Acc.streetlight: 0.3964, Acc.booth: 0.6816, Acc.television receiver: 0.8865, Acc.airplane: 0.6789, Acc.dirt track: 0.1039, Acc.apparel: 0.7707, Acc.pole: 0.3035, Acc.land: 0.0441, Acc.bannister: 0.1086, Acc.escalator: 0.8060, Acc.ottoman: 0.6880, Acc.bottle: 0.6738, Acc.buffet: 0.6584, Acc.poster: 0.3364, Acc.stage: 0.5436, Acc.van: 0.3688, Acc.ship: 0.7939, Acc.fountain: 0.4721, Acc.conveyer belt: 0.9590, Acc.canopy: 0.6991, Acc.washer: 0.9458, Acc.plaything: 0.3912, Acc.swimming pool: 0.8455, Acc.stool: 0.5969, Acc.barrel: 0.6132, Acc.basket: 0.5219, Acc.waterfall: 0.3759, Acc.tent: 0.9783, Acc.bag: 0.2595, Acc.minibike: 0.8664, Acc.cradle: 0.9831, Acc.oven: 0.8031, Acc.ball: 0.6659, Acc.food: 0.6645, Acc.step: 0.1942, Acc.tank: 0.9241, Acc.trade name: 0.3099, Acc.microwave: 0.9268, Acc.pot: 0.6085, Acc.animal: 0.6414, Acc.bicycle: 0.7192, Acc.lake: 0.6543, Acc.dishwasher: 0.7461, Acc.screen: 0.6944, Acc.blanket: 0.2377, Acc.sculpture: 0.8464, Acc.hood: 0.7283, Acc.sconce: 0.6042, Acc.vase: 0.5690, Acc.traffic light: 0.4802, Acc.tray: 0.1047, Acc.ashcan: 0.5138, Acc.fan: 0.7145, Acc.pier: 0.4319, Acc.crt screen: 0.2132, Acc.plate: 0.7714, Acc.monitor: 0.8491, Acc.bulletin board: 0.5714, Acc.shower: 0.0298, Acc.radiator: 0.7106, Acc.glass: 0.1958, Acc.clock: 0.4825, Acc.flag: 0.5969 2023-11-10 18:30:15,465 - mmseg - INFO - Iter [33050/80000] lr: 2.348e-05, eta: 10:35:23, time: 2.308, data_time: 1.618, memory: 60073, decode.loss_ce: 0.1960, decode.acc_seg: 91.6496, aux.loss_ce: 0.3063, aux.acc_seg: 73.1646, loss: 0.5023 2023-11-10 18:30:50,186 - mmseg - INFO - Iter [33100/80000] lr: 2.345e-05, eta: 10:34:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1933, decode.acc_seg: 91.5872, aux.loss_ce: 0.3037, aux.acc_seg: 73.3865, loss: 0.4970 2023-11-10 18:31:24,903 - mmseg - INFO - Iter [33150/80000] lr: 2.343e-05, eta: 10:33:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1940, decode.acc_seg: 91.8629, aux.loss_ce: 0.3098, aux.acc_seg: 72.8215, loss: 0.5038 2023-11-10 18:31:59,627 - mmseg - INFO - Iter [33200/80000] lr: 2.340e-05, eta: 10:32:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2000, decode.acc_seg: 91.2939, aux.loss_ce: 0.3116, aux.acc_seg: 72.0467, loss: 0.5117 2023-11-10 18:32:34,348 - mmseg - INFO - Iter [33250/80000] lr: 2.338e-05, eta: 10:32:07, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1902, decode.acc_seg: 91.9754, aux.loss_ce: 0.3139, aux.acc_seg: 72.3725, loss: 0.5041 2023-11-10 18:33:09,089 - mmseg - INFO - Iter [33300/80000] lr: 2.335e-05, eta: 10:31:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1794, decode.acc_seg: 92.2998, aux.loss_ce: 0.2830, aux.acc_seg: 74.3491, loss: 0.4625 2023-11-10 18:33:43,850 - mmseg - INFO - Iter [33350/80000] lr: 2.333e-05, eta: 10:30:30, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1994, decode.acc_seg: 91.6539, aux.loss_ce: 0.3185, aux.acc_seg: 71.7323, loss: 0.5179 2023-11-10 18:34:18,594 - mmseg - INFO - Iter [33400/80000] lr: 2.330e-05, eta: 10:29:41, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1954, decode.acc_seg: 91.6249, aux.loss_ce: 0.2984, aux.acc_seg: 73.1077, loss: 0.4938 2023-11-10 18:34:53,341 - mmseg - INFO - Iter [33450/80000] lr: 2.328e-05, eta: 10:28:53, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1838, decode.acc_seg: 91.9644, aux.loss_ce: 0.2891, aux.acc_seg: 73.5248, loss: 0.4729 2023-11-10 18:35:28,091 - mmseg - INFO - Iter [33500/80000] lr: 2.325e-05, eta: 10:28:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1910, decode.acc_seg: 91.6453, aux.loss_ce: 0.2967, aux.acc_seg: 73.4542, loss: 0.4876 2023-11-10 18:36:02,788 - mmseg - INFO - Iter [33550/80000] lr: 2.323e-05, eta: 10:27:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1962, decode.acc_seg: 91.6247, aux.loss_ce: 0.3079, aux.acc_seg: 72.4742, loss: 0.5041 2023-11-10 18:36:37,513 - mmseg - INFO - Iter [33600/80000] lr: 2.320e-05, eta: 10:26:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1887, decode.acc_seg: 91.9926, aux.loss_ce: 0.3068, aux.acc_seg: 71.9776, loss: 0.4955 2023-11-10 18:37:12,249 - mmseg - INFO - Iter [33650/80000] lr: 2.318e-05, eta: 10:25:38, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1974, decode.acc_seg: 91.5628, aux.loss_ce: 0.3165, aux.acc_seg: 72.5103, loss: 0.5139 2023-11-10 18:37:46,980 - mmseg - INFO - Iter [33700/80000] lr: 2.315e-05, eta: 10:24:50, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1923, decode.acc_seg: 91.7096, aux.loss_ce: 0.3091, aux.acc_seg: 72.4873, loss: 0.5014 2023-11-10 18:38:21,695 - mmseg - INFO - Iter [33750/80000] lr: 2.313e-05, eta: 10:24:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2062, decode.acc_seg: 91.1751, aux.loss_ce: 0.3126, aux.acc_seg: 72.1239, loss: 0.5188 2023-11-10 18:38:56,429 - mmseg - INFO - Iter [33800/80000] lr: 2.310e-05, eta: 10:23:13, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2037, decode.acc_seg: 91.5364, aux.loss_ce: 0.3227, aux.acc_seg: 71.8934, loss: 0.5264 2023-11-10 18:39:31,160 - mmseg - INFO - Iter [33850/80000] lr: 2.308e-05, eta: 10:22:25, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1913, decode.acc_seg: 91.8926, aux.loss_ce: 0.3154, aux.acc_seg: 72.3704, loss: 0.5067 2023-11-10 18:40:05,904 - mmseg - INFO - Iter [33900/80000] lr: 2.305e-05, eta: 10:21:37, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2050, decode.acc_seg: 90.9074, aux.loss_ce: 0.3173, aux.acc_seg: 70.7738, loss: 0.5223 2023-11-10 18:40:40,653 - mmseg - INFO - Iter [33950/80000] lr: 2.303e-05, eta: 10:20:49, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2042, decode.acc_seg: 91.3741, aux.loss_ce: 0.3194, aux.acc_seg: 72.1830, loss: 0.5236 2023-11-10 18:41:15,404 - mmseg - INFO - Saving checkpoint at 34000 iterations 2023-11-10 18:41:45,235 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:41:45,235 - mmseg - INFO - Iter [34000/80000] lr: 2.300e-05, eta: 10:20:41, time: 1.292, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2182, decode.acc_seg: 90.7070, aux.loss_ce: 0.3227, aux.acc_seg: 71.5154, loss: 0.5409 2023-11-10 18:43:05,399 - mmseg - INFO - per class results: 2023-11-10 18:43:05,404 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.88 | 86.66 | | building | 84.1 | 93.91 | | sky | 94.55 | 96.89 | | floor | 82.43 | 89.89 | | tree | 74.91 | 88.81 | | ceiling | 83.76 | 91.94 | | road | 84.53 | 91.47 | | bed | 90.9 | 96.54 | | windowpane | 63.38 | 82.42 | | grass | 67.61 | 84.69 | | cabinet | 60.95 | 75.84 | | sidewalk | 64.56 | 79.14 | | person | 81.97 | 94.05 | | earth | 37.43 | 48.19 | | door | 51.76 | 68.3 | | table | 62.29 | 80.32 | | mountain | 59.79 | 71.79 | | plant | 54.6 | 68.87 | | curtain | 72.44 | 87.64 | | chair | 61.05 | 75.98 | | car | 84.91 | 94.26 | | water | 57.48 | 71.83 | | painting | 75.53 | 87.07 | | sofa | 71.68 | 84.06 | | shelf | 44.5 | 68.65 | | house | 54.55 | 65.68 | | sea | 57.68 | 68.46 | | mirror | 72.94 | 84.45 | | rug | 61.16 | 72.75 | | field | 26.59 | 40.25 | | armchair | 50.37 | 67.08 | | seat | 64.14 | 88.2 | | fence | 47.51 | 61.73 | | desk | 49.92 | 65.85 | | rock | 49.78 | 65.22 | | wardrobe | 54.54 | 72.29 | | lamp | 68.7 | 82.9 | | bathtub | 79.79 | 88.11 | | railing | 34.84 | 44.53 | | cushion | 63.25 | 79.05 | | base | 34.38 | 44.4 | | box | 33.97 | 47.88 | | column | 51.03 | 59.41 | | signboard | 33.89 | 52.36 | | chest of drawers | 46.76 | 67.78 | | counter | 45.6 | 65.45 | | sand | 49.01 | 78.94 | | sink | 73.61 | 79.8 | | skyscraper | 54.17 | 66.18 | | fireplace | 71.51 | 86.13 | | refrigerator | 74.47 | 84.65 | | grandstand | 56.01 | 85.63 | | path | 25.4 | 35.53 | | stairs | 42.48 | 51.6 | | runway | 71.58 | 96.62 | | case | 27.19 | 28.06 | | pool table | 93.2 | 98.07 | | pillow | 60.37 | 67.16 | | screen door | 73.55 | 86.47 | | stairway | 41.18 | 53.44 | | river | 11.86 | 29.01 | | bridge | 68.3 | 80.79 | | bookcase | 40.02 | 47.92 | | blind | 27.51 | 30.25 | | coffee table | 62.49 | 81.74 | | toilet | 86.59 | 93.46 | | flower | 44.71 | 64.63 | | book | 51.73 | 77.21 | | hill | 10.58 | 23.45 | | bench | 55.14 | 67.36 | | countertop | 61.52 | 84.0 | | stove | 79.27 | 84.97 | | palm | 54.15 | 74.64 | | kitchen island | 46.49 | 69.6 | | computer | 74.11 | 87.03 | | swivel chair | 41.06 | 63.13 | | boat | 63.13 | 82.16 | | bar | 71.72 | 85.33 | | arcade machine | 71.47 | 78.22 | | hovel | 47.33 | 53.33 | | bus | 89.92 | 96.03 | | towel | 71.18 | 83.41 | | light | 52.3 | 58.37 | | truck | 40.18 | 47.97 | | tower | 30.25 | 49.07 | | chandelier | 70.11 | 79.17 | | awning | 34.92 | 47.01 | | streetlight | 30.25 | 38.57 | | booth | 39.35 | 43.56 | | television receiver | 76.37 | 89.98 | | airplane | 62.08 | 68.77 | | dirt track | 4.38 | 12.05 | | apparel | 54.33 | 80.4 | | pole | 23.09 | 30.63 | | land | 2.29 | 4.32 | | bannister | 11.92 | 17.06 | | escalator | 56.72 | 80.44 | | ottoman | 47.07 | 61.87 | | bottle | 41.22 | 68.68 | | buffet | 50.86 | 58.3 | | poster | 29.7 | 35.22 | | stage | 21.69 | 52.07 | | van | 42.84 | 56.78 | | ship | 73.88 | 85.3 | | fountain | 47.6 | 49.51 | | conveyer belt | 76.78 | 94.8 | | canopy | 48.81 | 73.23 | | washer | 83.06 | 96.8 | | plaything | 28.44 | 38.64 | | swimming pool | 60.94 | 90.52 | | stool | 47.26 | 57.88 | | barrel | 50.86 | 56.41 | | basket | 33.67 | 48.24 | | waterfall | 59.1 | 72.03 | | tent | 95.27 | 98.47 | | bag | 20.4 | 22.16 | | minibike | 72.91 | 86.8 | | cradle | 80.0 | 98.61 | | oven | 54.34 | 70.44 | | ball | 50.63 | 56.51 | | food | 58.25 | 80.88 | | step | 14.61 | 16.24 | | tank | 69.35 | 95.78 | | trade name | 10.75 | 11.33 | | microwave | 82.77 | 93.09 | | pot | 52.95 | 61.12 | | animal | 62.02 | 63.78 | | bicycle | 55.65 | 69.92 | | lake | 45.55 | 66.1 | | dishwasher | 56.83 | 71.2 | | screen | 48.47 | 75.25 | | blanket | 21.61 | 23.72 | | sculpture | 71.13 | 83.85 | | hood | 58.58 | 61.54 | | sconce | 55.19 | 65.91 | | vase | 42.15 | 55.26 | | traffic light | 34.89 | 53.67 | | tray | 10.99 | 17.06 | | ashcan | 44.33 | 56.04 | | fan | 63.75 | 73.21 | | pier | 33.51 | 44.9 | | crt screen | 3.94 | 5.57 | | plate | 56.01 | 73.36 | | monitor | 67.53 | 80.62 | | bulletin board | 38.91 | 50.2 | | shower | 4.83 | 5.88 | | radiator | 61.85 | 68.3 | | glass | 17.53 | 19.02 | | clock | 44.18 | 50.96 | | flag | 38.25 | 39.72 | +---------------------+-------+-------+ 2023-11-10 18:43:05,405 - mmseg - INFO - Summary: 2023-11-10 18:43:05,405 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.17 | 53.36 | 65.93 | +-------+-------+-------+ 2023-11-10 18:43:05,405 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:43:05,406 - mmseg - INFO - Iter(val) [250] aAcc: 0.8417, mIoU: 0.5336, mAcc: 0.6593, IoU.wall: 0.7888, IoU.building: 0.8410, IoU.sky: 0.9455, IoU.floor: 0.8243, IoU.tree: 0.7491, IoU.ceiling: 0.8376, IoU.road: 0.8453, IoU.bed : 0.9090, IoU.windowpane: 0.6338, IoU.grass: 0.6761, IoU.cabinet: 0.6095, IoU.sidewalk: 0.6456, IoU.person: 0.8197, IoU.earth: 0.3743, IoU.door: 0.5176, IoU.table: 0.6229, IoU.mountain: 0.5979, IoU.plant: 0.5460, IoU.curtain: 0.7244, IoU.chair: 0.6105, IoU.car: 0.8491, IoU.water: 0.5748, IoU.painting: 0.7553, IoU.sofa: 0.7168, IoU.shelf: 0.4450, IoU.house: 0.5455, IoU.sea: 0.5768, IoU.mirror: 0.7294, IoU.rug: 0.6116, IoU.field: 0.2659, IoU.armchair: 0.5037, IoU.seat: 0.6414, IoU.fence: 0.4751, IoU.desk: 0.4992, IoU.rock: 0.4978, IoU.wardrobe: 0.5454, IoU.lamp: 0.6870, IoU.bathtub: 0.7979, IoU.railing: 0.3484, IoU.cushion: 0.6325, IoU.base: 0.3438, IoU.box: 0.3397, IoU.column: 0.5103, IoU.signboard: 0.3389, IoU.chest of drawers: 0.4676, IoU.counter: 0.4560, IoU.sand: 0.4901, IoU.sink: 0.7361, IoU.skyscraper: 0.5417, IoU.fireplace: 0.7151, IoU.refrigerator: 0.7447, IoU.grandstand: 0.5601, IoU.path: 0.2540, IoU.stairs: 0.4248, IoU.runway: 0.7158, IoU.case: 0.2719, IoU.pool table: 0.9320, IoU.pillow: 0.6037, IoU.screen door: 0.7355, IoU.stairway: 0.4118, IoU.river: 0.1186, IoU.bridge: 0.6830, IoU.bookcase: 0.4002, IoU.blind: 0.2751, IoU.coffee table: 0.6249, IoU.toilet: 0.8659, IoU.flower: 0.4471, IoU.book: 0.5173, IoU.hill: 0.1058, IoU.bench: 0.5514, IoU.countertop: 0.6152, IoU.stove: 0.7927, IoU.palm: 0.5415, IoU.kitchen island: 0.4649, IoU.computer: 0.7411, IoU.swivel chair: 0.4106, IoU.boat: 0.6313, IoU.bar: 0.7172, IoU.arcade machine: 0.7147, IoU.hovel: 0.4733, IoU.bus: 0.8992, IoU.towel: 0.7118, IoU.light: 0.5230, IoU.truck: 0.4018, IoU.tower: 0.3025, IoU.chandelier: 0.7011, IoU.awning: 0.3492, IoU.streetlight: 0.3025, IoU.booth: 0.3935, IoU.television receiver: 0.7637, IoU.airplane: 0.6208, IoU.dirt track: 0.0438, IoU.apparel: 0.5433, IoU.pole: 0.2309, IoU.land: 0.0229, IoU.bannister: 0.1192, IoU.escalator: 0.5672, IoU.ottoman: 0.4707, IoU.bottle: 0.4122, IoU.buffet: 0.5086, IoU.poster: 0.2970, IoU.stage: 0.2169, IoU.van: 0.4284, IoU.ship: 0.7388, IoU.fountain: 0.4760, IoU.conveyer belt: 0.7678, IoU.canopy: 0.4881, IoU.washer: 0.8306, IoU.plaything: 0.2844, IoU.swimming pool: 0.6094, IoU.stool: 0.4726, IoU.barrel: 0.5086, IoU.basket: 0.3367, IoU.waterfall: 0.5910, IoU.tent: 0.9527, IoU.bag: 0.2040, IoU.minibike: 0.7291, IoU.cradle: 0.8000, IoU.oven: 0.5434, IoU.ball: 0.5063, IoU.food: 0.5825, IoU.step: 0.1461, IoU.tank: 0.6935, IoU.trade name: 0.1075, IoU.microwave: 0.8277, IoU.pot: 0.5295, IoU.animal: 0.6202, IoU.bicycle: 0.5565, IoU.lake: 0.4555, IoU.dishwasher: 0.5683, IoU.screen: 0.4847, IoU.blanket: 0.2161, IoU.sculpture: 0.7113, IoU.hood: 0.5858, IoU.sconce: 0.5519, IoU.vase: 0.4215, IoU.traffic light: 0.3489, IoU.tray: 0.1099, IoU.ashcan: 0.4433, IoU.fan: 0.6375, IoU.pier: 0.3351, IoU.crt screen: 0.0394, IoU.plate: 0.5601, IoU.monitor: 0.6753, IoU.bulletin board: 0.3891, IoU.shower: 0.0483, IoU.radiator: 0.6185, IoU.glass: 0.1753, IoU.clock: 0.4418, IoU.flag: 0.3825, Acc.wall: 0.8666, Acc.building: 0.9391, Acc.sky: 0.9689, Acc.floor: 0.8989, Acc.tree: 0.8881, Acc.ceiling: 0.9194, Acc.road: 0.9147, Acc.bed : 0.9654, Acc.windowpane: 0.8242, Acc.grass: 0.8469, Acc.cabinet: 0.7584, Acc.sidewalk: 0.7914, Acc.person: 0.9405, Acc.earth: 0.4819, Acc.door: 0.6830, Acc.table: 0.8032, Acc.mountain: 0.7179, Acc.plant: 0.6887, Acc.curtain: 0.8764, Acc.chair: 0.7598, Acc.car: 0.9426, Acc.water: 0.7183, Acc.painting: 0.8707, Acc.sofa: 0.8406, Acc.shelf: 0.6865, Acc.house: 0.6568, Acc.sea: 0.6846, Acc.mirror: 0.8445, Acc.rug: 0.7275, Acc.field: 0.4025, Acc.armchair: 0.6708, Acc.seat: 0.8820, Acc.fence: 0.6173, Acc.desk: 0.6585, Acc.rock: 0.6522, Acc.wardrobe: 0.7229, Acc.lamp: 0.8290, Acc.bathtub: 0.8811, Acc.railing: 0.4453, Acc.cushion: 0.7905, Acc.base: 0.4440, Acc.box: 0.4788, Acc.column: 0.5941, Acc.signboard: 0.5236, Acc.chest of drawers: 0.6778, Acc.counter: 0.6545, Acc.sand: 0.7894, Acc.sink: 0.7980, Acc.skyscraper: 0.6618, Acc.fireplace: 0.8613, Acc.refrigerator: 0.8465, Acc.grandstand: 0.8563, Acc.path: 0.3553, Acc.stairs: 0.5160, Acc.runway: 0.9662, Acc.case: 0.2806, Acc.pool table: 0.9807, Acc.pillow: 0.6716, Acc.screen door: 0.8647, Acc.stairway: 0.5344, Acc.river: 0.2901, Acc.bridge: 0.8079, Acc.bookcase: 0.4792, Acc.blind: 0.3025, Acc.coffee table: 0.8174, Acc.toilet: 0.9346, Acc.flower: 0.6463, Acc.book: 0.7721, Acc.hill: 0.2345, Acc.bench: 0.6736, Acc.countertop: 0.8400, Acc.stove: 0.8497, Acc.palm: 0.7464, Acc.kitchen island: 0.6960, Acc.computer: 0.8703, Acc.swivel chair: 0.6313, Acc.boat: 0.8216, Acc.bar: 0.8533, Acc.arcade machine: 0.7822, Acc.hovel: 0.5333, Acc.bus: 0.9603, Acc.towel: 0.8341, Acc.light: 0.5837, Acc.truck: 0.4797, Acc.tower: 0.4907, Acc.chandelier: 0.7917, Acc.awning: 0.4701, Acc.streetlight: 0.3857, Acc.booth: 0.4356, Acc.television receiver: 0.8998, Acc.airplane: 0.6877, Acc.dirt track: 0.1205, Acc.apparel: 0.8040, Acc.pole: 0.3063, Acc.land: 0.0432, Acc.bannister: 0.1706, Acc.escalator: 0.8044, Acc.ottoman: 0.6187, Acc.bottle: 0.6868, Acc.buffet: 0.5830, Acc.poster: 0.3522, Acc.stage: 0.5207, Acc.van: 0.5678, Acc.ship: 0.8530, Acc.fountain: 0.4951, Acc.conveyer belt: 0.9480, Acc.canopy: 0.7323, Acc.washer: 0.9680, Acc.plaything: 0.3864, Acc.swimming pool: 0.9052, Acc.stool: 0.5788, Acc.barrel: 0.5641, Acc.basket: 0.4824, Acc.waterfall: 0.7203, Acc.tent: 0.9847, Acc.bag: 0.2216, Acc.minibike: 0.8680, Acc.cradle: 0.9861, Acc.oven: 0.7044, Acc.ball: 0.5651, Acc.food: 0.8088, Acc.step: 0.1624, Acc.tank: 0.9578, Acc.trade name: 0.1133, Acc.microwave: 0.9309, Acc.pot: 0.6112, Acc.animal: 0.6378, Acc.bicycle: 0.6992, Acc.lake: 0.6610, Acc.dishwasher: 0.7120, Acc.screen: 0.7525, Acc.blanket: 0.2372, Acc.sculpture: 0.8385, Acc.hood: 0.6154, Acc.sconce: 0.6591, Acc.vase: 0.5526, Acc.traffic light: 0.5367, Acc.tray: 0.1706, Acc.ashcan: 0.5604, Acc.fan: 0.7321, Acc.pier: 0.4490, Acc.crt screen: 0.0557, Acc.plate: 0.7336, Acc.monitor: 0.8062, Acc.bulletin board: 0.5020, Acc.shower: 0.0588, Acc.radiator: 0.6830, Acc.glass: 0.1902, Acc.clock: 0.5096, Acc.flag: 0.3972 2023-11-10 18:43:40,843 - mmseg - INFO - Iter [34050/80000] lr: 2.298e-05, eta: 10:21:42, time: 2.312, data_time: 1.610, memory: 60073, decode.loss_ce: 0.2047, decode.acc_seg: 91.3251, aux.loss_ce: 0.3118, aux.acc_seg: 72.4150, loss: 0.5165 2023-11-10 18:44:15,641 - mmseg - INFO - Iter [34100/80000] lr: 2.295e-05, eta: 10:20:53, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1915, decode.acc_seg: 91.5721, aux.loss_ce: 0.2969, aux.acc_seg: 72.8668, loss: 0.4884 2023-11-10 18:44:52,668 - mmseg - INFO - Iter [34150/80000] lr: 2.293e-05, eta: 10:20:08, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1876, decode.acc_seg: 92.0496, aux.loss_ce: 0.2934, aux.acc_seg: 74.1312, loss: 0.4811 2023-11-10 18:45:27,434 - mmseg - INFO - Iter [34200/80000] lr: 2.290e-05, eta: 10:19:20, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1799, decode.acc_seg: 92.4115, aux.loss_ce: 0.2941, aux.acc_seg: 73.7548, loss: 0.4740 2023-11-10 18:46:02,186 - mmseg - INFO - Iter [34250/80000] lr: 2.288e-05, eta: 10:18:31, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1940, decode.acc_seg: 91.5205, aux.loss_ce: 0.2956, aux.acc_seg: 73.6414, loss: 0.4897 2023-11-10 18:46:36,944 - mmseg - INFO - Iter [34300/80000] lr: 2.285e-05, eta: 10:17:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1836, decode.acc_seg: 92.1254, aux.loss_ce: 0.2959, aux.acc_seg: 72.9097, loss: 0.4795 2023-11-10 18:47:11,714 - mmseg - INFO - Iter [34350/80000] lr: 2.283e-05, eta: 10:16:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1933, decode.acc_seg: 91.8292, aux.loss_ce: 0.3104, aux.acc_seg: 72.5889, loss: 0.5037 2023-11-10 18:47:46,500 - mmseg - INFO - Iter [34400/80000] lr: 2.280e-05, eta: 10:16:07, time: 0.696, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2026, decode.acc_seg: 91.5668, aux.loss_ce: 0.3111, aux.acc_seg: 72.4372, loss: 0.5138 2023-11-10 18:48:21,256 - mmseg - INFO - Iter [34450/80000] lr: 2.278e-05, eta: 10:15:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1901, decode.acc_seg: 91.9607, aux.loss_ce: 0.3011, aux.acc_seg: 73.5694, loss: 0.4911 2023-11-10 18:48:56,008 - mmseg - INFO - Iter [34500/80000] lr: 2.275e-05, eta: 10:14:30, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2038, decode.acc_seg: 91.3112, aux.loss_ce: 0.3011, aux.acc_seg: 72.9265, loss: 0.5049 2023-11-10 18:49:30,769 - mmseg - INFO - Iter [34550/80000] lr: 2.273e-05, eta: 10:13:42, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1906, decode.acc_seg: 91.8909, aux.loss_ce: 0.3029, aux.acc_seg: 73.4863, loss: 0.4934 2023-11-10 18:50:05,529 - mmseg - INFO - Iter [34600/80000] lr: 2.270e-05, eta: 10:12:54, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1993, decode.acc_seg: 91.3073, aux.loss_ce: 0.3062, aux.acc_seg: 72.2554, loss: 0.5055 2023-11-10 18:50:40,299 - mmseg - INFO - Iter [34650/80000] lr: 2.268e-05, eta: 10:12:06, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1974, decode.acc_seg: 91.6475, aux.loss_ce: 0.3026, aux.acc_seg: 73.0686, loss: 0.5001 2023-11-10 18:51:15,052 - mmseg - INFO - Iter [34700/80000] lr: 2.265e-05, eta: 10:11:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2038, decode.acc_seg: 91.6065, aux.loss_ce: 0.3118, aux.acc_seg: 71.7317, loss: 0.5156 2023-11-10 18:51:49,756 - mmseg - INFO - Iter [34750/80000] lr: 2.263e-05, eta: 10:10:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2004, decode.acc_seg: 91.3237, aux.loss_ce: 0.3102, aux.acc_seg: 72.4086, loss: 0.5107 2023-11-10 18:52:24,469 - mmseg - INFO - Iter [34800/80000] lr: 2.260e-05, eta: 10:09:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1930, decode.acc_seg: 91.6483, aux.loss_ce: 0.2982, aux.acc_seg: 73.5220, loss: 0.4911 2023-11-10 18:52:59,179 - mmseg - INFO - Iter [34850/80000] lr: 2.258e-05, eta: 10:08:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2031, decode.acc_seg: 91.2271, aux.loss_ce: 0.3152, aux.acc_seg: 71.7090, loss: 0.5183 2023-11-10 18:53:33,927 - mmseg - INFO - Iter [34900/80000] lr: 2.255e-05, eta: 10:08:06, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1880, decode.acc_seg: 91.8715, aux.loss_ce: 0.3128, aux.acc_seg: 71.6744, loss: 0.5009 2023-11-10 18:54:08,655 - mmseg - INFO - Iter [34950/80000] lr: 2.253e-05, eta: 10:07:19, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2003, decode.acc_seg: 91.3657, aux.loss_ce: 0.3110, aux.acc_seg: 72.5591, loss: 0.5113 2023-11-10 18:54:43,392 - mmseg - INFO - Saving checkpoint at 35000 iterations 2023-11-10 18:55:13,267 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:55:13,267 - mmseg - INFO - Iter [35000/80000] lr: 2.250e-05, eta: 10:07:09, time: 1.292, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1887, decode.acc_seg: 91.7869, aux.loss_ce: 0.2999, aux.acc_seg: 72.7595, loss: 0.4887 2023-11-10 18:56:33,606 - mmseg - INFO - per class results: 2023-11-10 18:56:33,612 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.59 | 89.37 | | building | 83.99 | 92.17 | | sky | 94.73 | 97.54 | | floor | 82.62 | 89.6 | | tree | 74.84 | 87.46 | | ceiling | 84.01 | 91.26 | | road | 84.36 | 88.81 | | bed | 90.79 | 96.82 | | windowpane | 62.96 | 81.58 | | grass | 69.97 | 82.64 | | cabinet | 61.23 | 71.98 | | sidewalk | 66.95 | 84.91 | | person | 82.31 | 93.7 | | earth | 38.25 | 49.65 | | door | 49.58 | 62.55 | | table | 63.32 | 79.41 | | mountain | 61.45 | 73.07 | | plant | 53.32 | 69.4 | | curtain | 73.44 | 83.71 | | chair | 60.46 | 73.08 | | car | 84.46 | 94.5 | | water | 61.06 | 78.3 | | painting | 74.81 | 87.76 | | sofa | 71.46 | 83.29 | | shelf | 43.64 | 61.8 | | house | 51.81 | 78.5 | | sea | 65.52 | 76.05 | | mirror | 73.25 | 82.25 | | rug | 64.05 | 80.27 | | field | 30.64 | 50.82 | | armchair | 48.92 | 68.88 | | seat | 65.73 | 84.72 | | fence | 45.55 | 61.98 | | desk | 53.44 | 73.37 | | rock | 53.62 | 79.49 | | wardrobe | 55.68 | 76.59 | | lamp | 69.21 | 82.93 | | bathtub | 83.57 | 88.35 | | railing | 33.63 | 43.85 | | cushion | 62.74 | 73.53 | | base | 23.18 | 29.22 | | box | 30.33 | 40.45 | | column | 50.17 | 55.67 | | signboard | 35.93 | 48.6 | | chest of drawers | 44.79 | 71.06 | | counter | 43.13 | 48.77 | | sand | 53.08 | 79.87 | | sink | 75.19 | 83.76 | | skyscraper | 48.26 | 59.79 | | fireplace | 69.64 | 89.55 | | refrigerator | 74.89 | 86.57 | | grandstand | 55.8 | 77.29 | | path | 27.22 | 35.89 | | stairs | 39.89 | 49.17 | | runway | 72.5 | 95.33 | | case | 55.71 | 68.66 | | pool table | 93.82 | 97.11 | | pillow | 65.5 | 78.56 | | screen door | 69.0 | 75.95 | | stairway | 38.95 | 51.18 | | river | 11.33 | 23.8 | | bridge | 71.27 | 81.4 | | bookcase | 45.24 | 63.26 | | blind | 28.43 | 31.64 | | coffee table | 65.34 | 82.69 | | toilet | 84.18 | 93.79 | | flower | 47.87 | 64.2 | | book | 51.41 | 74.56 | | hill | 11.77 | 21.92 | | bench | 54.6 | 64.45 | | countertop | 61.99 | 77.31 | | stove | 80.15 | 86.99 | | palm | 56.07 | 74.92 | | kitchen island | 44.19 | 64.69 | | computer | 66.62 | 78.22 | | swivel chair | 40.22 | 60.8 | | boat | 69.99 | 83.72 | | bar | 75.27 | 85.09 | | arcade machine | 73.77 | 84.97 | | hovel | 25.31 | 28.94 | | bus | 89.76 | 96.17 | | towel | 72.02 | 85.59 | | light | 54.04 | 61.74 | | truck | 40.08 | 47.47 | | tower | 28.59 | 48.95 | | chandelier | 70.24 | 81.24 | | awning | 37.3 | 48.98 | | streetlight | 30.08 | 38.73 | | booth | 51.37 | 60.63 | | television receiver | 78.92 | 88.13 | | airplane | 62.56 | 69.27 | | dirt track | 0.47 | 1.43 | | apparel | 63.53 | 78.15 | | pole | 21.63 | 25.9 | | land | 9.89 | 16.88 | | bannister | 11.86 | 17.22 | | escalator | 55.64 | 83.19 | | ottoman | 50.04 | 64.99 | | bottle | 41.08 | 69.64 | | buffet | 55.66 | 63.9 | | poster | 26.65 | 32.17 | | stage | 25.35 | 52.17 | | van | 41.33 | 57.19 | | ship | 68.94 | 71.95 | | fountain | 53.0 | 55.57 | | conveyer belt | 63.27 | 96.52 | | canopy | 61.98 | 76.76 | | washer | 82.36 | 90.12 | | plaything | 25.49 | 40.74 | | swimming pool | 53.5 | 67.89 | | stool | 45.52 | 54.23 | | barrel | 50.91 | 66.07 | | basket | 38.37 | 46.16 | | waterfall | 50.58 | 54.16 | | tent | 94.58 | 98.57 | | bag | 22.1 | 26.89 | | minibike | 73.38 | 87.77 | | cradle | 88.04 | 97.23 | | oven | 63.5 | 76.02 | | ball | 13.16 | 13.28 | | food | 55.46 | 73.87 | | step | 10.65 | 11.1 | | tank | 63.8 | 80.38 | | trade name | 28.67 | 35.05 | | microwave | 85.46 | 94.52 | | pot | 49.94 | 56.89 | | animal | 62.14 | 64.08 | | bicycle | 58.19 | 74.83 | | lake | 54.22 | 63.37 | | dishwasher | 58.42 | 72.91 | | screen | 52.9 | 70.34 | | blanket | 27.3 | 32.14 | | sculpture | 72.22 | 84.6 | | hood | 66.65 | 73.4 | | sconce | 53.85 | 67.83 | | vase | 39.02 | 60.78 | | traffic light | 34.02 | 53.32 | | tray | 13.86 | 16.5 | | ashcan | 46.93 | 59.66 | | fan | 63.81 | 74.68 | | pier | 35.35 | 41.91 | | crt screen | 4.16 | 10.04 | | plate | 54.04 | 74.01 | | monitor | 51.59 | 61.87 | | bulletin board | 41.54 | 52.54 | | shower | 1.04 | 1.24 | | radiator | 62.22 | 70.71 | | glass | 16.55 | 17.49 | | clock | 41.67 | 46.69 | | flag | 54.39 | 58.23 | +---------------------+-------+-------+ 2023-11-10 18:56:33,612 - mmseg - INFO - Summary: 2023-11-10 18:56:33,613 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.34 | 53.79 | 65.74 | +-------+-------+-------+ 2023-11-10 18:56:33,614 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 18:56:33,614 - mmseg - INFO - Iter(val) [250] aAcc: 0.8434, mIoU: 0.5379, mAcc: 0.6574, IoU.wall: 0.7859, IoU.building: 0.8399, IoU.sky: 0.9473, IoU.floor: 0.8262, IoU.tree: 0.7484, IoU.ceiling: 0.8401, IoU.road: 0.8436, IoU.bed : 0.9079, IoU.windowpane: 0.6296, IoU.grass: 0.6997, IoU.cabinet: 0.6123, IoU.sidewalk: 0.6695, IoU.person: 0.8231, IoU.earth: 0.3825, IoU.door: 0.4958, IoU.table: 0.6332, IoU.mountain: 0.6145, IoU.plant: 0.5332, IoU.curtain: 0.7344, IoU.chair: 0.6046, IoU.car: 0.8446, IoU.water: 0.6106, IoU.painting: 0.7481, IoU.sofa: 0.7146, IoU.shelf: 0.4364, IoU.house: 0.5181, IoU.sea: 0.6552, IoU.mirror: 0.7325, IoU.rug: 0.6405, IoU.field: 0.3064, IoU.armchair: 0.4892, IoU.seat: 0.6573, IoU.fence: 0.4555, IoU.desk: 0.5344, IoU.rock: 0.5362, IoU.wardrobe: 0.5568, IoU.lamp: 0.6921, IoU.bathtub: 0.8357, IoU.railing: 0.3363, IoU.cushion: 0.6274, IoU.base: 0.2318, IoU.box: 0.3033, IoU.column: 0.5017, IoU.signboard: 0.3593, IoU.chest of drawers: 0.4479, IoU.counter: 0.4313, IoU.sand: 0.5308, IoU.sink: 0.7519, IoU.skyscraper: 0.4826, IoU.fireplace: 0.6964, IoU.refrigerator: 0.7489, IoU.grandstand: 0.5580, IoU.path: 0.2722, IoU.stairs: 0.3989, IoU.runway: 0.7250, IoU.case: 0.5571, IoU.pool table: 0.9382, IoU.pillow: 0.6550, IoU.screen door: 0.6900, IoU.stairway: 0.3895, IoU.river: 0.1133, IoU.bridge: 0.7127, IoU.bookcase: 0.4524, IoU.blind: 0.2843, IoU.coffee table: 0.6534, IoU.toilet: 0.8418, IoU.flower: 0.4787, IoU.book: 0.5141, IoU.hill: 0.1177, IoU.bench: 0.5460, IoU.countertop: 0.6199, IoU.stove: 0.8015, IoU.palm: 0.5607, IoU.kitchen island: 0.4419, IoU.computer: 0.6662, IoU.swivel chair: 0.4022, IoU.boat: 0.6999, IoU.bar: 0.7527, IoU.arcade machine: 0.7377, IoU.hovel: 0.2531, IoU.bus: 0.8976, IoU.towel: 0.7202, IoU.light: 0.5404, IoU.truck: 0.4008, IoU.tower: 0.2859, IoU.chandelier: 0.7024, IoU.awning: 0.3730, IoU.streetlight: 0.3008, IoU.booth: 0.5137, IoU.television receiver: 0.7892, IoU.airplane: 0.6256, IoU.dirt track: 0.0047, IoU.apparel: 0.6353, IoU.pole: 0.2163, IoU.land: 0.0989, IoU.bannister: 0.1186, IoU.escalator: 0.5564, IoU.ottoman: 0.5004, IoU.bottle: 0.4108, IoU.buffet: 0.5566, IoU.poster: 0.2665, IoU.stage: 0.2535, IoU.van: 0.4133, IoU.ship: 0.6894, IoU.fountain: 0.5300, IoU.conveyer belt: 0.6327, IoU.canopy: 0.6198, IoU.washer: 0.8236, IoU.plaything: 0.2549, IoU.swimming pool: 0.5350, IoU.stool: 0.4552, IoU.barrel: 0.5091, IoU.basket: 0.3837, IoU.waterfall: 0.5058, IoU.tent: 0.9458, IoU.bag: 0.2210, IoU.minibike: 0.7338, IoU.cradle: 0.8804, IoU.oven: 0.6350, IoU.ball: 0.1316, IoU.food: 0.5546, IoU.step: 0.1065, IoU.tank: 0.6380, IoU.trade name: 0.2867, IoU.microwave: 0.8546, IoU.pot: 0.4994, IoU.animal: 0.6214, IoU.bicycle: 0.5819, IoU.lake: 0.5422, IoU.dishwasher: 0.5842, IoU.screen: 0.5290, IoU.blanket: 0.2730, IoU.sculpture: 0.7222, IoU.hood: 0.6665, IoU.sconce: 0.5385, IoU.vase: 0.3902, IoU.traffic light: 0.3402, IoU.tray: 0.1386, IoU.ashcan: 0.4693, IoU.fan: 0.6381, IoU.pier: 0.3535, IoU.crt screen: 0.0416, IoU.plate: 0.5404, IoU.monitor: 0.5159, IoU.bulletin board: 0.4154, IoU.shower: 0.0104, IoU.radiator: 0.6222, IoU.glass: 0.1655, IoU.clock: 0.4167, IoU.flag: 0.5439, Acc.wall: 0.8937, Acc.building: 0.9217, Acc.sky: 0.9754, Acc.floor: 0.8960, Acc.tree: 0.8746, Acc.ceiling: 0.9126, Acc.road: 0.8881, Acc.bed : 0.9682, Acc.windowpane: 0.8158, Acc.grass: 0.8264, Acc.cabinet: 0.7198, Acc.sidewalk: 0.8491, Acc.person: 0.9370, Acc.earth: 0.4965, Acc.door: 0.6255, Acc.table: 0.7941, Acc.mountain: 0.7307, Acc.plant: 0.6940, Acc.curtain: 0.8371, Acc.chair: 0.7308, Acc.car: 0.9450, Acc.water: 0.7830, Acc.painting: 0.8776, Acc.sofa: 0.8329, Acc.shelf: 0.6180, Acc.house: 0.7850, Acc.sea: 0.7605, Acc.mirror: 0.8225, Acc.rug: 0.8027, Acc.field: 0.5082, Acc.armchair: 0.6888, Acc.seat: 0.8472, Acc.fence: 0.6198, Acc.desk: 0.7337, Acc.rock: 0.7949, Acc.wardrobe: 0.7659, Acc.lamp: 0.8293, Acc.bathtub: 0.8835, Acc.railing: 0.4385, Acc.cushion: 0.7353, Acc.base: 0.2922, Acc.box: 0.4045, Acc.column: 0.5567, Acc.signboard: 0.4860, Acc.chest of drawers: 0.7106, Acc.counter: 0.4877, Acc.sand: 0.7987, Acc.sink: 0.8376, Acc.skyscraper: 0.5979, Acc.fireplace: 0.8955, Acc.refrigerator: 0.8657, Acc.grandstand: 0.7729, Acc.path: 0.3589, Acc.stairs: 0.4917, Acc.runway: 0.9533, Acc.case: 0.6866, Acc.pool table: 0.9711, Acc.pillow: 0.7856, Acc.screen door: 0.7595, Acc.stairway: 0.5118, Acc.river: 0.2380, Acc.bridge: 0.8140, Acc.bookcase: 0.6326, Acc.blind: 0.3164, Acc.coffee table: 0.8269, Acc.toilet: 0.9379, Acc.flower: 0.6420, Acc.book: 0.7456, Acc.hill: 0.2192, Acc.bench: 0.6445, Acc.countertop: 0.7731, Acc.stove: 0.8699, Acc.palm: 0.7492, Acc.kitchen island: 0.6469, Acc.computer: 0.7822, Acc.swivel chair: 0.6080, Acc.boat: 0.8372, Acc.bar: 0.8509, Acc.arcade machine: 0.8497, Acc.hovel: 0.2894, Acc.bus: 0.9617, Acc.towel: 0.8559, Acc.light: 0.6174, Acc.truck: 0.4747, Acc.tower: 0.4895, Acc.chandelier: 0.8124, Acc.awning: 0.4898, Acc.streetlight: 0.3873, Acc.booth: 0.6063, Acc.television receiver: 0.8813, Acc.airplane: 0.6927, Acc.dirt track: 0.0143, Acc.apparel: 0.7815, Acc.pole: 0.2590, Acc.land: 0.1688, Acc.bannister: 0.1722, Acc.escalator: 0.8319, Acc.ottoman: 0.6499, Acc.bottle: 0.6964, Acc.buffet: 0.6390, Acc.poster: 0.3217, Acc.stage: 0.5217, Acc.van: 0.5719, Acc.ship: 0.7195, Acc.fountain: 0.5557, Acc.conveyer belt: 0.9652, Acc.canopy: 0.7676, Acc.washer: 0.9012, Acc.plaything: 0.4074, Acc.swimming pool: 0.6789, Acc.stool: 0.5423, Acc.barrel: 0.6607, Acc.basket: 0.4616, Acc.waterfall: 0.5416, Acc.tent: 0.9857, Acc.bag: 0.2689, Acc.minibike: 0.8777, Acc.cradle: 0.9723, Acc.oven: 0.7602, Acc.ball: 0.1328, Acc.food: 0.7387, Acc.step: 0.1110, Acc.tank: 0.8038, Acc.trade name: 0.3505, Acc.microwave: 0.9452, Acc.pot: 0.5689, Acc.animal: 0.6408, Acc.bicycle: 0.7483, Acc.lake: 0.6337, Acc.dishwasher: 0.7291, Acc.screen: 0.7034, Acc.blanket: 0.3214, Acc.sculpture: 0.8460, Acc.hood: 0.7340, Acc.sconce: 0.6783, Acc.vase: 0.6078, Acc.traffic light: 0.5332, Acc.tray: 0.1650, Acc.ashcan: 0.5966, Acc.fan: 0.7468, Acc.pier: 0.4191, Acc.crt screen: 0.1004, Acc.plate: 0.7401, Acc.monitor: 0.6187, Acc.bulletin board: 0.5254, Acc.shower: 0.0124, Acc.radiator: 0.7071, Acc.glass: 0.1749, Acc.clock: 0.4669, Acc.flag: 0.5823 2023-11-10 18:57:08,423 - mmseg - INFO - Iter [35050/80000] lr: 2.248e-05, eta: 10:08:05, time: 2.303, data_time: 1.615, memory: 60073, decode.loss_ce: 0.2048, decode.acc_seg: 91.2104, aux.loss_ce: 0.3140, aux.acc_seg: 71.7029, loss: 0.5188 2023-11-10 18:57:43,146 - mmseg - INFO - Iter [35100/80000] lr: 2.245e-05, eta: 10:07:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2047, decode.acc_seg: 91.4319, aux.loss_ce: 0.3174, aux.acc_seg: 73.0573, loss: 0.5221 2023-11-10 18:58:17,873 - mmseg - INFO - Iter [35150/80000] lr: 2.243e-05, eta: 10:06:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1876, decode.acc_seg: 91.9701, aux.loss_ce: 0.3076, aux.acc_seg: 72.8350, loss: 0.4952 2023-11-10 18:58:52,603 - mmseg - INFO - Iter [35200/80000] lr: 2.240e-05, eta: 10:05:40, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1972, decode.acc_seg: 91.4858, aux.loss_ce: 0.3163, aux.acc_seg: 72.5665, loss: 0.5135 2023-11-10 18:59:27,314 - mmseg - INFO - Iter [35250/80000] lr: 2.238e-05, eta: 10:04:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2040, decode.acc_seg: 91.4432, aux.loss_ce: 0.3163, aux.acc_seg: 72.3598, loss: 0.5203 2023-11-10 19:00:02,023 - mmseg - INFO - Iter [35300/80000] lr: 2.235e-05, eta: 10:04:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1923, decode.acc_seg: 91.6334, aux.loss_ce: 0.2887, aux.acc_seg: 73.6596, loss: 0.4810 2023-11-10 19:00:36,726 - mmseg - INFO - Iter [35350/80000] lr: 2.233e-05, eta: 10:03:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1912, decode.acc_seg: 91.8682, aux.loss_ce: 0.3019, aux.acc_seg: 72.8390, loss: 0.4932 2023-11-10 19:01:13,734 - mmseg - INFO - Iter [35400/80000] lr: 2.230e-05, eta: 10:02:32, time: 0.740, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1903, decode.acc_seg: 91.6740, aux.loss_ce: 0.3038, aux.acc_seg: 72.3384, loss: 0.4941 2023-11-10 19:01:48,457 - mmseg - INFO - Iter [35450/80000] lr: 2.228e-05, eta: 10:01:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1865, decode.acc_seg: 92.0279, aux.loss_ce: 0.3000, aux.acc_seg: 73.5953, loss: 0.4865 2023-11-10 19:02:23,185 - mmseg - INFO - Iter [35500/80000] lr: 2.225e-05, eta: 10:00:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1846, decode.acc_seg: 91.9386, aux.loss_ce: 0.2987, aux.acc_seg: 73.1069, loss: 0.4832 2023-11-10 19:02:57,925 - mmseg - INFO - Iter [35550/80000] lr: 2.223e-05, eta: 10:00:08, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1914, decode.acc_seg: 91.9631, aux.loss_ce: 0.3037, aux.acc_seg: 73.6625, loss: 0.4951 2023-11-10 19:03:32,658 - mmseg - INFO - Iter [35600/80000] lr: 2.220e-05, eta: 9:59:21, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1833, decode.acc_seg: 92.1806, aux.loss_ce: 0.3075, aux.acc_seg: 72.5210, loss: 0.4908 2023-11-10 19:04:07,386 - mmseg - INFO - Iter [35650/80000] lr: 2.218e-05, eta: 9:58:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1935, decode.acc_seg: 91.7030, aux.loss_ce: 0.3021, aux.acc_seg: 72.9744, loss: 0.4955 2023-11-10 19:04:42,115 - mmseg - INFO - Iter [35700/80000] lr: 2.215e-05, eta: 9:57:45, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1806, decode.acc_seg: 92.1667, aux.loss_ce: 0.2901, aux.acc_seg: 73.9864, loss: 0.4706 2023-11-10 19:05:16,849 - mmseg - INFO - Iter [35750/80000] lr: 2.213e-05, eta: 9:56:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1846, decode.acc_seg: 92.0693, aux.loss_ce: 0.3013, aux.acc_seg: 73.1088, loss: 0.4859 2023-11-10 19:05:51,592 - mmseg - INFO - Iter [35800/80000] lr: 2.210e-05, eta: 9:56:10, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1814, decode.acc_seg: 92.1540, aux.loss_ce: 0.3104, aux.acc_seg: 72.3221, loss: 0.4918 2023-11-10 19:06:26,302 - mmseg - INFO - Iter [35850/80000] lr: 2.208e-05, eta: 9:55:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1889, decode.acc_seg: 91.9747, aux.loss_ce: 0.3096, aux.acc_seg: 72.7629, loss: 0.4985 2023-11-10 19:07:01,038 - mmseg - INFO - Iter [35900/80000] lr: 2.205e-05, eta: 9:54:35, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1812, decode.acc_seg: 92.2816, aux.loss_ce: 0.2960, aux.acc_seg: 74.0861, loss: 0.4772 2023-11-10 19:07:35,770 - mmseg - INFO - Iter [35950/80000] lr: 2.203e-05, eta: 9:53:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1923, decode.acc_seg: 91.7264, aux.loss_ce: 0.3042, aux.acc_seg: 71.9515, loss: 0.4964 2023-11-10 19:08:10,514 - mmseg - INFO - Saving checkpoint at 36000 iterations 2023-11-10 19:08:41,103 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:08:41,103 - mmseg - INFO - Iter [36000/80000] lr: 2.200e-05, eta: 9:53:38, time: 1.307, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1917, decode.acc_seg: 91.8287, aux.loss_ce: 0.3119, aux.acc_seg: 72.5608, loss: 0.5036 2023-11-10 19:10:04,160 - mmseg - INFO - per class results: 2023-11-10 19:10:04,165 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.55 | 89.48 | | building | 84.79 | 93.51 | | sky | 94.51 | 97.21 | | floor | 82.58 | 89.37 | | tree | 75.05 | 89.03 | | ceiling | 83.91 | 92.91 | | road | 84.69 | 88.46 | | bed | 90.97 | 96.4 | | windowpane | 63.45 | 82.39 | | grass | 72.06 | 84.7 | | cabinet | 61.81 | 72.2 | | sidewalk | 66.41 | 85.3 | | person | 82.06 | 92.97 | | earth | 39.01 | 54.74 | | door | 50.88 | 64.46 | | table | 62.07 | 81.47 | | mountain | 59.91 | 73.96 | | plant | 52.77 | 64.97 | | curtain | 72.81 | 83.52 | | chair | 59.67 | 71.02 | | car | 84.68 | 92.47 | | water | 60.64 | 75.8 | | painting | 73.76 | 87.58 | | sofa | 70.61 | 82.02 | | shelf | 43.15 | 54.57 | | house | 58.33 | 72.35 | | sea | 64.4 | 76.28 | | mirror | 72.09 | 85.55 | | rug | 61.94 | 75.66 | | field | 30.86 | 44.57 | | armchair | 50.69 | 79.13 | | seat | 63.98 | 84.68 | | fence | 44.58 | 57.16 | | desk | 51.17 | 70.66 | | rock | 52.23 | 70.91 | | wardrobe | 54.98 | 71.34 | | lamp | 68.28 | 82.64 | | bathtub | 81.86 | 88.75 | | railing | 35.35 | 49.86 | | cushion | 60.5 | 68.11 | | base | 30.31 | 50.11 | | box | 32.17 | 41.14 | | column | 50.04 | 56.36 | | signboard | 35.1 | 45.64 | | chest of drawers | 41.18 | 55.65 | | counter | 31.45 | 34.83 | | sand | 50.2 | 70.76 | | sink | 75.22 | 81.51 | | skyscraper | 55.87 | 69.49 | | fireplace | 72.23 | 91.29 | | refrigerator | 77.39 | 86.1 | | grandstand | 56.96 | 72.83 | | path | 22.11 | 26.94 | | stairs | 41.17 | 50.72 | | runway | 71.95 | 95.86 | | case | 65.0 | 77.96 | | pool table | 93.67 | 96.9 | | pillow | 62.13 | 75.09 | | screen door | 64.81 | 69.0 | | stairway | 49.19 | 63.29 | | river | 13.12 | 27.61 | | bridge | 58.49 | 66.65 | | bookcase | 43.22 | 68.53 | | blind | 31.56 | 34.95 | | coffee table | 62.05 | 82.29 | | toilet | 85.33 | 91.84 | | flower | 48.73 | 69.9 | | book | 49.48 | 66.31 | | hill | 9.61 | 15.58 | | bench | 53.3 | 62.83 | | countertop | 61.32 | 74.94 | | stove | 78.65 | 86.4 | | palm | 53.26 | 68.07 | | kitchen island | 48.26 | 58.39 | | computer | 59.15 | 68.61 | | swivel chair | 40.84 | 55.79 | | boat | 67.31 | 84.1 | | bar | 68.78 | 89.78 | | arcade machine | 74.65 | 86.4 | | hovel | 45.16 | 53.07 | | bus | 90.27 | 95.92 | | towel | 73.11 | 80.82 | | light | 53.88 | 60.34 | | truck | 37.0 | 44.12 | | tower | 26.37 | 41.28 | | chandelier | 70.07 | 81.81 | | awning | 32.73 | 40.95 | | streetlight | 29.9 | 38.36 | | booth | 49.76 | 61.99 | | television receiver | 80.25 | 89.39 | | airplane | 62.64 | 70.1 | | dirt track | 0.0 | 0.0 | | apparel | 56.51 | 67.6 | | pole | 22.12 | 27.57 | | land | 5.04 | 7.83 | | bannister | 10.67 | 14.03 | | escalator | 60.4 | 84.6 | | ottoman | 47.63 | 59.75 | | bottle | 42.23 | 68.3 | | buffet | 57.31 | 65.29 | | poster | 27.12 | 33.0 | | stage | 24.14 | 50.75 | | van | 42.12 | 57.92 | | ship | 75.1 | 82.09 | | fountain | 56.41 | 57.68 | | conveyer belt | 79.95 | 92.55 | | canopy | 56.8 | 74.12 | | washer | 81.89 | 87.19 | | plaything | 25.82 | 37.85 | | swimming pool | 55.47 | 77.74 | | stool | 45.07 | 63.21 | | barrel | 52.56 | 61.92 | | basket | 38.14 | 48.04 | | waterfall | 50.39 | 57.51 | | tent | 95.16 | 98.12 | | bag | 14.33 | 14.78 | | minibike | 72.6 | 87.59 | | cradle | 86.98 | 96.26 | | oven | 65.34 | 77.85 | | ball | 55.95 | 64.34 | | food | 52.47 | 68.66 | | step | 15.34 | 17.68 | | tank | 73.3 | 96.17 | | trade name | 21.87 | 24.14 | | microwave | 86.64 | 93.82 | | pot | 49.76 | 56.69 | | animal | 60.38 | 61.94 | | bicycle | 55.35 | 68.86 | | lake | 52.98 | 63.27 | | dishwasher | 59.95 | 70.26 | | screen | 51.87 | 69.93 | | blanket | 25.69 | 30.77 | | sculpture | 69.21 | 85.81 | | hood | 66.99 | 73.39 | | sconce | 55.03 | 70.19 | | vase | 39.81 | 56.94 | | traffic light | 32.46 | 53.63 | | tray | 12.68 | 15.6 | | ashcan | 46.15 | 57.01 | | fan | 63.58 | 73.82 | | pier | 35.87 | 44.74 | | crt screen | 9.16 | 15.83 | | plate | 54.48 | 68.72 | | monitor | 48.71 | 80.45 | | bulletin board | 40.91 | 50.35 | | shower | 3.8 | 6.32 | | radiator | 61.19 | 68.51 | | glass | 17.22 | 18.55 | | clock | 44.48 | 49.94 | | flag | 47.33 | 49.93 | +---------------------+-------+-------+ 2023-11-10 19:10:04,165 - mmseg - INFO - Summary: 2023-11-10 19:10:04,165 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.46 | 53.98 | 65.49 | +-------+-------+-------+ 2023-11-10 19:10:04,166 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:10:04,166 - mmseg - INFO - Iter(val) [250] aAcc: 0.8446, mIoU: 0.5398, mAcc: 0.6549, IoU.wall: 0.7855, IoU.building: 0.8479, IoU.sky: 0.9451, IoU.floor: 0.8258, IoU.tree: 0.7505, IoU.ceiling: 0.8391, IoU.road: 0.8469, IoU.bed : 0.9097, IoU.windowpane: 0.6345, IoU.grass: 0.7206, IoU.cabinet: 0.6181, IoU.sidewalk: 0.6641, IoU.person: 0.8206, IoU.earth: 0.3901, IoU.door: 0.5088, IoU.table: 0.6207, IoU.mountain: 0.5991, IoU.plant: 0.5277, IoU.curtain: 0.7281, IoU.chair: 0.5967, IoU.car: 0.8468, IoU.water: 0.6064, IoU.painting: 0.7376, IoU.sofa: 0.7061, IoU.shelf: 0.4315, IoU.house: 0.5833, IoU.sea: 0.6440, IoU.mirror: 0.7209, IoU.rug: 0.6194, IoU.field: 0.3086, IoU.armchair: 0.5069, IoU.seat: 0.6398, IoU.fence: 0.4458, IoU.desk: 0.5117, IoU.rock: 0.5223, IoU.wardrobe: 0.5498, IoU.lamp: 0.6828, IoU.bathtub: 0.8186, IoU.railing: 0.3535, IoU.cushion: 0.6050, IoU.base: 0.3031, IoU.box: 0.3217, IoU.column: 0.5004, IoU.signboard: 0.3510, IoU.chest of drawers: 0.4118, IoU.counter: 0.3145, IoU.sand: 0.5020, IoU.sink: 0.7522, IoU.skyscraper: 0.5587, IoU.fireplace: 0.7223, IoU.refrigerator: 0.7739, IoU.grandstand: 0.5696, IoU.path: 0.2211, IoU.stairs: 0.4117, IoU.runway: 0.7195, IoU.case: 0.6500, IoU.pool table: 0.9367, IoU.pillow: 0.6213, IoU.screen door: 0.6481, IoU.stairway: 0.4919, IoU.river: 0.1312, IoU.bridge: 0.5849, IoU.bookcase: 0.4322, IoU.blind: 0.3156, IoU.coffee table: 0.6205, IoU.toilet: 0.8533, IoU.flower: 0.4873, IoU.book: 0.4948, IoU.hill: 0.0961, IoU.bench: 0.5330, IoU.countertop: 0.6132, IoU.stove: 0.7865, IoU.palm: 0.5326, IoU.kitchen island: 0.4826, IoU.computer: 0.5915, IoU.swivel chair: 0.4084, IoU.boat: 0.6731, IoU.bar: 0.6878, IoU.arcade machine: 0.7465, IoU.hovel: 0.4516, IoU.bus: 0.9027, IoU.towel: 0.7311, IoU.light: 0.5388, IoU.truck: 0.3700, IoU.tower: 0.2637, IoU.chandelier: 0.7007, IoU.awning: 0.3273, IoU.streetlight: 0.2990, IoU.booth: 0.4976, IoU.television receiver: 0.8025, IoU.airplane: 0.6264, IoU.dirt track: 0.0000, IoU.apparel: 0.5651, IoU.pole: 0.2212, IoU.land: 0.0504, IoU.bannister: 0.1067, IoU.escalator: 0.6040, IoU.ottoman: 0.4763, IoU.bottle: 0.4223, IoU.buffet: 0.5731, IoU.poster: 0.2712, IoU.stage: 0.2414, IoU.van: 0.4212, IoU.ship: 0.7510, IoU.fountain: 0.5641, IoU.conveyer belt: 0.7995, IoU.canopy: 0.5680, IoU.washer: 0.8189, IoU.plaything: 0.2582, IoU.swimming pool: 0.5547, IoU.stool: 0.4507, IoU.barrel: 0.5256, IoU.basket: 0.3814, IoU.waterfall: 0.5039, IoU.tent: 0.9516, IoU.bag: 0.1433, IoU.minibike: 0.7260, IoU.cradle: 0.8698, IoU.oven: 0.6534, IoU.ball: 0.5595, IoU.food: 0.5247, IoU.step: 0.1534, IoU.tank: 0.7330, IoU.trade name: 0.2187, IoU.microwave: 0.8664, IoU.pot: 0.4976, IoU.animal: 0.6038, IoU.bicycle: 0.5535, IoU.lake: 0.5298, IoU.dishwasher: 0.5995, IoU.screen: 0.5187, IoU.blanket: 0.2569, IoU.sculpture: 0.6921, IoU.hood: 0.6699, IoU.sconce: 0.5503, IoU.vase: 0.3981, IoU.traffic light: 0.3246, IoU.tray: 0.1268, IoU.ashcan: 0.4615, IoU.fan: 0.6358, IoU.pier: 0.3587, IoU.crt screen: 0.0916, IoU.plate: 0.5448, IoU.monitor: 0.4871, IoU.bulletin board: 0.4091, IoU.shower: 0.0380, IoU.radiator: 0.6119, IoU.glass: 0.1722, IoU.clock: 0.4448, IoU.flag: 0.4733, Acc.wall: 0.8948, Acc.building: 0.9351, Acc.sky: 0.9721, Acc.floor: 0.8937, Acc.tree: 0.8903, Acc.ceiling: 0.9291, Acc.road: 0.8846, Acc.bed : 0.9640, Acc.windowpane: 0.8239, Acc.grass: 0.8470, Acc.cabinet: 0.7220, Acc.sidewalk: 0.8530, Acc.person: 0.9297, Acc.earth: 0.5474, Acc.door: 0.6446, Acc.table: 0.8147, Acc.mountain: 0.7396, Acc.plant: 0.6497, Acc.curtain: 0.8352, Acc.chair: 0.7102, Acc.car: 0.9247, Acc.water: 0.7580, Acc.painting: 0.8758, Acc.sofa: 0.8202, Acc.shelf: 0.5457, Acc.house: 0.7235, Acc.sea: 0.7628, Acc.mirror: 0.8555, Acc.rug: 0.7566, Acc.field: 0.4457, Acc.armchair: 0.7913, Acc.seat: 0.8468, Acc.fence: 0.5716, Acc.desk: 0.7066, Acc.rock: 0.7091, Acc.wardrobe: 0.7134, Acc.lamp: 0.8264, Acc.bathtub: 0.8875, Acc.railing: 0.4986, Acc.cushion: 0.6811, Acc.base: 0.5011, Acc.box: 0.4114, Acc.column: 0.5636, Acc.signboard: 0.4564, Acc.chest of drawers: 0.5565, Acc.counter: 0.3483, Acc.sand: 0.7076, Acc.sink: 0.8151, Acc.skyscraper: 0.6949, Acc.fireplace: 0.9129, Acc.refrigerator: 0.8610, Acc.grandstand: 0.7283, Acc.path: 0.2694, Acc.stairs: 0.5072, Acc.runway: 0.9586, Acc.case: 0.7796, Acc.pool table: 0.9690, Acc.pillow: 0.7509, Acc.screen door: 0.6900, Acc.stairway: 0.6329, Acc.river: 0.2761, Acc.bridge: 0.6665, Acc.bookcase: 0.6853, Acc.blind: 0.3495, Acc.coffee table: 0.8229, Acc.toilet: 0.9184, Acc.flower: 0.6990, Acc.book: 0.6631, Acc.hill: 0.1558, Acc.bench: 0.6283, Acc.countertop: 0.7494, Acc.stove: 0.8640, Acc.palm: 0.6807, Acc.kitchen island: 0.5839, Acc.computer: 0.6861, Acc.swivel chair: 0.5579, Acc.boat: 0.8410, Acc.bar: 0.8978, Acc.arcade machine: 0.8640, Acc.hovel: 0.5307, Acc.bus: 0.9592, Acc.towel: 0.8082, Acc.light: 0.6034, Acc.truck: 0.4412, Acc.tower: 0.4128, Acc.chandelier: 0.8181, Acc.awning: 0.4095, Acc.streetlight: 0.3836, Acc.booth: 0.6199, Acc.television receiver: 0.8939, Acc.airplane: 0.7010, Acc.dirt track: 0.0000, Acc.apparel: 0.6760, Acc.pole: 0.2757, Acc.land: 0.0783, Acc.bannister: 0.1403, Acc.escalator: 0.8460, Acc.ottoman: 0.5975, Acc.bottle: 0.6830, Acc.buffet: 0.6529, Acc.poster: 0.3300, Acc.stage: 0.5075, Acc.van: 0.5792, Acc.ship: 0.8209, Acc.fountain: 0.5768, Acc.conveyer belt: 0.9255, Acc.canopy: 0.7412, Acc.washer: 0.8719, Acc.plaything: 0.3785, Acc.swimming pool: 0.7774, Acc.stool: 0.6321, Acc.barrel: 0.6192, Acc.basket: 0.4804, Acc.waterfall: 0.5751, Acc.tent: 0.9812, Acc.bag: 0.1478, Acc.minibike: 0.8759, Acc.cradle: 0.9626, Acc.oven: 0.7785, Acc.ball: 0.6434, Acc.food: 0.6866, Acc.step: 0.1768, Acc.tank: 0.9617, Acc.trade name: 0.2414, Acc.microwave: 0.9382, Acc.pot: 0.5669, Acc.animal: 0.6194, Acc.bicycle: 0.6886, Acc.lake: 0.6327, Acc.dishwasher: 0.7026, Acc.screen: 0.6993, Acc.blanket: 0.3077, Acc.sculpture: 0.8581, Acc.hood: 0.7339, Acc.sconce: 0.7019, Acc.vase: 0.5694, Acc.traffic light: 0.5363, Acc.tray: 0.1560, Acc.ashcan: 0.5701, Acc.fan: 0.7382, Acc.pier: 0.4474, Acc.crt screen: 0.1583, Acc.plate: 0.6872, Acc.monitor: 0.8045, Acc.bulletin board: 0.5035, Acc.shower: 0.0632, Acc.radiator: 0.6851, Acc.glass: 0.1855, Acc.clock: 0.4994, Acc.flag: 0.4993 2023-11-10 19:10:38,982 - mmseg - INFO - Iter [36050/80000] lr: 2.198e-05, eta: 9:54:31, time: 2.358, data_time: 1.669, memory: 60073, decode.loss_ce: 0.1837, decode.acc_seg: 92.0645, aux.loss_ce: 0.2910, aux.acc_seg: 73.7400, loss: 0.4748 2023-11-10 19:11:13,733 - mmseg - INFO - Iter [36100/80000] lr: 2.195e-05, eta: 9:53:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1975, decode.acc_seg: 91.5676, aux.loss_ce: 0.3191, aux.acc_seg: 71.7254, loss: 0.5166 2023-11-10 19:11:48,476 - mmseg - INFO - Iter [36150/80000] lr: 2.193e-05, eta: 9:52:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1886, decode.acc_seg: 91.7251, aux.loss_ce: 0.2907, aux.acc_seg: 73.3049, loss: 0.4793 2023-11-10 19:12:23,215 - mmseg - INFO - Iter [36200/80000] lr: 2.190e-05, eta: 9:52:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1835, decode.acc_seg: 92.1743, aux.loss_ce: 0.2849, aux.acc_seg: 74.3593, loss: 0.4685 2023-11-10 19:12:57,943 - mmseg - INFO - Iter [36250/80000] lr: 2.188e-05, eta: 9:51:21, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1857, decode.acc_seg: 91.8991, aux.loss_ce: 0.3071, aux.acc_seg: 71.8977, loss: 0.4929 2023-11-10 19:13:32,690 - mmseg - INFO - Iter [36300/80000] lr: 2.185e-05, eta: 9:50:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1859, decode.acc_seg: 91.8995, aux.loss_ce: 0.3151, aux.acc_seg: 72.0368, loss: 0.5010 2023-11-10 19:14:07,427 - mmseg - INFO - Iter [36350/80000] lr: 2.183e-05, eta: 9:49:46, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1922, decode.acc_seg: 91.6406, aux.loss_ce: 0.3030, aux.acc_seg: 72.7529, loss: 0.4952 2023-11-10 19:14:42,175 - mmseg - INFO - Iter [36400/80000] lr: 2.180e-05, eta: 9:48:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1981, decode.acc_seg: 91.4002, aux.loss_ce: 0.3177, aux.acc_seg: 71.8505, loss: 0.5159 2023-11-10 19:15:16,941 - mmseg - INFO - Iter [36450/80000] lr: 2.178e-05, eta: 9:48:11, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1804, decode.acc_seg: 92.1582, aux.loss_ce: 0.3084, aux.acc_seg: 72.3901, loss: 0.4889 2023-11-10 19:15:51,707 - mmseg - INFO - Iter [36500/80000] lr: 2.175e-05, eta: 9:47:24, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1898, decode.acc_seg: 91.7716, aux.loss_ce: 0.2979, aux.acc_seg: 73.0425, loss: 0.4877 2023-11-10 19:16:26,458 - mmseg - INFO - Iter [36550/80000] lr: 2.173e-05, eta: 9:46:36, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1878, decode.acc_seg: 91.9693, aux.loss_ce: 0.2879, aux.acc_seg: 74.2173, loss: 0.4757 2023-11-10 19:17:01,215 - mmseg - INFO - Iter [36600/80000] lr: 2.170e-05, eta: 9:45:49, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1970, decode.acc_seg: 91.5997, aux.loss_ce: 0.3040, aux.acc_seg: 73.4025, loss: 0.5010 2023-11-10 19:17:38,337 - mmseg - INFO - Iter [36650/80000] lr: 2.168e-05, eta: 9:45:04, time: 0.742, data_time: 0.053, memory: 60073, decode.loss_ce: 0.1927, decode.acc_seg: 91.8001, aux.loss_ce: 0.3092, aux.acc_seg: 72.6972, loss: 0.5019 2023-11-10 19:18:13,088 - mmseg - INFO - Iter [36700/80000] lr: 2.165e-05, eta: 9:44:17, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1844, decode.acc_seg: 92.1731, aux.loss_ce: 0.3008, aux.acc_seg: 73.4077, loss: 0.4851 2023-11-10 19:18:47,859 - mmseg - INFO - Iter [36750/80000] lr: 2.163e-05, eta: 9:43:30, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1777, decode.acc_seg: 92.4401, aux.loss_ce: 0.2955, aux.acc_seg: 73.5568, loss: 0.4732 2023-11-10 19:19:22,629 - mmseg - INFO - Iter [36800/80000] lr: 2.160e-05, eta: 9:42:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1915, decode.acc_seg: 91.7232, aux.loss_ce: 0.3030, aux.acc_seg: 73.1745, loss: 0.4945 2023-11-10 19:19:57,401 - mmseg - INFO - Iter [36850/80000] lr: 2.158e-05, eta: 9:41:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1846, decode.acc_seg: 92.0407, aux.loss_ce: 0.3051, aux.acc_seg: 72.2784, loss: 0.4897 2023-11-10 19:20:32,168 - mmseg - INFO - Iter [36900/80000] lr: 2.155e-05, eta: 9:41:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1923, decode.acc_seg: 91.8987, aux.loss_ce: 0.3055, aux.acc_seg: 72.6520, loss: 0.4977 2023-11-10 19:21:06,923 - mmseg - INFO - Iter [36950/80000] lr: 2.153e-05, eta: 9:40:22, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1882, decode.acc_seg: 91.9114, aux.loss_ce: 0.2998, aux.acc_seg: 73.4254, loss: 0.4880 2023-11-10 19:21:41,656 - mmseg - INFO - Saving checkpoint at 37000 iterations 2023-11-10 19:22:10,849 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:22:10,849 - mmseg - INFO - Iter [37000/80000] lr: 2.150e-05, eta: 9:40:08, time: 1.278, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1863, decode.acc_seg: 92.1108, aux.loss_ce: 0.3110, aux.acc_seg: 72.3816, loss: 0.4973 2023-11-10 19:23:31,277 - mmseg - INFO - per class results: 2023-11-10 19:23:31,282 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.17 | 89.2 | | building | 83.39 | 92.81 | | sky | 94.71 | 97.55 | | floor | 82.03 | 91.26 | | tree | 75.5 | 86.26 | | ceiling | 84.44 | 91.22 | | road | 84.39 | 92.17 | | bed | 90.41 | 96.55 | | windowpane | 63.42 | 78.52 | | grass | 70.0 | 83.42 | | cabinet | 60.02 | 74.51 | | sidewalk | 65.95 | 76.19 | | person | 82.05 | 93.24 | | earth | 38.02 | 51.22 | | door | 47.72 | 62.87 | | table | 62.89 | 75.56 | | mountain | 60.14 | 74.03 | | plant | 54.69 | 69.24 | | curtain | 72.61 | 84.86 | | chair | 61.67 | 76.74 | | car | 84.72 | 93.87 | | water | 54.86 | 68.09 | | painting | 72.42 | 88.54 | | sofa | 72.27 | 83.56 | | shelf | 43.75 | 55.94 | | house | 48.41 | 73.16 | | sea | 59.27 | 69.59 | | mirror | 72.44 | 84.48 | | rug | 60.85 | 72.39 | | field | 33.2 | 51.28 | | armchair | 48.73 | 65.43 | | seat | 68.36 | 84.92 | | fence | 46.44 | 61.46 | | desk | 52.3 | 76.18 | | rock | 49.52 | 70.87 | | wardrobe | 57.59 | 73.36 | | lamp | 68.39 | 77.43 | | bathtub | 82.15 | 87.02 | | railing | 35.22 | 52.95 | | cushion | 62.51 | 71.13 | | base | 32.29 | 49.07 | | box | 32.82 | 42.82 | | column | 50.43 | 56.86 | | signboard | 36.77 | 46.89 | | chest of drawers | 40.82 | 62.91 | | counter | 41.37 | 51.93 | | sand | 53.86 | 80.33 | | sink | 75.01 | 79.14 | | skyscraper | 40.66 | 47.89 | | fireplace | 73.45 | 87.45 | | refrigerator | 74.75 | 83.18 | | grandstand | 57.91 | 75.63 | | path | 23.92 | 31.33 | | stairs | 40.24 | 50.76 | | runway | 70.51 | 95.59 | | case | 61.3 | 85.07 | | pool table | 93.69 | 97.33 | | pillow | 56.65 | 64.88 | | screen door | 52.46 | 55.89 | | stairway | 44.71 | 58.67 | | river | 10.73 | 31.38 | | bridge | 55.87 | 64.64 | | bookcase | 42.99 | 57.66 | | blind | 37.29 | 46.99 | | coffee table | 61.51 | 86.03 | | toilet | 86.58 | 93.42 | | flower | 44.62 | 65.06 | | book | 52.36 | 75.72 | | hill | 12.62 | 18.77 | | bench | 57.28 | 70.35 | | countertop | 62.5 | 77.73 | | stove | 78.57 | 87.3 | | palm | 52.59 | 82.22 | | kitchen island | 45.11 | 62.37 | | computer | 73.63 | 87.94 | | swivel chair | 39.03 | 51.67 | | boat | 70.74 | 83.1 | | bar | 72.64 | 83.87 | | arcade machine | 78.49 | 85.75 | | hovel | 34.24 | 39.22 | | bus | 90.7 | 96.01 | | towel | 72.26 | 83.77 | | light | 51.61 | 56.4 | | truck | 39.94 | 50.56 | | tower | 27.7 | 43.49 | | chandelier | 68.46 | 77.86 | | awning | 35.41 | 45.51 | | streetlight | 28.44 | 33.21 | | booth | 46.86 | 55.2 | | television receiver | 80.17 | 88.33 | | airplane | 68.76 | 78.81 | | dirt track | 5.89 | 18.26 | | apparel | 64.85 | 81.27 | | pole | 26.18 | 34.56 | | land | 3.25 | 7.4 | | bannister | 8.12 | 9.93 | | escalator | 58.7 | 82.19 | | ottoman | 46.66 | 59.28 | | bottle | 40.29 | 67.97 | | buffet | 47.64 | 64.55 | | poster | 22.63 | 24.95 | | stage | 13.63 | 27.9 | | van | 42.95 | 53.27 | | ship | 79.41 | 89.66 | | fountain | 50.39 | 53.12 | | conveyer belt | 66.74 | 95.34 | | canopy | 60.79 | 78.08 | | washer | 83.76 | 93.36 | | plaything | 22.82 | 36.72 | | swimming pool | 58.4 | 88.67 | | stool | 48.24 | 57.56 | | barrel | 55.87 | 66.39 | | basket | 37.07 | 47.57 | | waterfall | 58.37 | 69.88 | | tent | 95.2 | 98.15 | | bag | 19.07 | 21.35 | | minibike | 72.31 | 84.5 | | cradle | 86.6 | 97.16 | | oven | 60.64 | 72.85 | | ball | 55.41 | 64.49 | | food | 53.81 | 66.75 | | step | 15.28 | 17.37 | | tank | 75.39 | 89.6 | | trade name | 23.15 | 25.44 | | microwave | 85.55 | 92.45 | | pot | 48.48 | 54.58 | | animal | 63.75 | 65.47 | | bicycle | 51.01 | 64.33 | | lake | 57.08 | 76.52 | | dishwasher | 59.14 | 70.85 | | screen | 51.48 | 61.77 | | blanket | 31.63 | 42.1 | | sculpture | 69.1 | 85.9 | | hood | 66.15 | 72.37 | | sconce | 53.64 | 63.65 | | vase | 38.73 | 56.6 | | traffic light | 34.93 | 49.06 | | tray | 9.58 | 10.91 | | ashcan | 45.99 | 58.94 | | fan | 58.14 | 63.57 | | pier | 34.66 | 45.99 | | crt screen | 16.12 | 31.94 | | plate | 54.21 | 71.85 | | monitor | 58.13 | 76.03 | | bulletin board | 43.84 | 51.83 | | shower | 3.42 | 6.5 | | radiator | 62.35 | 70.7 | | glass | 16.28 | 17.35 | | clock | 44.69 | 51.14 | | flag | 51.46 | 54.57 | +---------------------+-------+-------+ 2023-11-10 19:23:31,282 - mmseg - INFO - Summary: 2023-11-10 19:23:31,282 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.23 | 53.93 | 65.84 | +-------+-------+-------+ 2023-11-10 19:23:31,283 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:23:31,284 - mmseg - INFO - Iter(val) [250] aAcc: 0.8423, mIoU: 0.5393, mAcc: 0.6584, IoU.wall: 0.7917, IoU.building: 0.8339, IoU.sky: 0.9471, IoU.floor: 0.8203, IoU.tree: 0.7550, IoU.ceiling: 0.8444, IoU.road: 0.8439, IoU.bed : 0.9041, IoU.windowpane: 0.6342, IoU.grass: 0.7000, IoU.cabinet: 0.6002, IoU.sidewalk: 0.6595, IoU.person: 0.8205, IoU.earth: 0.3802, IoU.door: 0.4772, IoU.table: 0.6289, IoU.mountain: 0.6014, IoU.plant: 0.5469, IoU.curtain: 0.7261, IoU.chair: 0.6167, IoU.car: 0.8472, IoU.water: 0.5486, IoU.painting: 0.7242, IoU.sofa: 0.7227, IoU.shelf: 0.4375, IoU.house: 0.4841, IoU.sea: 0.5927, IoU.mirror: 0.7244, IoU.rug: 0.6085, IoU.field: 0.3320, IoU.armchair: 0.4873, IoU.seat: 0.6836, IoU.fence: 0.4644, IoU.desk: 0.5230, IoU.rock: 0.4952, IoU.wardrobe: 0.5759, IoU.lamp: 0.6839, IoU.bathtub: 0.8215, IoU.railing: 0.3522, IoU.cushion: 0.6251, IoU.base: 0.3229, IoU.box: 0.3282, IoU.column: 0.5043, IoU.signboard: 0.3677, IoU.chest of drawers: 0.4082, IoU.counter: 0.4137, IoU.sand: 0.5386, IoU.sink: 0.7501, IoU.skyscraper: 0.4066, IoU.fireplace: 0.7345, IoU.refrigerator: 0.7475, IoU.grandstand: 0.5791, IoU.path: 0.2392, IoU.stairs: 0.4024, IoU.runway: 0.7051, IoU.case: 0.6130, IoU.pool table: 0.9369, IoU.pillow: 0.5665, IoU.screen door: 0.5246, IoU.stairway: 0.4471, IoU.river: 0.1073, IoU.bridge: 0.5587, IoU.bookcase: 0.4299, IoU.blind: 0.3729, IoU.coffee table: 0.6151, IoU.toilet: 0.8658, IoU.flower: 0.4462, IoU.book: 0.5236, IoU.hill: 0.1262, IoU.bench: 0.5728, IoU.countertop: 0.6250, IoU.stove: 0.7857, IoU.palm: 0.5259, IoU.kitchen island: 0.4511, IoU.computer: 0.7363, IoU.swivel chair: 0.3903, IoU.boat: 0.7074, IoU.bar: 0.7264, IoU.arcade machine: 0.7849, IoU.hovel: 0.3424, IoU.bus: 0.9070, IoU.towel: 0.7226, IoU.light: 0.5161, IoU.truck: 0.3994, IoU.tower: 0.2770, IoU.chandelier: 0.6846, IoU.awning: 0.3541, IoU.streetlight: 0.2844, IoU.booth: 0.4686, IoU.television receiver: 0.8017, IoU.airplane: 0.6876, IoU.dirt track: 0.0589, IoU.apparel: 0.6485, IoU.pole: 0.2618, IoU.land: 0.0325, IoU.bannister: 0.0812, IoU.escalator: 0.5870, IoU.ottoman: 0.4666, IoU.bottle: 0.4029, IoU.buffet: 0.4764, IoU.poster: 0.2263, IoU.stage: 0.1363, IoU.van: 0.4295, IoU.ship: 0.7941, IoU.fountain: 0.5039, IoU.conveyer belt: 0.6674, IoU.canopy: 0.6079, IoU.washer: 0.8376, IoU.plaything: 0.2282, IoU.swimming pool: 0.5840, IoU.stool: 0.4824, IoU.barrel: 0.5587, IoU.basket: 0.3707, IoU.waterfall: 0.5837, IoU.tent: 0.9520, IoU.bag: 0.1907, IoU.minibike: 0.7231, IoU.cradle: 0.8660, IoU.oven: 0.6064, IoU.ball: 0.5541, IoU.food: 0.5381, IoU.step: 0.1528, IoU.tank: 0.7539, IoU.trade name: 0.2315, IoU.microwave: 0.8555, IoU.pot: 0.4848, IoU.animal: 0.6375, IoU.bicycle: 0.5101, IoU.lake: 0.5708, IoU.dishwasher: 0.5914, IoU.screen: 0.5148, IoU.blanket: 0.3163, IoU.sculpture: 0.6910, IoU.hood: 0.6615, IoU.sconce: 0.5364, IoU.vase: 0.3873, IoU.traffic light: 0.3493, IoU.tray: 0.0958, IoU.ashcan: 0.4599, IoU.fan: 0.5814, IoU.pier: 0.3466, IoU.crt screen: 0.1612, IoU.plate: 0.5421, IoU.monitor: 0.5813, IoU.bulletin board: 0.4384, IoU.shower: 0.0342, IoU.radiator: 0.6235, IoU.glass: 0.1628, IoU.clock: 0.4469, IoU.flag: 0.5146, Acc.wall: 0.8920, Acc.building: 0.9281, Acc.sky: 0.9755, Acc.floor: 0.9126, Acc.tree: 0.8626, Acc.ceiling: 0.9122, Acc.road: 0.9217, Acc.bed : 0.9655, Acc.windowpane: 0.7852, Acc.grass: 0.8342, Acc.cabinet: 0.7451, Acc.sidewalk: 0.7619, Acc.person: 0.9324, Acc.earth: 0.5122, Acc.door: 0.6287, Acc.table: 0.7556, Acc.mountain: 0.7403, Acc.plant: 0.6924, Acc.curtain: 0.8486, Acc.chair: 0.7674, Acc.car: 0.9387, Acc.water: 0.6809, Acc.painting: 0.8854, Acc.sofa: 0.8356, Acc.shelf: 0.5594, Acc.house: 0.7316, Acc.sea: 0.6959, Acc.mirror: 0.8448, Acc.rug: 0.7239, Acc.field: 0.5128, Acc.armchair: 0.6543, Acc.seat: 0.8492, Acc.fence: 0.6146, Acc.desk: 0.7618, Acc.rock: 0.7087, Acc.wardrobe: 0.7336, Acc.lamp: 0.7743, Acc.bathtub: 0.8702, Acc.railing: 0.5295, Acc.cushion: 0.7113, Acc.base: 0.4907, Acc.box: 0.4282, Acc.column: 0.5686, Acc.signboard: 0.4689, Acc.chest of drawers: 0.6291, Acc.counter: 0.5193, Acc.sand: 0.8033, Acc.sink: 0.7914, Acc.skyscraper: 0.4789, Acc.fireplace: 0.8745, Acc.refrigerator: 0.8318, Acc.grandstand: 0.7563, Acc.path: 0.3133, Acc.stairs: 0.5076, Acc.runway: 0.9559, Acc.case: 0.8507, Acc.pool table: 0.9733, Acc.pillow: 0.6488, Acc.screen door: 0.5589, Acc.stairway: 0.5867, Acc.river: 0.3138, Acc.bridge: 0.6464, Acc.bookcase: 0.5766, Acc.blind: 0.4699, Acc.coffee table: 0.8603, Acc.toilet: 0.9342, Acc.flower: 0.6506, Acc.book: 0.7572, Acc.hill: 0.1877, Acc.bench: 0.7035, Acc.countertop: 0.7773, Acc.stove: 0.8730, Acc.palm: 0.8222, Acc.kitchen island: 0.6237, Acc.computer: 0.8794, Acc.swivel chair: 0.5167, Acc.boat: 0.8310, Acc.bar: 0.8387, Acc.arcade machine: 0.8575, Acc.hovel: 0.3922, Acc.bus: 0.9601, Acc.towel: 0.8377, Acc.light: 0.5640, Acc.truck: 0.5056, Acc.tower: 0.4349, Acc.chandelier: 0.7786, Acc.awning: 0.4551, Acc.streetlight: 0.3321, Acc.booth: 0.5520, Acc.television receiver: 0.8833, Acc.airplane: 0.7881, Acc.dirt track: 0.1826, Acc.apparel: 0.8127, Acc.pole: 0.3456, Acc.land: 0.0740, Acc.bannister: 0.0993, Acc.escalator: 0.8219, Acc.ottoman: 0.5928, Acc.bottle: 0.6797, Acc.buffet: 0.6455, Acc.poster: 0.2495, Acc.stage: 0.2790, Acc.van: 0.5327, Acc.ship: 0.8966, Acc.fountain: 0.5312, Acc.conveyer belt: 0.9534, Acc.canopy: 0.7808, Acc.washer: 0.9336, Acc.plaything: 0.3672, Acc.swimming pool: 0.8867, Acc.stool: 0.5756, Acc.barrel: 0.6639, Acc.basket: 0.4757, Acc.waterfall: 0.6988, Acc.tent: 0.9815, Acc.bag: 0.2135, Acc.minibike: 0.8450, Acc.cradle: 0.9716, Acc.oven: 0.7285, Acc.ball: 0.6449, Acc.food: 0.6675, Acc.step: 0.1737, Acc.tank: 0.8960, Acc.trade name: 0.2544, Acc.microwave: 0.9245, Acc.pot: 0.5458, Acc.animal: 0.6547, Acc.bicycle: 0.6433, Acc.lake: 0.7652, Acc.dishwasher: 0.7085, Acc.screen: 0.6177, Acc.blanket: 0.4210, Acc.sculpture: 0.8590, Acc.hood: 0.7237, Acc.sconce: 0.6365, Acc.vase: 0.5660, Acc.traffic light: 0.4906, Acc.tray: 0.1091, Acc.ashcan: 0.5894, Acc.fan: 0.6357, Acc.pier: 0.4599, Acc.crt screen: 0.3194, Acc.plate: 0.7185, Acc.monitor: 0.7603, Acc.bulletin board: 0.5183, Acc.shower: 0.0650, Acc.radiator: 0.7070, Acc.glass: 0.1735, Acc.clock: 0.5114, Acc.flag: 0.5457 2023-11-10 19:24:06,096 - mmseg - INFO - Iter [37050/80000] lr: 2.148e-05, eta: 9:40:55, time: 2.305, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1872, decode.acc_seg: 91.8408, aux.loss_ce: 0.2915, aux.acc_seg: 73.5912, loss: 0.4787 2023-11-10 19:24:40,818 - mmseg - INFO - Iter [37100/80000] lr: 2.145e-05, eta: 9:40:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1728, decode.acc_seg: 92.5442, aux.loss_ce: 0.2860, aux.acc_seg: 74.7699, loss: 0.4588 2023-11-10 19:25:15,553 - mmseg - INFO - Iter [37150/80000] lr: 2.143e-05, eta: 9:39:20, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1933, decode.acc_seg: 91.6625, aux.loss_ce: 0.3031, aux.acc_seg: 72.8108, loss: 0.4964 2023-11-10 19:25:50,289 - mmseg - INFO - Iter [37200/80000] lr: 2.140e-05, eta: 9:38:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1858, decode.acc_seg: 92.0719, aux.loss_ce: 0.3093, aux.acc_seg: 72.7624, loss: 0.4951 2023-11-10 19:26:25,007 - mmseg - INFO - Iter [37250/80000] lr: 2.138e-05, eta: 9:37:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.2005, decode.acc_seg: 91.4249, aux.loss_ce: 0.2982, aux.acc_seg: 73.3796, loss: 0.4987 2023-11-10 19:26:59,732 - mmseg - INFO - Iter [37300/80000] lr: 2.135e-05, eta: 9:36:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1890, decode.acc_seg: 91.9098, aux.loss_ce: 0.3110, aux.acc_seg: 72.1253, loss: 0.5000 2023-11-10 19:27:34,460 - mmseg - INFO - Iter [37350/80000] lr: 2.133e-05, eta: 9:36:11, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1894, decode.acc_seg: 92.1332, aux.loss_ce: 0.3119, aux.acc_seg: 72.5236, loss: 0.5013 2023-11-10 19:28:09,226 - mmseg - INFO - Iter [37400/80000] lr: 2.130e-05, eta: 9:35:24, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1906, decode.acc_seg: 91.4568, aux.loss_ce: 0.3000, aux.acc_seg: 72.1911, loss: 0.4906 2023-11-10 19:28:43,978 - mmseg - INFO - Iter [37450/80000] lr: 2.128e-05, eta: 9:34:37, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1714, decode.acc_seg: 92.5019, aux.loss_ce: 0.2889, aux.acc_seg: 73.8083, loss: 0.4603 2023-11-10 19:29:18,699 - mmseg - INFO - Iter [37500/80000] lr: 2.125e-05, eta: 9:33:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1915, decode.acc_seg: 91.8900, aux.loss_ce: 0.2945, aux.acc_seg: 73.9202, loss: 0.4860 2023-11-10 19:29:53,410 - mmseg - INFO - Iter [37550/80000] lr: 2.123e-05, eta: 9:33:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1837, decode.acc_seg: 92.0828, aux.loss_ce: 0.2886, aux.acc_seg: 74.5139, loss: 0.4723 2023-11-10 19:30:28,148 - mmseg - INFO - Iter [37600/80000] lr: 2.120e-05, eta: 9:32:16, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1798, decode.acc_seg: 92.2700, aux.loss_ce: 0.3065, aux.acc_seg: 72.2015, loss: 0.4863 2023-11-10 19:31:02,883 - mmseg - INFO - Iter [37650/80000] lr: 2.118e-05, eta: 9:31:29, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1790, decode.acc_seg: 92.2667, aux.loss_ce: 0.3039, aux.acc_seg: 72.3003, loss: 0.4829 2023-11-10 19:31:37,630 - mmseg - INFO - Iter [37700/80000] lr: 2.115e-05, eta: 9:30:42, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1840, decode.acc_seg: 91.9782, aux.loss_ce: 0.3062, aux.acc_seg: 72.4240, loss: 0.4902 2023-11-10 19:32:12,347 - mmseg - INFO - Iter [37750/80000] lr: 2.113e-05, eta: 9:29:55, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1896, decode.acc_seg: 91.7839, aux.loss_ce: 0.2982, aux.acc_seg: 73.1885, loss: 0.4878 2023-11-10 19:32:47,055 - mmseg - INFO - Iter [37800/80000] lr: 2.110e-05, eta: 9:29:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1832, decode.acc_seg: 92.0895, aux.loss_ce: 0.3132, aux.acc_seg: 72.6085, loss: 0.4965 2023-11-10 19:33:21,766 - mmseg - INFO - Iter [37850/80000] lr: 2.108e-05, eta: 9:28:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1821, decode.acc_seg: 92.0077, aux.loss_ce: 0.2943, aux.acc_seg: 72.7270, loss: 0.4763 2023-11-10 19:33:58,813 - mmseg - INFO - Iter [37900/80000] lr: 2.105e-05, eta: 9:27:37, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1897, decode.acc_seg: 91.8255, aux.loss_ce: 0.3006, aux.acc_seg: 73.5038, loss: 0.4903 2023-11-10 19:34:33,536 - mmseg - INFO - Iter [37950/80000] lr: 2.103e-05, eta: 9:26:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1785, decode.acc_seg: 92.1200, aux.loss_ce: 0.2796, aux.acc_seg: 74.2131, loss: 0.4581 2023-11-10 19:35:08,266 - mmseg - INFO - Saving checkpoint at 38000 iterations 2023-11-10 19:35:35,470 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:35:35,470 - mmseg - INFO - Iter [38000/80000] lr: 2.100e-05, eta: 9:26:33, time: 1.239, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1702, decode.acc_seg: 92.6017, aux.loss_ce: 0.2998, aux.acc_seg: 73.1934, loss: 0.4700 2023-11-10 19:36:56,037 - mmseg - INFO - per class results: 2023-11-10 19:36:56,042 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.65 | 89.94 | | building | 84.4 | 92.05 | | sky | 94.76 | 97.66 | | floor | 82.76 | 90.16 | | tree | 75.89 | 88.63 | | ceiling | 83.88 | 90.3 | | road | 84.82 | 90.77 | | bed | 90.79 | 97.07 | | windowpane | 63.3 | 80.67 | | grass | 69.24 | 78.91 | | cabinet | 61.23 | 74.5 | | sidewalk | 68.12 | 81.66 | | person | 81.66 | 95.02 | | earth | 41.45 | 58.29 | | door | 52.28 | 66.62 | | table | 62.9 | 75.78 | | mountain | 60.92 | 75.17 | | plant | 53.77 | 63.81 | | curtain | 74.42 | 82.61 | | chair | 60.7 | 76.66 | | car | 85.09 | 93.74 | | water | 60.38 | 76.15 | | painting | 74.32 | 88.31 | | sofa | 69.25 | 74.96 | | shelf | 44.78 | 69.09 | | house | 52.4 | 74.26 | | sea | 63.2 | 76.79 | | mirror | 74.47 | 83.39 | | rug | 61.02 | 69.84 | | field | 30.63 | 49.14 | | armchair | 49.38 | 77.51 | | seat | 65.85 | 86.43 | | fence | 44.38 | 68.22 | | desk | 53.4 | 80.48 | | rock | 50.43 | 68.23 | | wardrobe | 56.32 | 74.55 | | lamp | 69.4 | 78.96 | | bathtub | 81.39 | 85.19 | | railing | 36.84 | 59.29 | | cushion | 64.6 | 78.74 | | base | 25.3 | 31.0 | | box | 31.93 | 39.7 | | column | 50.19 | 59.81 | | signboard | 36.82 | 48.16 | | chest of drawers | 44.09 | 60.7 | | counter | 46.17 | 54.39 | | sand | 51.98 | 73.48 | | sink | 74.82 | 83.69 | | skyscraper | 53.17 | 67.3 | | fireplace | 75.51 | 86.99 | | refrigerator | 74.83 | 81.87 | | grandstand | 58.69 | 74.97 | | path | 19.05 | 22.24 | | stairs | 35.34 | 42.52 | | runway | 67.59 | 90.09 | | case | 59.38 | 74.2 | | pool table | 92.68 | 98.41 | | pillow | 59.92 | 68.23 | | screen door | 75.63 | 83.06 | | stairway | 37.31 | 53.25 | | river | 13.43 | 28.88 | | bridge | 73.7 | 85.15 | | bookcase | 43.95 | 61.02 | | blind | 36.02 | 41.37 | | coffee table | 63.85 | 86.39 | | toilet | 86.83 | 91.07 | | flower | 46.99 | 67.16 | | book | 52.46 | 72.41 | | hill | 9.66 | 17.29 | | bench | 57.35 | 66.36 | | countertop | 62.92 | 74.54 | | stove | 77.8 | 87.01 | | palm | 55.2 | 76.34 | | kitchen island | 42.74 | 56.97 | | computer | 74.72 | 88.05 | | swivel chair | 37.93 | 59.17 | | boat | 75.41 | 82.84 | | bar | 71.44 | 82.98 | | arcade machine | 71.71 | 76.78 | | hovel | 31.85 | 36.6 | | bus | 88.56 | 96.51 | | towel | 71.41 | 81.05 | | light | 52.28 | 57.6 | | truck | 41.13 | 51.19 | | tower | 34.6 | 52.85 | | chandelier | 70.89 | 83.29 | | awning | 36.67 | 46.94 | | streetlight | 28.72 | 36.08 | | booth | 50.81 | 60.67 | | television receiver | 79.19 | 89.58 | | airplane | 68.5 | 84.93 | | dirt track | 11.04 | 27.09 | | apparel | 59.17 | 69.27 | | pole | 22.97 | 28.6 | | land | 4.61 | 7.15 | | bannister | 11.73 | 15.73 | | escalator | 58.71 | 84.3 | | ottoman | 46.49 | 61.94 | | bottle | 40.86 | 69.06 | | buffet | 44.29 | 49.49 | | poster | 23.59 | 28.07 | | stage | 19.2 | 32.52 | | van | 46.03 | 65.03 | | ship | 70.18 | 72.87 | | fountain | 36.14 | 36.49 | | conveyer belt | 70.68 | 95.38 | | canopy | 55.8 | 73.72 | | washer | 83.46 | 89.05 | | plaything | 26.71 | 42.29 | | swimming pool | 57.4 | 85.69 | | stool | 48.05 | 60.06 | | barrel | 52.07 | 62.85 | | basket | 37.51 | 47.66 | | waterfall | 52.6 | 61.12 | | tent | 95.02 | 98.45 | | bag | 19.82 | 21.7 | | minibike | 72.62 | 86.97 | | cradle | 86.6 | 97.22 | | oven | 64.46 | 75.39 | | ball | 49.93 | 55.67 | | food | 53.41 | 67.12 | | step | 15.49 | 17.09 | | tank | 55.64 | 70.09 | | trade name | 19.15 | 20.56 | | microwave | 83.73 | 92.71 | | pot | 43.39 | 48.05 | | animal | 60.91 | 62.85 | | bicycle | 56.38 | 74.29 | | lake | 55.83 | 66.37 | | dishwasher | 60.82 | 67.54 | | screen | 51.46 | 69.84 | | blanket | 25.09 | 28.4 | | sculpture | 72.94 | 83.42 | | hood | 57.12 | 58.49 | | sconce | 53.72 | 63.81 | | vase | 41.46 | 56.32 | | traffic light | 35.32 | 47.36 | | tray | 9.8 | 11.61 | | ashcan | 45.06 | 53.01 | | fan | 65.63 | 78.27 | | pier | 34.75 | 44.16 | | crt screen | 7.13 | 13.13 | | plate | 51.84 | 60.18 | | monitor | 53.26 | 61.9 | | bulletin board | 39.15 | 43.05 | | shower | 6.32 | 10.06 | | radiator | 60.83 | 71.48 | | glass | 14.71 | 15.4 | | clock | 45.64 | 52.96 | | flag | 41.53 | 43.84 | +---------------------+-------+-------+ 2023-11-10 19:36:56,042 - mmseg - INFO - Summary: 2023-11-10 19:36:56,042 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.48 | 53.85 | 65.25 | +-------+-------+-------+ 2023-11-10 19:36:56,043 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:36:56,044 - mmseg - INFO - Iter(val) [250] aAcc: 0.8448, mIoU: 0.5385, mAcc: 0.6525, IoU.wall: 0.7865, IoU.building: 0.8440, IoU.sky: 0.9476, IoU.floor: 0.8276, IoU.tree: 0.7589, IoU.ceiling: 0.8388, IoU.road: 0.8482, IoU.bed : 0.9079, IoU.windowpane: 0.6330, IoU.grass: 0.6924, IoU.cabinet: 0.6123, IoU.sidewalk: 0.6812, IoU.person: 0.8166, IoU.earth: 0.4145, IoU.door: 0.5228, IoU.table: 0.6290, IoU.mountain: 0.6092, IoU.plant: 0.5377, IoU.curtain: 0.7442, IoU.chair: 0.6070, IoU.car: 0.8509, IoU.water: 0.6038, IoU.painting: 0.7432, IoU.sofa: 0.6925, IoU.shelf: 0.4478, IoU.house: 0.5240, IoU.sea: 0.6320, IoU.mirror: 0.7447, IoU.rug: 0.6102, IoU.field: 0.3063, IoU.armchair: 0.4938, IoU.seat: 0.6585, IoU.fence: 0.4438, IoU.desk: 0.5340, IoU.rock: 0.5043, IoU.wardrobe: 0.5632, IoU.lamp: 0.6940, IoU.bathtub: 0.8139, IoU.railing: 0.3684, IoU.cushion: 0.6460, IoU.base: 0.2530, IoU.box: 0.3193, IoU.column: 0.5019, IoU.signboard: 0.3682, IoU.chest of drawers: 0.4409, IoU.counter: 0.4617, IoU.sand: 0.5198, IoU.sink: 0.7482, IoU.skyscraper: 0.5317, IoU.fireplace: 0.7551, IoU.refrigerator: 0.7483, IoU.grandstand: 0.5869, IoU.path: 0.1905, IoU.stairs: 0.3534, IoU.runway: 0.6759, IoU.case: 0.5938, IoU.pool table: 0.9268, IoU.pillow: 0.5992, IoU.screen door: 0.7563, IoU.stairway: 0.3731, IoU.river: 0.1343, IoU.bridge: 0.7370, IoU.bookcase: 0.4395, IoU.blind: 0.3602, IoU.coffee table: 0.6385, IoU.toilet: 0.8683, IoU.flower: 0.4699, IoU.book: 0.5246, IoU.hill: 0.0966, IoU.bench: 0.5735, IoU.countertop: 0.6292, IoU.stove: 0.7780, IoU.palm: 0.5520, IoU.kitchen island: 0.4274, IoU.computer: 0.7472, IoU.swivel chair: 0.3793, IoU.boat: 0.7541, IoU.bar: 0.7144, IoU.arcade machine: 0.7171, IoU.hovel: 0.3185, IoU.bus: 0.8856, IoU.towel: 0.7141, IoU.light: 0.5228, IoU.truck: 0.4113, IoU.tower: 0.3460, IoU.chandelier: 0.7089, IoU.awning: 0.3667, IoU.streetlight: 0.2872, IoU.booth: 0.5081, IoU.television receiver: 0.7919, IoU.airplane: 0.6850, IoU.dirt track: 0.1104, IoU.apparel: 0.5917, IoU.pole: 0.2297, IoU.land: 0.0461, IoU.bannister: 0.1173, IoU.escalator: 0.5871, IoU.ottoman: 0.4649, IoU.bottle: 0.4086, IoU.buffet: 0.4429, IoU.poster: 0.2359, IoU.stage: 0.1920, IoU.van: 0.4603, IoU.ship: 0.7018, IoU.fountain: 0.3614, IoU.conveyer belt: 0.7068, IoU.canopy: 0.5580, IoU.washer: 0.8346, IoU.plaything: 0.2671, IoU.swimming pool: 0.5740, IoU.stool: 0.4805, IoU.barrel: 0.5207, IoU.basket: 0.3751, IoU.waterfall: 0.5260, IoU.tent: 0.9502, IoU.bag: 0.1982, IoU.minibike: 0.7262, IoU.cradle: 0.8660, IoU.oven: 0.6446, IoU.ball: 0.4993, IoU.food: 0.5341, IoU.step: 0.1549, IoU.tank: 0.5564, IoU.trade name: 0.1915, IoU.microwave: 0.8373, IoU.pot: 0.4339, IoU.animal: 0.6091, IoU.bicycle: 0.5638, IoU.lake: 0.5583, IoU.dishwasher: 0.6082, IoU.screen: 0.5146, IoU.blanket: 0.2509, IoU.sculpture: 0.7294, IoU.hood: 0.5712, IoU.sconce: 0.5372, IoU.vase: 0.4146, IoU.traffic light: 0.3532, IoU.tray: 0.0980, IoU.ashcan: 0.4506, IoU.fan: 0.6563, IoU.pier: 0.3475, IoU.crt screen: 0.0713, IoU.plate: 0.5184, IoU.monitor: 0.5326, IoU.bulletin board: 0.3915, IoU.shower: 0.0632, IoU.radiator: 0.6083, IoU.glass: 0.1471, IoU.clock: 0.4564, IoU.flag: 0.4153, Acc.wall: 0.8994, Acc.building: 0.9205, Acc.sky: 0.9766, Acc.floor: 0.9016, Acc.tree: 0.8863, Acc.ceiling: 0.9030, Acc.road: 0.9077, Acc.bed : 0.9707, Acc.windowpane: 0.8067, Acc.grass: 0.7891, Acc.cabinet: 0.7450, Acc.sidewalk: 0.8166, Acc.person: 0.9502, Acc.earth: 0.5829, Acc.door: 0.6662, Acc.table: 0.7578, Acc.mountain: 0.7517, Acc.plant: 0.6381, Acc.curtain: 0.8261, Acc.chair: 0.7666, Acc.car: 0.9374, Acc.water: 0.7615, Acc.painting: 0.8831, Acc.sofa: 0.7496, Acc.shelf: 0.6909, Acc.house: 0.7426, Acc.sea: 0.7679, Acc.mirror: 0.8339, Acc.rug: 0.6984, Acc.field: 0.4914, Acc.armchair: 0.7751, Acc.seat: 0.8643, Acc.fence: 0.6822, Acc.desk: 0.8048, Acc.rock: 0.6823, Acc.wardrobe: 0.7455, Acc.lamp: 0.7896, Acc.bathtub: 0.8519, Acc.railing: 0.5929, Acc.cushion: 0.7874, Acc.base: 0.3100, Acc.box: 0.3970, Acc.column: 0.5981, Acc.signboard: 0.4816, Acc.chest of drawers: 0.6070, Acc.counter: 0.5439, Acc.sand: 0.7348, Acc.sink: 0.8369, Acc.skyscraper: 0.6730, Acc.fireplace: 0.8699, Acc.refrigerator: 0.8187, Acc.grandstand: 0.7497, Acc.path: 0.2224, Acc.stairs: 0.4252, Acc.runway: 0.9009, Acc.case: 0.7420, Acc.pool table: 0.9841, Acc.pillow: 0.6823, Acc.screen door: 0.8306, Acc.stairway: 0.5325, Acc.river: 0.2888, Acc.bridge: 0.8515, Acc.bookcase: 0.6102, Acc.blind: 0.4137, Acc.coffee table: 0.8639, Acc.toilet: 0.9107, Acc.flower: 0.6716, Acc.book: 0.7241, Acc.hill: 0.1729, Acc.bench: 0.6636, Acc.countertop: 0.7454, Acc.stove: 0.8701, Acc.palm: 0.7634, Acc.kitchen island: 0.5697, Acc.computer: 0.8805, Acc.swivel chair: 0.5917, Acc.boat: 0.8284, Acc.bar: 0.8298, Acc.arcade machine: 0.7678, Acc.hovel: 0.3660, Acc.bus: 0.9651, Acc.towel: 0.8105, Acc.light: 0.5760, Acc.truck: 0.5119, Acc.tower: 0.5285, Acc.chandelier: 0.8329, Acc.awning: 0.4694, Acc.streetlight: 0.3608, Acc.booth: 0.6067, Acc.television receiver: 0.8958, Acc.airplane: 0.8493, Acc.dirt track: 0.2709, Acc.apparel: 0.6927, Acc.pole: 0.2860, Acc.land: 0.0715, Acc.bannister: 0.1573, Acc.escalator: 0.8430, Acc.ottoman: 0.6194, Acc.bottle: 0.6906, Acc.buffet: 0.4949, Acc.poster: 0.2807, Acc.stage: 0.3252, Acc.van: 0.6503, Acc.ship: 0.7287, Acc.fountain: 0.3649, Acc.conveyer belt: 0.9538, Acc.canopy: 0.7372, Acc.washer: 0.8905, Acc.plaything: 0.4229, Acc.swimming pool: 0.8569, Acc.stool: 0.6006, Acc.barrel: 0.6285, Acc.basket: 0.4766, Acc.waterfall: 0.6112, Acc.tent: 0.9845, Acc.bag: 0.2170, Acc.minibike: 0.8697, Acc.cradle: 0.9722, Acc.oven: 0.7539, Acc.ball: 0.5567, Acc.food: 0.6712, Acc.step: 0.1709, Acc.tank: 0.7009, Acc.trade name: 0.2056, Acc.microwave: 0.9271, Acc.pot: 0.4805, Acc.animal: 0.6285, Acc.bicycle: 0.7429, Acc.lake: 0.6637, Acc.dishwasher: 0.6754, Acc.screen: 0.6984, Acc.blanket: 0.2840, Acc.sculpture: 0.8342, Acc.hood: 0.5849, Acc.sconce: 0.6381, Acc.vase: 0.5632, Acc.traffic light: 0.4736, Acc.tray: 0.1161, Acc.ashcan: 0.5301, Acc.fan: 0.7827, Acc.pier: 0.4416, Acc.crt screen: 0.1313, Acc.plate: 0.6018, Acc.monitor: 0.6190, Acc.bulletin board: 0.4305, Acc.shower: 0.1006, Acc.radiator: 0.7148, Acc.glass: 0.1540, Acc.clock: 0.5296, Acc.flag: 0.4384 2023-11-10 19:37:30,844 - mmseg - INFO - Iter [38050/80000] lr: 2.098e-05, eta: 9:27:16, time: 2.307, data_time: 1.619, memory: 60073, decode.loss_ce: 0.1809, decode.acc_seg: 92.3120, aux.loss_ce: 0.2989, aux.acc_seg: 73.6622, loss: 0.4798 2023-11-10 19:38:05,607 - mmseg - INFO - Iter [38100/80000] lr: 2.095e-05, eta: 9:26:29, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1892, decode.acc_seg: 91.8555, aux.loss_ce: 0.3152, aux.acc_seg: 72.6106, loss: 0.5045 2023-11-10 19:38:40,347 - mmseg - INFO - Iter [38150/80000] lr: 2.093e-05, eta: 9:25:42, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1859, decode.acc_seg: 92.0596, aux.loss_ce: 0.3158, aux.acc_seg: 72.6520, loss: 0.5017 2023-11-10 19:39:15,086 - mmseg - INFO - Iter [38200/80000] lr: 2.090e-05, eta: 9:24:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1817, decode.acc_seg: 92.0345, aux.loss_ce: 0.2944, aux.acc_seg: 72.7177, loss: 0.4761 2023-11-10 19:39:49,796 - mmseg - INFO - Iter [38250/80000] lr: 2.088e-05, eta: 9:24:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1874, decode.acc_seg: 92.0720, aux.loss_ce: 0.3089, aux.acc_seg: 72.4479, loss: 0.4964 2023-11-10 19:40:24,523 - mmseg - INFO - Iter [38300/80000] lr: 2.085e-05, eta: 9:23:21, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1943, decode.acc_seg: 91.7125, aux.loss_ce: 0.3070, aux.acc_seg: 72.7052, loss: 0.5012 2023-11-10 19:40:59,266 - mmseg - INFO - Iter [38350/80000] lr: 2.083e-05, eta: 9:22:34, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1846, decode.acc_seg: 92.1203, aux.loss_ce: 0.2989, aux.acc_seg: 73.2395, loss: 0.4835 2023-11-10 19:41:34,020 - mmseg - INFO - Iter [38400/80000] lr: 2.080e-05, eta: 9:21:47, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1835, decode.acc_seg: 92.2391, aux.loss_ce: 0.3036, aux.acc_seg: 73.0231, loss: 0.4871 2023-11-10 19:42:08,743 - mmseg - INFO - Iter [38450/80000] lr: 2.078e-05, eta: 9:21:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1827, decode.acc_seg: 92.1097, aux.loss_ce: 0.2904, aux.acc_seg: 74.0245, loss: 0.4731 2023-11-10 19:42:43,469 - mmseg - INFO - Iter [38500/80000] lr: 2.075e-05, eta: 9:20:14, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1847, decode.acc_seg: 92.1454, aux.loss_ce: 0.3089, aux.acc_seg: 72.2814, loss: 0.4936 2023-11-10 19:43:18,181 - mmseg - INFO - Iter [38550/80000] lr: 2.073e-05, eta: 9:19:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1890, decode.acc_seg: 91.8304, aux.loss_ce: 0.3211, aux.acc_seg: 72.3002, loss: 0.5101 2023-11-10 19:43:52,918 - mmseg - INFO - Iter [38600/80000] lr: 2.070e-05, eta: 9:18:40, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1834, decode.acc_seg: 91.9595, aux.loss_ce: 0.2979, aux.acc_seg: 72.8768, loss: 0.4812 2023-11-10 19:44:27,638 - mmseg - INFO - Iter [38650/80000] lr: 2.068e-05, eta: 9:17:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1779, decode.acc_seg: 92.3698, aux.loss_ce: 0.2934, aux.acc_seg: 74.0811, loss: 0.4713 2023-11-10 19:45:02,364 - mmseg - INFO - Iter [38700/80000] lr: 2.065e-05, eta: 9:17:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1840, decode.acc_seg: 92.2075, aux.loss_ce: 0.2970, aux.acc_seg: 73.4940, loss: 0.4809 2023-11-10 19:45:37,127 - mmseg - INFO - Iter [38750/80000] lr: 2.063e-05, eta: 9:16:21, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1873, decode.acc_seg: 91.8734, aux.loss_ce: 0.3048, aux.acc_seg: 72.8145, loss: 0.4921 2023-11-10 19:46:11,866 - mmseg - INFO - Iter [38800/80000] lr: 2.060e-05, eta: 9:15:34, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1877, decode.acc_seg: 92.0333, aux.loss_ce: 0.2994, aux.acc_seg: 73.0231, loss: 0.4871 2023-11-10 19:46:46,599 - mmseg - INFO - Iter [38850/80000] lr: 2.058e-05, eta: 9:14:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1773, decode.acc_seg: 92.4139, aux.loss_ce: 0.2981, aux.acc_seg: 74.0519, loss: 0.4753 2023-11-10 19:47:21,332 - mmseg - INFO - Iter [38900/80000] lr: 2.055e-05, eta: 9:14:01, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1828, decode.acc_seg: 92.0637, aux.loss_ce: 0.3118, aux.acc_seg: 72.2369, loss: 0.4946 2023-11-10 19:47:56,060 - mmseg - INFO - Iter [38950/80000] lr: 2.053e-05, eta: 9:13:15, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1796, decode.acc_seg: 92.2399, aux.loss_ce: 0.3033, aux.acc_seg: 72.7164, loss: 0.4828 2023-11-10 19:48:30,783 - mmseg - INFO - Saving checkpoint at 39000 iterations 2023-11-10 19:48:59,462 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:48:59,462 - mmseg - INFO - Iter [39000/80000] lr: 2.050e-05, eta: 9:12:58, time: 1.268, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1820, decode.acc_seg: 92.2385, aux.loss_ce: 0.3055, aux.acc_seg: 72.2405, loss: 0.4875 2023-11-10 19:50:20,297 - mmseg - INFO - per class results: 2023-11-10 19:50:20,303 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.16 | 89.37 | | building | 84.82 | 93.88 | | sky | 94.51 | 97.89 | | floor | 82.33 | 90.77 | | tree | 75.42 | 88.06 | | ceiling | 84.29 | 91.69 | | road | 85.23 | 92.6 | | bed | 90.15 | 96.68 | | windowpane | 63.89 | 80.9 | | grass | 68.25 | 81.52 | | cabinet | 61.06 | 74.24 | | sidewalk | 66.57 | 77.25 | | person | 82.87 | 93.44 | | earth | 39.7 | 53.43 | | door | 51.9 | 63.57 | | table | 62.96 | 74.93 | | mountain | 61.95 | 74.1 | | plant | 53.67 | 65.11 | | curtain | 74.91 | 85.27 | | chair | 61.04 | 75.05 | | car | 85.47 | 92.7 | | water | 58.36 | 75.35 | | painting | 74.29 | 87.75 | | sofa | 72.14 | 85.35 | | shelf | 43.75 | 62.9 | | house | 56.0 | 68.22 | | sea | 57.51 | 69.95 | | mirror | 71.36 | 76.94 | | rug | 61.22 | 71.45 | | field | 26.32 | 43.19 | | armchair | 50.72 | 69.45 | | seat | 63.84 | 87.55 | | fence | 44.27 | 56.98 | | desk | 51.84 | 80.76 | | rock | 51.78 | 79.49 | | wardrobe | 56.1 | 78.15 | | lamp | 69.26 | 80.94 | | bathtub | 81.89 | 87.13 | | railing | 30.84 | 44.59 | | cushion | 62.77 | 73.37 | | base | 24.37 | 36.52 | | box | 31.69 | 40.2 | | column | 50.67 | 56.89 | | signboard | 35.28 | 46.28 | | chest of drawers | 44.45 | 61.56 | | counter | 45.58 | 53.52 | | sand | 50.59 | 72.58 | | sink | 74.74 | 82.2 | | skyscraper | 49.57 | 58.23 | | fireplace | 72.29 | 90.7 | | refrigerator | 75.76 | 84.84 | | grandstand | 57.46 | 74.78 | | path | 26.48 | 35.39 | | stairs | 36.12 | 42.43 | | runway | 70.57 | 93.68 | | case | 54.88 | 64.19 | | pool table | 93.81 | 97.83 | | pillow | 52.9 | 58.8 | | screen door | 74.37 | 82.13 | | stairway | 35.57 | 50.52 | | river | 12.64 | 26.83 | | bridge | 63.99 | 78.06 | | bookcase | 42.13 | 57.76 | | blind | 33.88 | 39.98 | | coffee table | 62.81 | 88.12 | | toilet | 86.27 | 92.45 | | flower | 46.63 | 66.46 | | book | 50.94 | 73.48 | | hill | 11.06 | 18.7 | | bench | 51.4 | 58.86 | | countertop | 61.47 | 82.66 | | stove | 78.56 | 87.26 | | palm | 50.76 | 72.86 | | kitchen island | 50.26 | 74.66 | | computer | 74.12 | 87.77 | | swivel chair | 41.6 | 62.0 | | boat | 60.98 | 85.65 | | bar | 71.05 | 86.11 | | arcade machine | 75.83 | 81.9 | | hovel | 41.56 | 49.07 | | bus | 90.1 | 96.34 | | towel | 70.44 | 79.21 | | light | 53.65 | 60.32 | | truck | 40.78 | 48.29 | | tower | 29.42 | 43.84 | | chandelier | 69.45 | 79.36 | | awning | 33.17 | 40.44 | | streetlight | 30.65 | 36.92 | | booth | 49.27 | 58.1 | | television receiver | 77.4 | 89.92 | | airplane | 61.67 | 66.87 | | dirt track | 1.24 | 3.46 | | apparel | 62.58 | 74.59 | | pole | 29.08 | 38.08 | | land | 4.37 | 7.38 | | bannister | 15.0 | 23.25 | | escalator | 60.2 | 82.11 | | ottoman | 50.21 | 66.7 | | bottle | 41.4 | 64.13 | | buffet | 53.29 | 61.19 | | poster | 24.0 | 26.64 | | stage | 18.38 | 43.54 | | van | 44.25 | 57.0 | | ship | 72.54 | 83.46 | | fountain | 51.45 | 54.86 | | conveyer belt | 66.84 | 96.46 | | canopy | 54.93 | 72.12 | | washer | 84.78 | 92.46 | | plaything | 24.06 | 37.52 | | swimming pool | 58.96 | 84.8 | | stool | 48.53 | 59.64 | | barrel | 43.23 | 53.07 | | basket | 37.48 | 48.32 | | waterfall | 60.78 | 69.15 | | tent | 95.65 | 98.14 | | bag | 14.09 | 14.55 | | minibike | 72.51 | 84.16 | | cradle | 86.84 | 97.27 | | oven | 61.43 | 68.4 | | ball | 55.74 | 65.14 | | food | 57.1 | 76.09 | | step | 14.75 | 19.52 | | tank | 64.57 | 82.14 | | trade name | 18.56 | 20.11 | | microwave | 84.0 | 92.82 | | pot | 48.38 | 54.01 | | animal | 64.73 | 67.2 | | bicycle | 55.72 | 72.12 | | lake | 53.89 | 65.08 | | dishwasher | 58.7 | 68.97 | | screen | 48.75 | 73.79 | | blanket | 26.47 | 31.05 | | sculpture | 66.96 | 87.13 | | hood | 55.34 | 56.78 | | sconce | 54.51 | 64.59 | | vase | 40.35 | 54.26 | | traffic light | 34.29 | 54.2 | | tray | 11.8 | 14.07 | | ashcan | 42.73 | 49.24 | | fan | 64.26 | 74.87 | | pier | 35.14 | 43.6 | | crt screen | 5.67 | 8.66 | | plate | 56.47 | 70.86 | | monitor | 63.57 | 79.24 | | bulletin board | 40.35 | 45.6 | | shower | 3.01 | 4.34 | | radiator | 60.07 | 73.31 | | glass | 17.57 | 18.93 | | clock | 41.84 | 45.55 | | flag | 47.03 | 49.43 | +---------------------+-------+-------+ 2023-11-10 19:50:20,303 - mmseg - INFO - Summary: 2023-11-10 19:50:20,303 - mmseg - INFO - +------+-------+------+ | aAcc | mIoU | mAcc | +------+-------+------+ | 84.5 | 53.71 | 65.4 | +------+-------+------+ 2023-11-10 19:50:20,304 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 19:50:20,304 - mmseg - INFO - Iter(val) [250] aAcc: 0.8450, mIoU: 0.5371, mAcc: 0.6540, IoU.wall: 0.7916, IoU.building: 0.8482, IoU.sky: 0.9451, IoU.floor: 0.8233, IoU.tree: 0.7542, IoU.ceiling: 0.8429, IoU.road: 0.8523, IoU.bed : 0.9015, IoU.windowpane: 0.6389, IoU.grass: 0.6825, IoU.cabinet: 0.6106, IoU.sidewalk: 0.6657, IoU.person: 0.8287, IoU.earth: 0.3970, IoU.door: 0.5190, IoU.table: 0.6296, IoU.mountain: 0.6195, IoU.plant: 0.5367, IoU.curtain: 0.7491, IoU.chair: 0.6104, IoU.car: 0.8547, IoU.water: 0.5836, IoU.painting: 0.7429, IoU.sofa: 0.7214, IoU.shelf: 0.4375, IoU.house: 0.5600, IoU.sea: 0.5751, IoU.mirror: 0.7136, IoU.rug: 0.6122, IoU.field: 0.2632, IoU.armchair: 0.5072, IoU.seat: 0.6384, IoU.fence: 0.4427, IoU.desk: 0.5184, IoU.rock: 0.5178, IoU.wardrobe: 0.5610, IoU.lamp: 0.6926, IoU.bathtub: 0.8189, IoU.railing: 0.3084, IoU.cushion: 0.6277, IoU.base: 0.2437, IoU.box: 0.3169, IoU.column: 0.5067, IoU.signboard: 0.3528, IoU.chest of drawers: 0.4445, IoU.counter: 0.4558, IoU.sand: 0.5059, IoU.sink: 0.7474, IoU.skyscraper: 0.4957, IoU.fireplace: 0.7229, IoU.refrigerator: 0.7576, IoU.grandstand: 0.5746, IoU.path: 0.2648, IoU.stairs: 0.3612, IoU.runway: 0.7057, IoU.case: 0.5488, IoU.pool table: 0.9381, IoU.pillow: 0.5290, IoU.screen door: 0.7437, IoU.stairway: 0.3557, IoU.river: 0.1264, IoU.bridge: 0.6399, IoU.bookcase: 0.4213, IoU.blind: 0.3388, IoU.coffee table: 0.6281, IoU.toilet: 0.8627, IoU.flower: 0.4663, IoU.book: 0.5094, IoU.hill: 0.1106, IoU.bench: 0.5140, IoU.countertop: 0.6147, IoU.stove: 0.7856, IoU.palm: 0.5076, IoU.kitchen island: 0.5026, IoU.computer: 0.7412, IoU.swivel chair: 0.4160, IoU.boat: 0.6098, IoU.bar: 0.7105, IoU.arcade machine: 0.7583, IoU.hovel: 0.4156, IoU.bus: 0.9010, IoU.towel: 0.7044, IoU.light: 0.5365, IoU.truck: 0.4078, IoU.tower: 0.2942, IoU.chandelier: 0.6945, IoU.awning: 0.3317, IoU.streetlight: 0.3065, IoU.booth: 0.4927, IoU.television receiver: 0.7740, IoU.airplane: 0.6167, IoU.dirt track: 0.0124, IoU.apparel: 0.6258, IoU.pole: 0.2908, IoU.land: 0.0437, IoU.bannister: 0.1500, IoU.escalator: 0.6020, IoU.ottoman: 0.5021, IoU.bottle: 0.4140, IoU.buffet: 0.5329, IoU.poster: 0.2400, IoU.stage: 0.1838, IoU.van: 0.4425, IoU.ship: 0.7254, IoU.fountain: 0.5145, IoU.conveyer belt: 0.6684, IoU.canopy: 0.5493, IoU.washer: 0.8478, IoU.plaything: 0.2406, IoU.swimming pool: 0.5896, IoU.stool: 0.4853, IoU.barrel: 0.4323, IoU.basket: 0.3748, IoU.waterfall: 0.6078, IoU.tent: 0.9565, IoU.bag: 0.1409, IoU.minibike: 0.7251, IoU.cradle: 0.8684, IoU.oven: 0.6143, IoU.ball: 0.5574, IoU.food: 0.5710, IoU.step: 0.1475, IoU.tank: 0.6457, IoU.trade name: 0.1856, IoU.microwave: 0.8400, IoU.pot: 0.4838, IoU.animal: 0.6473, IoU.bicycle: 0.5572, IoU.lake: 0.5389, IoU.dishwasher: 0.5870, IoU.screen: 0.4875, IoU.blanket: 0.2647, IoU.sculpture: 0.6696, IoU.hood: 0.5534, IoU.sconce: 0.5451, IoU.vase: 0.4035, IoU.traffic light: 0.3429, IoU.tray: 0.1180, IoU.ashcan: 0.4273, IoU.fan: 0.6426, IoU.pier: 0.3514, IoU.crt screen: 0.0567, IoU.plate: 0.5647, IoU.monitor: 0.6357, IoU.bulletin board: 0.4035, IoU.shower: 0.0301, IoU.radiator: 0.6007, IoU.glass: 0.1757, IoU.clock: 0.4184, IoU.flag: 0.4703, Acc.wall: 0.8937, Acc.building: 0.9388, Acc.sky: 0.9789, Acc.floor: 0.9077, Acc.tree: 0.8806, Acc.ceiling: 0.9169, Acc.road: 0.9260, Acc.bed : 0.9668, Acc.windowpane: 0.8090, Acc.grass: 0.8152, Acc.cabinet: 0.7424, Acc.sidewalk: 0.7725, Acc.person: 0.9344, Acc.earth: 0.5343, Acc.door: 0.6357, Acc.table: 0.7493, Acc.mountain: 0.7410, Acc.plant: 0.6511, Acc.curtain: 0.8527, Acc.chair: 0.7505, Acc.car: 0.9270, Acc.water: 0.7535, Acc.painting: 0.8775, Acc.sofa: 0.8535, Acc.shelf: 0.6290, Acc.house: 0.6822, Acc.sea: 0.6995, Acc.mirror: 0.7694, Acc.rug: 0.7145, Acc.field: 0.4319, Acc.armchair: 0.6945, Acc.seat: 0.8755, Acc.fence: 0.5698, Acc.desk: 0.8076, Acc.rock: 0.7949, Acc.wardrobe: 0.7815, Acc.lamp: 0.8094, Acc.bathtub: 0.8713, Acc.railing: 0.4459, Acc.cushion: 0.7337, Acc.base: 0.3652, Acc.box: 0.4020, Acc.column: 0.5689, Acc.signboard: 0.4628, Acc.chest of drawers: 0.6156, Acc.counter: 0.5352, Acc.sand: 0.7258, Acc.sink: 0.8220, Acc.skyscraper: 0.5823, Acc.fireplace: 0.9070, Acc.refrigerator: 0.8484, Acc.grandstand: 0.7478, Acc.path: 0.3539, Acc.stairs: 0.4243, Acc.runway: 0.9368, Acc.case: 0.6419, Acc.pool table: 0.9783, Acc.pillow: 0.5880, Acc.screen door: 0.8213, Acc.stairway: 0.5052, Acc.river: 0.2683, Acc.bridge: 0.7806, Acc.bookcase: 0.5776, Acc.blind: 0.3998, Acc.coffee table: 0.8812, Acc.toilet: 0.9245, Acc.flower: 0.6646, Acc.book: 0.7348, Acc.hill: 0.1870, Acc.bench: 0.5886, Acc.countertop: 0.8266, Acc.stove: 0.8726, Acc.palm: 0.7286, Acc.kitchen island: 0.7466, Acc.computer: 0.8777, Acc.swivel chair: 0.6200, Acc.boat: 0.8565, Acc.bar: 0.8611, Acc.arcade machine: 0.8190, Acc.hovel: 0.4907, Acc.bus: 0.9634, Acc.towel: 0.7921, Acc.light: 0.6032, Acc.truck: 0.4829, Acc.tower: 0.4384, Acc.chandelier: 0.7936, Acc.awning: 0.4044, Acc.streetlight: 0.3692, Acc.booth: 0.5810, Acc.television receiver: 0.8992, Acc.airplane: 0.6687, Acc.dirt track: 0.0346, Acc.apparel: 0.7459, Acc.pole: 0.3808, Acc.land: 0.0738, Acc.bannister: 0.2325, Acc.escalator: 0.8211, Acc.ottoman: 0.6670, Acc.bottle: 0.6413, Acc.buffet: 0.6119, Acc.poster: 0.2664, Acc.stage: 0.4354, Acc.van: 0.5700, Acc.ship: 0.8346, Acc.fountain: 0.5486, Acc.conveyer belt: 0.9646, Acc.canopy: 0.7212, Acc.washer: 0.9246, Acc.plaything: 0.3752, Acc.swimming pool: 0.8480, Acc.stool: 0.5964, Acc.barrel: 0.5307, Acc.basket: 0.4832, Acc.waterfall: 0.6915, Acc.tent: 0.9814, Acc.bag: 0.1455, Acc.minibike: 0.8416, Acc.cradle: 0.9727, Acc.oven: 0.6840, Acc.ball: 0.6514, Acc.food: 0.7609, Acc.step: 0.1952, Acc.tank: 0.8214, Acc.trade name: 0.2011, Acc.microwave: 0.9282, Acc.pot: 0.5401, Acc.animal: 0.6720, Acc.bicycle: 0.7212, Acc.lake: 0.6508, Acc.dishwasher: 0.6897, Acc.screen: 0.7379, Acc.blanket: 0.3105, Acc.sculpture: 0.8713, Acc.hood: 0.5678, Acc.sconce: 0.6459, Acc.vase: 0.5426, Acc.traffic light: 0.5420, Acc.tray: 0.1407, Acc.ashcan: 0.4924, Acc.fan: 0.7487, Acc.pier: 0.4360, Acc.crt screen: 0.0866, Acc.plate: 0.7086, Acc.monitor: 0.7924, Acc.bulletin board: 0.4560, Acc.shower: 0.0434, Acc.radiator: 0.7331, Acc.glass: 0.1893, Acc.clock: 0.4555, Acc.flag: 0.4943 2023-11-10 19:50:55,110 - mmseg - INFO - Iter [39050/80000] lr: 2.048e-05, eta: 9:13:37, time: 2.313, data_time: 1.624, memory: 60073, decode.loss_ce: 0.1857, decode.acc_seg: 91.9637, aux.loss_ce: 0.2957, aux.acc_seg: 73.4877, loss: 0.4814 2023-11-10 19:51:29,856 - mmseg - INFO - Iter [39100/80000] lr: 2.045e-05, eta: 9:12:50, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1758, decode.acc_seg: 92.3999, aux.loss_ce: 0.2839, aux.acc_seg: 74.3302, loss: 0.4597 2023-11-10 19:52:04,605 - mmseg - INFO - Iter [39150/80000] lr: 2.043e-05, eta: 9:12:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1864, decode.acc_seg: 91.8503, aux.loss_ce: 0.3147, aux.acc_seg: 71.9474, loss: 0.5011 2023-11-10 19:52:41,614 - mmseg - INFO - Iter [39200/80000] lr: 2.040e-05, eta: 9:11:19, time: 0.740, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1892, decode.acc_seg: 91.7533, aux.loss_ce: 0.3060, aux.acc_seg: 73.0755, loss: 0.4952 2023-11-10 19:53:16,346 - mmseg - INFO - Iter [39250/80000] lr: 2.038e-05, eta: 9:10:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1770, decode.acc_seg: 92.4185, aux.loss_ce: 0.3039, aux.acc_seg: 73.3708, loss: 0.4810 2023-11-10 19:53:51,062 - mmseg - INFO - Iter [39300/80000] lr: 2.035e-05, eta: 9:09:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1797, decode.acc_seg: 92.2737, aux.loss_ce: 0.2918, aux.acc_seg: 73.8589, loss: 0.4715 2023-11-10 19:54:25,787 - mmseg - INFO - Iter [39350/80000] lr: 2.033e-05, eta: 9:09:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1869, decode.acc_seg: 91.9234, aux.loss_ce: 0.3029, aux.acc_seg: 73.0599, loss: 0.4898 2023-11-10 19:55:00,522 - mmseg - INFO - Iter [39400/80000] lr: 2.030e-05, eta: 9:08:13, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1836, decode.acc_seg: 92.0903, aux.loss_ce: 0.3006, aux.acc_seg: 73.2150, loss: 0.4842 2023-11-10 19:55:35,250 - mmseg - INFO - Iter [39450/80000] lr: 2.028e-05, eta: 9:07:27, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1720, decode.acc_seg: 92.4105, aux.loss_ce: 0.2868, aux.acc_seg: 73.7237, loss: 0.4588 2023-11-10 19:56:09,979 - mmseg - INFO - Iter [39500/80000] lr: 2.025e-05, eta: 9:06:40, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1895, decode.acc_seg: 91.9354, aux.loss_ce: 0.3107, aux.acc_seg: 72.6372, loss: 0.5002 2023-11-10 19:56:44,720 - mmseg - INFO - Iter [39550/80000] lr: 2.023e-05, eta: 9:05:54, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1819, decode.acc_seg: 91.9719, aux.loss_ce: 0.3076, aux.acc_seg: 71.9256, loss: 0.4895 2023-11-10 19:57:19,428 - mmseg - INFO - Iter [39600/80000] lr: 2.020e-05, eta: 9:05:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1721, decode.acc_seg: 92.5143, aux.loss_ce: 0.2806, aux.acc_seg: 74.9209, loss: 0.4528 2023-11-10 19:57:54,159 - mmseg - INFO - Iter [39650/80000] lr: 2.018e-05, eta: 9:04:21, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1794, decode.acc_seg: 92.2035, aux.loss_ce: 0.3038, aux.acc_seg: 73.4765, loss: 0.4831 2023-11-10 19:58:28,900 - mmseg - INFO - Iter [39700/80000] lr: 2.015e-05, eta: 9:03:35, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1790, decode.acc_seg: 92.2025, aux.loss_ce: 0.2951, aux.acc_seg: 73.2972, loss: 0.4741 2023-11-10 19:59:03,623 - mmseg - INFO - Iter [39750/80000] lr: 2.013e-05, eta: 9:02:49, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1820, decode.acc_seg: 92.1476, aux.loss_ce: 0.2915, aux.acc_seg: 73.5480, loss: 0.4735 2023-11-10 19:59:38,378 - mmseg - INFO - Iter [39800/80000] lr: 2.010e-05, eta: 9:02:02, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1710, decode.acc_seg: 92.4559, aux.loss_ce: 0.2934, aux.acc_seg: 73.1702, loss: 0.4643 2023-11-10 20:00:13,118 - mmseg - INFO - Iter [39850/80000] lr: 2.008e-05, eta: 9:01:16, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1819, decode.acc_seg: 92.0582, aux.loss_ce: 0.3121, aux.acc_seg: 71.6940, loss: 0.4940 2023-11-10 20:00:47,861 - mmseg - INFO - Iter [39900/80000] lr: 2.005e-05, eta: 9:00:30, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1840, decode.acc_seg: 92.0911, aux.loss_ce: 0.3114, aux.acc_seg: 71.8554, loss: 0.4955 2023-11-10 20:01:22,588 - mmseg - INFO - Iter [39950/80000] lr: 2.003e-05, eta: 8:59:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1754, decode.acc_seg: 92.5553, aux.loss_ce: 0.3048, aux.acc_seg: 73.4936, loss: 0.4802 2023-11-10 20:01:57,311 - mmseg - INFO - Saving checkpoint at 40000 iterations 2023-11-10 20:02:26,902 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:02:26,902 - mmseg - INFO - Iter [40000/80000] lr: 2.000e-05, eta: 8:59:27, time: 1.286, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1741, decode.acc_seg: 92.4488, aux.loss_ce: 0.3001, aux.acc_seg: 72.4349, loss: 0.4742 2023-11-10 20:03:47,199 - mmseg - INFO - per class results: 2023-11-10 20:03:47,205 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.26 | 89.12 | | building | 84.53 | 93.79 | | sky | 94.66 | 97.41 | | floor | 82.47 | 89.44 | | tree | 75.57 | 89.78 | | ceiling | 83.73 | 89.9 | | road | 85.36 | 91.07 | | bed | 90.94 | 97.09 | | windowpane | 63.33 | 78.06 | | grass | 69.3 | 82.13 | | cabinet | 60.72 | 76.0 | | sidewalk | 68.56 | 81.95 | | person | 82.62 | 93.94 | | earth | 40.37 | 58.59 | | door | 51.17 | 63.02 | | table | 63.61 | 76.86 | | mountain | 60.01 | 73.51 | | plant | 54.13 | 64.57 | | curtain | 74.42 | 85.45 | | chair | 61.14 | 75.37 | | car | 85.18 | 93.74 | | water | 60.14 | 73.0 | | painting | 72.45 | 89.83 | | sofa | 70.63 | 84.49 | | shelf | 42.84 | 59.35 | | house | 57.64 | 73.67 | | sea | 68.81 | 79.88 | | mirror | 73.06 | 80.45 | | rug | 60.17 | 74.07 | | field | 33.06 | 51.62 | | armchair | 48.89 | 66.78 | | seat | 64.01 | 88.84 | | fence | 45.33 | 59.39 | | desk | 50.51 | 75.05 | | rock | 49.94 | 72.81 | | wardrobe | 56.39 | 76.0 | | lamp | 69.53 | 80.93 | | bathtub | 82.07 | 86.85 | | railing | 31.38 | 42.72 | | cushion | 63.9 | 77.87 | | base | 25.23 | 32.9 | | box | 32.63 | 41.07 | | column | 50.59 | 60.37 | | signboard | 35.54 | 44.55 | | chest of drawers | 41.89 | 62.36 | | counter | 45.75 | 64.2 | | sand | 48.67 | 70.39 | | sink | 75.38 | 82.56 | | skyscraper | 41.38 | 48.73 | | fireplace | 71.98 | 91.68 | | refrigerator | 70.74 | 77.24 | | grandstand | 58.12 | 74.86 | | path | 23.65 | 32.92 | | stairs | 41.73 | 47.7 | | runway | 73.24 | 94.28 | | case | 59.62 | 76.58 | | pool table | 93.67 | 97.65 | | pillow | 61.53 | 70.14 | | screen door | 75.27 | 80.77 | | stairway | 50.16 | 65.96 | | river | 11.33 | 27.81 | | bridge | 56.0 | 70.76 | | bookcase | 41.94 | 57.17 | | blind | 31.94 | 37.21 | | coffee table | 61.4 | 86.02 | | toilet | 86.62 | 91.91 | | flower | 48.86 | 64.63 | | book | 51.59 | 76.09 | | hill | 10.32 | 14.52 | | bench | 55.6 | 66.5 | | countertop | 63.18 | 77.68 | | stove | 79.1 | 87.76 | | palm | 53.66 | 79.5 | | kitchen island | 50.69 | 63.7 | | computer | 71.19 | 86.41 | | swivel chair | 41.61 | 71.22 | | boat | 69.31 | 83.32 | | bar | 69.25 | 84.34 | | arcade machine | 76.56 | 85.19 | | hovel | 43.49 | 50.86 | | bus | 90.29 | 96.12 | | towel | 73.36 | 83.15 | | light | 52.68 | 60.17 | | truck | 41.03 | 48.41 | | tower | 29.69 | 43.16 | | chandelier | 69.95 | 79.27 | | awning | 32.95 | 38.69 | | streetlight | 29.78 | 36.1 | | booth | 48.27 | 63.15 | | television receiver | 79.37 | 89.65 | | airplane | 68.41 | 74.07 | | dirt track | 2.3 | 4.93 | | apparel | 62.96 | 77.34 | | pole | 24.31 | 31.03 | | land | 4.64 | 10.09 | | bannister | 10.5 | 14.03 | | escalator | 57.03 | 83.11 | | ottoman | 49.35 | 66.07 | | bottle | 39.88 | 66.25 | | buffet | 48.93 | 55.3 | | poster | 26.63 | 33.63 | | stage | 25.54 | 60.73 | | van | 42.27 | 54.81 | | ship | 71.68 | 80.89 | | fountain | 42.0 | 43.23 | | conveyer belt | 65.38 | 95.63 | | canopy | 53.31 | 73.71 | | washer | 83.39 | 89.37 | | plaything | 23.38 | 39.5 | | swimming pool | 56.9 | 80.97 | | stool | 47.4 | 60.22 | | barrel | 43.73 | 57.21 | | basket | 37.58 | 47.82 | | waterfall | 62.17 | 75.04 | | tent | 95.27 | 97.44 | | bag | 20.41 | 23.67 | | minibike | 73.27 | 87.72 | | cradle | 86.69 | 97.92 | | oven | 61.39 | 72.4 | | ball | 54.44 | 62.97 | | food | 53.93 | 71.65 | | step | 13.06 | 15.33 | | tank | 61.95 | 80.18 | | trade name | 19.61 | 20.75 | | microwave | 84.21 | 91.54 | | pot | 49.1 | 55.76 | | animal | 58.57 | 59.71 | | bicycle | 54.51 | 67.15 | | lake | 55.8 | 72.54 | | dishwasher | 59.52 | 68.36 | | screen | 51.75 | 67.8 | | blanket | 28.86 | 35.59 | | sculpture | 69.93 | 81.39 | | hood | 61.41 | 64.93 | | sconce | 53.15 | 62.74 | | vase | 39.4 | 51.01 | | traffic light | 36.0 | 53.82 | | tray | 12.73 | 16.78 | | ashcan | 43.32 | 51.65 | | fan | 65.68 | 79.9 | | pier | 31.19 | 45.76 | | crt screen | 3.29 | 4.61 | | plate | 56.17 | 68.7 | | monitor | 57.69 | 84.41 | | bulletin board | 39.51 | 44.58 | | shower | 3.5 | 6.78 | | radiator | 62.33 | 75.93 | | glass | 15.01 | 15.73 | | clock | 41.28 | 45.0 | | flag | 54.06 | 57.6 | +---------------------+-------+-------+ 2023-11-10 20:03:47,205 - mmseg - INFO - Summary: 2023-11-10 20:03:47,205 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.54 | 53.91 | 65.91 | +-------+-------+-------+ 2023-11-10 20:03:47,206 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:03:47,206 - mmseg - INFO - Iter(val) [250] aAcc: 0.8454, mIoU: 0.5391, mAcc: 0.6591, IoU.wall: 0.7926, IoU.building: 0.8453, IoU.sky: 0.9466, IoU.floor: 0.8247, IoU.tree: 0.7557, IoU.ceiling: 0.8373, IoU.road: 0.8536, IoU.bed : 0.9094, IoU.windowpane: 0.6333, IoU.grass: 0.6930, IoU.cabinet: 0.6072, IoU.sidewalk: 0.6856, IoU.person: 0.8262, IoU.earth: 0.4037, IoU.door: 0.5117, IoU.table: 0.6361, IoU.mountain: 0.6001, IoU.plant: 0.5413, IoU.curtain: 0.7442, IoU.chair: 0.6114, IoU.car: 0.8518, IoU.water: 0.6014, IoU.painting: 0.7245, IoU.sofa: 0.7063, IoU.shelf: 0.4284, IoU.house: 0.5764, IoU.sea: 0.6881, IoU.mirror: 0.7306, IoU.rug: 0.6017, IoU.field: 0.3306, IoU.armchair: 0.4889, IoU.seat: 0.6401, IoU.fence: 0.4533, IoU.desk: 0.5051, IoU.rock: 0.4994, IoU.wardrobe: 0.5639, IoU.lamp: 0.6953, IoU.bathtub: 0.8207, IoU.railing: 0.3138, IoU.cushion: 0.6390, IoU.base: 0.2523, IoU.box: 0.3263, IoU.column: 0.5059, IoU.signboard: 0.3554, IoU.chest of drawers: 0.4189, IoU.counter: 0.4575, IoU.sand: 0.4867, IoU.sink: 0.7538, IoU.skyscraper: 0.4138, IoU.fireplace: 0.7198, IoU.refrigerator: 0.7074, IoU.grandstand: 0.5812, IoU.path: 0.2365, IoU.stairs: 0.4173, IoU.runway: 0.7324, IoU.case: 0.5962, IoU.pool table: 0.9367, IoU.pillow: 0.6153, IoU.screen door: 0.7527, IoU.stairway: 0.5016, IoU.river: 0.1133, IoU.bridge: 0.5600, IoU.bookcase: 0.4194, IoU.blind: 0.3194, IoU.coffee table: 0.6140, IoU.toilet: 0.8662, IoU.flower: 0.4886, IoU.book: 0.5159, IoU.hill: 0.1032, IoU.bench: 0.5560, IoU.countertop: 0.6318, IoU.stove: 0.7910, IoU.palm: 0.5366, IoU.kitchen island: 0.5069, IoU.computer: 0.7119, IoU.swivel chair: 0.4161, IoU.boat: 0.6931, IoU.bar: 0.6925, IoU.arcade machine: 0.7656, IoU.hovel: 0.4349, IoU.bus: 0.9029, IoU.towel: 0.7336, IoU.light: 0.5268, IoU.truck: 0.4103, IoU.tower: 0.2969, IoU.chandelier: 0.6995, IoU.awning: 0.3295, IoU.streetlight: 0.2978, IoU.booth: 0.4827, IoU.television receiver: 0.7937, IoU.airplane: 0.6841, IoU.dirt track: 0.0230, IoU.apparel: 0.6296, IoU.pole: 0.2431, IoU.land: 0.0464, IoU.bannister: 0.1050, IoU.escalator: 0.5703, IoU.ottoman: 0.4935, IoU.bottle: 0.3988, IoU.buffet: 0.4893, IoU.poster: 0.2663, IoU.stage: 0.2554, IoU.van: 0.4227, IoU.ship: 0.7168, IoU.fountain: 0.4200, IoU.conveyer belt: 0.6538, IoU.canopy: 0.5331, IoU.washer: 0.8339, IoU.plaything: 0.2338, IoU.swimming pool: 0.5690, IoU.stool: 0.4740, IoU.barrel: 0.4373, IoU.basket: 0.3758, IoU.waterfall: 0.6217, IoU.tent: 0.9527, IoU.bag: 0.2041, IoU.minibike: 0.7327, IoU.cradle: 0.8669, IoU.oven: 0.6139, IoU.ball: 0.5444, IoU.food: 0.5393, IoU.step: 0.1306, IoU.tank: 0.6195, IoU.trade name: 0.1961, IoU.microwave: 0.8421, IoU.pot: 0.4910, IoU.animal: 0.5857, IoU.bicycle: 0.5451, IoU.lake: 0.5580, IoU.dishwasher: 0.5952, IoU.screen: 0.5175, IoU.blanket: 0.2886, IoU.sculpture: 0.6993, IoU.hood: 0.6141, IoU.sconce: 0.5315, IoU.vase: 0.3940, IoU.traffic light: 0.3600, IoU.tray: 0.1273, IoU.ashcan: 0.4332, IoU.fan: 0.6568, IoU.pier: 0.3119, IoU.crt screen: 0.0329, IoU.plate: 0.5617, IoU.monitor: 0.5769, IoU.bulletin board: 0.3951, IoU.shower: 0.0350, IoU.radiator: 0.6233, IoU.glass: 0.1501, IoU.clock: 0.4128, IoU.flag: 0.5406, Acc.wall: 0.8912, Acc.building: 0.9379, Acc.sky: 0.9741, Acc.floor: 0.8944, Acc.tree: 0.8978, Acc.ceiling: 0.8990, Acc.road: 0.9107, Acc.bed : 0.9709, Acc.windowpane: 0.7806, Acc.grass: 0.8213, Acc.cabinet: 0.7600, Acc.sidewalk: 0.8195, Acc.person: 0.9394, Acc.earth: 0.5859, Acc.door: 0.6302, Acc.table: 0.7686, Acc.mountain: 0.7351, Acc.plant: 0.6457, Acc.curtain: 0.8545, Acc.chair: 0.7537, Acc.car: 0.9374, Acc.water: 0.7300, Acc.painting: 0.8983, Acc.sofa: 0.8449, Acc.shelf: 0.5935, Acc.house: 0.7367, Acc.sea: 0.7988, Acc.mirror: 0.8045, Acc.rug: 0.7407, Acc.field: 0.5162, Acc.armchair: 0.6678, Acc.seat: 0.8884, Acc.fence: 0.5939, Acc.desk: 0.7505, Acc.rock: 0.7281, Acc.wardrobe: 0.7600, Acc.lamp: 0.8093, Acc.bathtub: 0.8685, Acc.railing: 0.4272, Acc.cushion: 0.7787, Acc.base: 0.3290, Acc.box: 0.4107, Acc.column: 0.6037, Acc.signboard: 0.4455, Acc.chest of drawers: 0.6236, Acc.counter: 0.6420, Acc.sand: 0.7039, Acc.sink: 0.8256, Acc.skyscraper: 0.4873, Acc.fireplace: 0.9168, Acc.refrigerator: 0.7724, Acc.grandstand: 0.7486, Acc.path: 0.3292, Acc.stairs: 0.4770, Acc.runway: 0.9428, Acc.case: 0.7658, Acc.pool table: 0.9765, Acc.pillow: 0.7014, Acc.screen door: 0.8077, Acc.stairway: 0.6596, Acc.river: 0.2781, Acc.bridge: 0.7076, Acc.bookcase: 0.5717, Acc.blind: 0.3721, Acc.coffee table: 0.8602, Acc.toilet: 0.9191, Acc.flower: 0.6463, Acc.book: 0.7609, Acc.hill: 0.1452, Acc.bench: 0.6650, Acc.countertop: 0.7768, Acc.stove: 0.8776, Acc.palm: 0.7950, Acc.kitchen island: 0.6370, Acc.computer: 0.8641, Acc.swivel chair: 0.7122, Acc.boat: 0.8332, Acc.bar: 0.8434, Acc.arcade machine: 0.8519, Acc.hovel: 0.5086, Acc.bus: 0.9612, Acc.towel: 0.8315, Acc.light: 0.6017, Acc.truck: 0.4841, Acc.tower: 0.4316, Acc.chandelier: 0.7927, Acc.awning: 0.3869, Acc.streetlight: 0.3610, Acc.booth: 0.6315, Acc.television receiver: 0.8965, Acc.airplane: 0.7407, Acc.dirt track: 0.0493, Acc.apparel: 0.7734, Acc.pole: 0.3103, Acc.land: 0.1009, Acc.bannister: 0.1403, Acc.escalator: 0.8311, Acc.ottoman: 0.6607, Acc.bottle: 0.6625, Acc.buffet: 0.5530, Acc.poster: 0.3363, Acc.stage: 0.6073, Acc.van: 0.5481, Acc.ship: 0.8089, Acc.fountain: 0.4323, Acc.conveyer belt: 0.9563, Acc.canopy: 0.7371, Acc.washer: 0.8937, Acc.plaything: 0.3950, Acc.swimming pool: 0.8097, Acc.stool: 0.6022, Acc.barrel: 0.5721, Acc.basket: 0.4782, Acc.waterfall: 0.7504, Acc.tent: 0.9744, Acc.bag: 0.2367, Acc.minibike: 0.8772, Acc.cradle: 0.9792, Acc.oven: 0.7240, Acc.ball: 0.6297, Acc.food: 0.7165, Acc.step: 0.1533, Acc.tank: 0.8018, Acc.trade name: 0.2075, Acc.microwave: 0.9154, Acc.pot: 0.5576, Acc.animal: 0.5971, Acc.bicycle: 0.6715, Acc.lake: 0.7254, Acc.dishwasher: 0.6836, Acc.screen: 0.6780, Acc.blanket: 0.3559, Acc.sculpture: 0.8139, Acc.hood: 0.6493, Acc.sconce: 0.6274, Acc.vase: 0.5101, Acc.traffic light: 0.5382, Acc.tray: 0.1678, Acc.ashcan: 0.5165, Acc.fan: 0.7990, Acc.pier: 0.4576, Acc.crt screen: 0.0461, Acc.plate: 0.6870, Acc.monitor: 0.8441, Acc.bulletin board: 0.4458, Acc.shower: 0.0678, Acc.radiator: 0.7593, Acc.glass: 0.1573, Acc.clock: 0.4500, Acc.flag: 0.5760 2023-11-10 20:04:22,040 - mmseg - INFO - Iter [40050/80000] lr: 1.998e-05, eta: 9:00:01, time: 2.303, data_time: 1.614, memory: 60073, decode.loss_ce: 0.1719, decode.acc_seg: 92.5681, aux.loss_ce: 0.2945, aux.acc_seg: 73.3419, loss: 0.4664 2023-11-10 20:04:56,784 - mmseg - INFO - Iter [40100/80000] lr: 1.995e-05, eta: 8:59:15, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1814, decode.acc_seg: 92.0963, aux.loss_ce: 0.3012, aux.acc_seg: 73.1085, loss: 0.4826 2023-11-10 20:05:31,538 - mmseg - INFO - Iter [40150/80000] lr: 1.993e-05, eta: 8:58:29, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1816, decode.acc_seg: 92.1593, aux.loss_ce: 0.3003, aux.acc_seg: 73.6800, loss: 0.4819 2023-11-10 20:06:06,264 - mmseg - INFO - Iter [40200/80000] lr: 1.990e-05, eta: 8:57:42, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1777, decode.acc_seg: 92.3807, aux.loss_ce: 0.3005, aux.acc_seg: 73.2384, loss: 0.4782 2023-11-10 20:06:41,004 - mmseg - INFO - Iter [40250/80000] lr: 1.988e-05, eta: 8:56:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1703, decode.acc_seg: 92.7088, aux.loss_ce: 0.2843, aux.acc_seg: 74.4514, loss: 0.4546 2023-11-10 20:07:15,741 - mmseg - INFO - Iter [40300/80000] lr: 1.985e-05, eta: 8:56:10, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1824, decode.acc_seg: 92.1613, aux.loss_ce: 0.3049, aux.acc_seg: 73.4014, loss: 0.4874 2023-11-10 20:07:50,499 - mmseg - INFO - Iter [40350/80000] lr: 1.983e-05, eta: 8:55:24, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1849, decode.acc_seg: 91.9899, aux.loss_ce: 0.3099, aux.acc_seg: 72.3473, loss: 0.4948 2023-11-10 20:08:25,257 - mmseg - INFO - Iter [40400/80000] lr: 1.980e-05, eta: 8:54:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1696, decode.acc_seg: 92.6480, aux.loss_ce: 0.2817, aux.acc_seg: 74.7062, loss: 0.4513 2023-11-10 20:09:02,329 - mmseg - INFO - Iter [40450/80000] lr: 1.978e-05, eta: 8:53:54, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1792, decode.acc_seg: 92.3133, aux.loss_ce: 0.3009, aux.acc_seg: 73.0037, loss: 0.4801 2023-11-10 20:09:37,087 - mmseg - INFO - Iter [40500/80000] lr: 1.975e-05, eta: 8:53:08, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1724, decode.acc_seg: 92.5451, aux.loss_ce: 0.3043, aux.acc_seg: 72.3434, loss: 0.4767 2023-11-10 20:10:11,851 - mmseg - INFO - Iter [40550/80000] lr: 1.973e-05, eta: 8:52:22, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1723, decode.acc_seg: 92.6041, aux.loss_ce: 0.2876, aux.acc_seg: 73.8752, loss: 0.4599 2023-11-10 20:10:46,586 - mmseg - INFO - Iter [40600/80000] lr: 1.970e-05, eta: 8:51:36, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1770, decode.acc_seg: 92.2820, aux.loss_ce: 0.2862, aux.acc_seg: 73.3306, loss: 0.4632 2023-11-10 20:11:21,313 - mmseg - INFO - Iter [40650/80000] lr: 1.968e-05, eta: 8:50:50, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1698, decode.acc_seg: 92.7840, aux.loss_ce: 0.2966, aux.acc_seg: 74.0530, loss: 0.4663 2023-11-10 20:11:56,062 - mmseg - INFO - Iter [40700/80000] lr: 1.965e-05, eta: 8:50:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1561, decode.acc_seg: 93.2450, aux.loss_ce: 0.2843, aux.acc_seg: 74.1129, loss: 0.4404 2023-11-10 20:12:30,799 - mmseg - INFO - Iter [40750/80000] lr: 1.963e-05, eta: 8:49:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1727, decode.acc_seg: 92.3740, aux.loss_ce: 0.2990, aux.acc_seg: 72.8036, loss: 0.4717 2023-11-10 20:13:05,516 - mmseg - INFO - Iter [40800/80000] lr: 1.960e-05, eta: 8:48:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1746, decode.acc_seg: 92.6499, aux.loss_ce: 0.2986, aux.acc_seg: 73.1435, loss: 0.4732 2023-11-10 20:13:40,226 - mmseg - INFO - Iter [40850/80000] lr: 1.958e-05, eta: 8:47:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1756, decode.acc_seg: 92.3937, aux.loss_ce: 0.2917, aux.acc_seg: 73.8741, loss: 0.4673 2023-11-10 20:14:14,943 - mmseg - INFO - Iter [40900/80000] lr: 1.955e-05, eta: 8:47:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1775, decode.acc_seg: 92.2052, aux.loss_ce: 0.3067, aux.acc_seg: 72.5989, loss: 0.4842 2023-11-10 20:14:49,669 - mmseg - INFO - Iter [40950/80000] lr: 1.953e-05, eta: 8:46:14, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1746, decode.acc_seg: 92.4536, aux.loss_ce: 0.3027, aux.acc_seg: 72.9931, loss: 0.4773 2023-11-10 20:15:24,430 - mmseg - INFO - Saving checkpoint at 41000 iterations 2023-11-10 20:15:54,670 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:15:54,670 - mmseg - INFO - Iter [41000/80000] lr: 1.950e-05, eta: 8:45:57, time: 1.300, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1728, decode.acc_seg: 92.3659, aux.loss_ce: 0.2845, aux.acc_seg: 74.2311, loss: 0.4573 2023-11-10 20:17:15,023 - mmseg - INFO - per class results: 2023-11-10 20:17:15,028 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.9 | 87.04 | | building | 84.26 | 93.95 | | sky | 94.78 | 97.63 | | floor | 82.12 | 88.54 | | tree | 75.56 | 88.05 | | ceiling | 84.71 | 92.5 | | road | 85.12 | 90.45 | | bed | 90.45 | 97.03 | | windowpane | 63.01 | 80.35 | | grass | 68.31 | 85.34 | | cabinet | 60.79 | 75.46 | | sidewalk | 67.27 | 80.05 | | person | 82.34 | 94.15 | | earth | 39.6 | 51.17 | | door | 49.83 | 70.13 | | table | 62.7 | 80.24 | | mountain | 61.88 | 73.86 | | plant | 54.53 | 67.26 | | curtain | 72.8 | 87.89 | | chair | 61.34 | 76.93 | | car | 84.5 | 94.44 | | water | 61.86 | 73.79 | | painting | 71.85 | 88.37 | | sofa | 71.58 | 83.81 | | shelf | 41.03 | 57.6 | | house | 57.38 | 72.24 | | sea | 66.91 | 80.88 | | mirror | 72.55 | 83.51 | | rug | 61.13 | 70.7 | | field | 29.92 | 46.1 | | armchair | 48.83 | 70.44 | | seat | 67.96 | 87.37 | | fence | 46.32 | 59.17 | | desk | 51.74 | 72.86 | | rock | 54.41 | 80.3 | | wardrobe | 57.26 | 77.32 | | lamp | 68.78 | 81.2 | | bathtub | 82.28 | 86.26 | | railing | 34.17 | 46.9 | | cushion | 62.62 | 74.46 | | base | 30.33 | 46.47 | | box | 31.49 | 39.08 | | column | 50.27 | 59.86 | | signboard | 36.67 | 48.84 | | chest of drawers | 43.27 | 59.01 | | counter | 48.56 | 57.87 | | sand | 52.8 | 78.85 | | sink | 72.48 | 79.78 | | skyscraper | 50.23 | 61.17 | | fireplace | 70.4 | 91.69 | | refrigerator | 74.25 | 88.81 | | grandstand | 59.9 | 78.37 | | path | 24.32 | 41.56 | | stairs | 37.57 | 46.83 | | runway | 70.51 | 92.44 | | case | 57.23 | 75.96 | | pool table | 93.15 | 97.91 | | pillow | 62.9 | 75.09 | | screen door | 65.96 | 69.96 | | stairway | 38.94 | 53.76 | | river | 10.36 | 23.1 | | bridge | 58.51 | 65.73 | | bookcase | 38.96 | 61.83 | | blind | 35.16 | 42.12 | | coffee table | 62.44 | 84.59 | | toilet | 85.49 | 94.37 | | flower | 45.82 | 62.93 | | book | 50.96 | 74.16 | | hill | 10.74 | 20.65 | | bench | 58.43 | 70.86 | | countertop | 60.53 | 80.22 | | stove | 78.13 | 86.96 | | palm | 53.63 | 79.34 | | kitchen island | 47.6 | 70.42 | | computer | 73.63 | 89.23 | | swivel chair | 37.32 | 47.67 | | boat | 65.46 | 84.81 | | bar | 74.1 | 88.14 | | arcade machine | 79.05 | 84.45 | | hovel | 38.05 | 44.01 | | bus | 89.13 | 96.31 | | towel | 70.68 | 78.72 | | light | 55.32 | 65.86 | | truck | 39.97 | 49.79 | | tower | 29.62 | 47.02 | | chandelier | 67.85 | 76.38 | | awning | 34.67 | 43.26 | | streetlight | 28.58 | 33.28 | | booth | 44.83 | 52.38 | | television receiver | 78.93 | 87.53 | | airplane | 68.81 | 78.22 | | dirt track | 0.94 | 2.35 | | apparel | 57.53 | 77.53 | | pole | 29.55 | 39.89 | | land | 3.19 | 6.73 | | bannister | 8.74 | 11.3 | | escalator | 57.04 | 79.15 | | ottoman | 46.44 | 59.1 | | bottle | 40.27 | 67.74 | | buffet | 52.24 | 62.76 | | poster | 25.51 | 30.98 | | stage | 21.76 | 39.55 | | van | 41.38 | 57.02 | | ship | 71.65 | 85.03 | | fountain | 42.97 | 43.87 | | conveyer belt | 59.81 | 97.07 | | canopy | 52.26 | 73.83 | | washer | 84.77 | 91.96 | | plaything | 23.35 | 43.46 | | swimming pool | 56.87 | 82.16 | | stool | 48.07 | 59.97 | | barrel | 47.39 | 64.21 | | basket | 36.81 | 46.25 | | waterfall | 53.89 | 62.33 | | tent | 95.04 | 98.14 | | bag | 20.74 | 23.44 | | minibike | 71.06 | 91.0 | | cradle | 85.93 | 97.66 | | oven | 59.06 | 69.15 | | ball | 55.46 | 64.12 | | food | 50.66 | 66.01 | | step | 14.43 | 15.64 | | tank | 59.31 | 73.74 | | trade name | 23.9 | 27.04 | | microwave | 83.19 | 93.16 | | pot | 49.33 | 55.35 | | animal | 63.34 | 65.71 | | bicycle | 57.13 | 73.21 | | lake | 52.26 | 70.58 | | dishwasher | 60.78 | 70.0 | | screen | 47.31 | 65.76 | | blanket | 24.08 | 28.36 | | sculpture | 66.43 | 87.75 | | hood | 67.55 | 72.85 | | sconce | 54.31 | 65.79 | | vase | 40.27 | 53.25 | | traffic light | 35.89 | 50.81 | | tray | 12.64 | 15.1 | | ashcan | 42.36 | 50.92 | | fan | 64.44 | 75.99 | | pier | 34.87 | 45.29 | | crt screen | 7.63 | 13.73 | | plate | 56.09 | 70.7 | | monitor | 56.73 | 78.86 | | bulletin board | 41.12 | 52.51 | | shower | 1.42 | 3.63 | | radiator | 60.14 | 74.71 | | glass | 14.58 | 15.19 | | clock | 44.93 | 52.24 | | flag | 55.27 | 58.81 | +---------------------+-------+-------+ 2023-11-10 20:17:15,028 - mmseg - INFO - Summary: 2023-11-10 20:17:15,029 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.39 | 53.66 | 66.16 | +-------+-------+-------+ 2023-11-10 20:17:15,029 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:17:15,030 - mmseg - INFO - Iter(val) [250] aAcc: 0.8439, mIoU: 0.5366, mAcc: 0.6616, IoU.wall: 0.7890, IoU.building: 0.8426, IoU.sky: 0.9478, IoU.floor: 0.8212, IoU.tree: 0.7556, IoU.ceiling: 0.8471, IoU.road: 0.8512, IoU.bed : 0.9045, IoU.windowpane: 0.6301, IoU.grass: 0.6831, IoU.cabinet: 0.6079, IoU.sidewalk: 0.6727, IoU.person: 0.8234, IoU.earth: 0.3960, IoU.door: 0.4983, IoU.table: 0.6270, IoU.mountain: 0.6188, IoU.plant: 0.5453, IoU.curtain: 0.7280, IoU.chair: 0.6134, IoU.car: 0.8450, IoU.water: 0.6186, IoU.painting: 0.7185, IoU.sofa: 0.7158, IoU.shelf: 0.4103, IoU.house: 0.5738, IoU.sea: 0.6691, IoU.mirror: 0.7255, IoU.rug: 0.6113, IoU.field: 0.2992, IoU.armchair: 0.4883, IoU.seat: 0.6796, IoU.fence: 0.4632, IoU.desk: 0.5174, IoU.rock: 0.5441, IoU.wardrobe: 0.5726, IoU.lamp: 0.6878, IoU.bathtub: 0.8228, IoU.railing: 0.3417, IoU.cushion: 0.6262, IoU.base: 0.3033, IoU.box: 0.3149, IoU.column: 0.5027, IoU.signboard: 0.3667, IoU.chest of drawers: 0.4327, IoU.counter: 0.4856, IoU.sand: 0.5280, IoU.sink: 0.7248, IoU.skyscraper: 0.5023, IoU.fireplace: 0.7040, IoU.refrigerator: 0.7425, IoU.grandstand: 0.5990, IoU.path: 0.2432, IoU.stairs: 0.3757, IoU.runway: 0.7051, IoU.case: 0.5723, IoU.pool table: 0.9315, IoU.pillow: 0.6290, IoU.screen door: 0.6596, IoU.stairway: 0.3894, IoU.river: 0.1036, IoU.bridge: 0.5851, IoU.bookcase: 0.3896, IoU.blind: 0.3516, IoU.coffee table: 0.6244, IoU.toilet: 0.8549, IoU.flower: 0.4582, IoU.book: 0.5096, IoU.hill: 0.1074, IoU.bench: 0.5843, IoU.countertop: 0.6053, IoU.stove: 0.7813, IoU.palm: 0.5363, IoU.kitchen island: 0.4760, IoU.computer: 0.7363, IoU.swivel chair: 0.3732, IoU.boat: 0.6546, IoU.bar: 0.7410, IoU.arcade machine: 0.7905, IoU.hovel: 0.3805, IoU.bus: 0.8913, IoU.towel: 0.7068, IoU.light: 0.5532, IoU.truck: 0.3997, IoU.tower: 0.2962, IoU.chandelier: 0.6785, IoU.awning: 0.3467, IoU.streetlight: 0.2858, IoU.booth: 0.4483, IoU.television receiver: 0.7893, IoU.airplane: 0.6881, IoU.dirt track: 0.0094, IoU.apparel: 0.5753, IoU.pole: 0.2955, IoU.land: 0.0319, IoU.bannister: 0.0874, IoU.escalator: 0.5704, IoU.ottoman: 0.4644, IoU.bottle: 0.4027, IoU.buffet: 0.5224, IoU.poster: 0.2551, IoU.stage: 0.2176, IoU.van: 0.4138, IoU.ship: 0.7165, IoU.fountain: 0.4297, IoU.conveyer belt: 0.5981, IoU.canopy: 0.5226, IoU.washer: 0.8477, IoU.plaything: 0.2335, IoU.swimming pool: 0.5687, IoU.stool: 0.4807, IoU.barrel: 0.4739, IoU.basket: 0.3681, IoU.waterfall: 0.5389, IoU.tent: 0.9504, IoU.bag: 0.2074, IoU.minibike: 0.7106, IoU.cradle: 0.8593, IoU.oven: 0.5906, IoU.ball: 0.5546, IoU.food: 0.5066, IoU.step: 0.1443, IoU.tank: 0.5931, IoU.trade name: 0.2390, IoU.microwave: 0.8319, IoU.pot: 0.4933, IoU.animal: 0.6334, IoU.bicycle: 0.5713, IoU.lake: 0.5226, IoU.dishwasher: 0.6078, IoU.screen: 0.4731, IoU.blanket: 0.2408, IoU.sculpture: 0.6643, IoU.hood: 0.6755, IoU.sconce: 0.5431, IoU.vase: 0.4027, IoU.traffic light: 0.3589, IoU.tray: 0.1264, IoU.ashcan: 0.4236, IoU.fan: 0.6444, IoU.pier: 0.3487, IoU.crt screen: 0.0763, IoU.plate: 0.5609, IoU.monitor: 0.5673, IoU.bulletin board: 0.4112, IoU.shower: 0.0142, IoU.radiator: 0.6014, IoU.glass: 0.1458, IoU.clock: 0.4493, IoU.flag: 0.5527, Acc.wall: 0.8704, Acc.building: 0.9395, Acc.sky: 0.9763, Acc.floor: 0.8854, Acc.tree: 0.8805, Acc.ceiling: 0.9250, Acc.road: 0.9045, Acc.bed : 0.9703, Acc.windowpane: 0.8035, Acc.grass: 0.8534, Acc.cabinet: 0.7546, Acc.sidewalk: 0.8005, Acc.person: 0.9415, Acc.earth: 0.5117, Acc.door: 0.7013, Acc.table: 0.8024, Acc.mountain: 0.7386, Acc.plant: 0.6726, Acc.curtain: 0.8789, Acc.chair: 0.7693, Acc.car: 0.9444, Acc.water: 0.7379, Acc.painting: 0.8837, Acc.sofa: 0.8381, Acc.shelf: 0.5760, Acc.house: 0.7224, Acc.sea: 0.8088, Acc.mirror: 0.8351, Acc.rug: 0.7070, Acc.field: 0.4610, Acc.armchair: 0.7044, Acc.seat: 0.8737, Acc.fence: 0.5917, Acc.desk: 0.7286, Acc.rock: 0.8030, Acc.wardrobe: 0.7732, Acc.lamp: 0.8120, Acc.bathtub: 0.8626, Acc.railing: 0.4690, Acc.cushion: 0.7446, Acc.base: 0.4647, Acc.box: 0.3908, Acc.column: 0.5986, Acc.signboard: 0.4884, Acc.chest of drawers: 0.5901, Acc.counter: 0.5787, Acc.sand: 0.7885, Acc.sink: 0.7978, Acc.skyscraper: 0.6117, Acc.fireplace: 0.9169, Acc.refrigerator: 0.8881, Acc.grandstand: 0.7837, Acc.path: 0.4156, Acc.stairs: 0.4683, Acc.runway: 0.9244, Acc.case: 0.7596, Acc.pool table: 0.9791, Acc.pillow: 0.7509, Acc.screen door: 0.6996, Acc.stairway: 0.5376, Acc.river: 0.2310, Acc.bridge: 0.6573, Acc.bookcase: 0.6183, Acc.blind: 0.4212, Acc.coffee table: 0.8459, Acc.toilet: 0.9437, Acc.flower: 0.6293, Acc.book: 0.7416, Acc.hill: 0.2065, Acc.bench: 0.7086, Acc.countertop: 0.8022, Acc.stove: 0.8696, Acc.palm: 0.7934, Acc.kitchen island: 0.7042, Acc.computer: 0.8923, Acc.swivel chair: 0.4767, Acc.boat: 0.8481, Acc.bar: 0.8814, Acc.arcade machine: 0.8445, Acc.hovel: 0.4401, Acc.bus: 0.9631, Acc.towel: 0.7872, Acc.light: 0.6586, Acc.truck: 0.4979, Acc.tower: 0.4702, Acc.chandelier: 0.7638, Acc.awning: 0.4326, Acc.streetlight: 0.3328, Acc.booth: 0.5238, Acc.television receiver: 0.8753, Acc.airplane: 0.7822, Acc.dirt track: 0.0235, Acc.apparel: 0.7753, Acc.pole: 0.3989, Acc.land: 0.0673, Acc.bannister: 0.1130, Acc.escalator: 0.7915, Acc.ottoman: 0.5910, Acc.bottle: 0.6774, Acc.buffet: 0.6276, Acc.poster: 0.3098, Acc.stage: 0.3955, Acc.van: 0.5702, Acc.ship: 0.8503, Acc.fountain: 0.4387, Acc.conveyer belt: 0.9707, Acc.canopy: 0.7383, Acc.washer: 0.9196, Acc.plaything: 0.4346, Acc.swimming pool: 0.8216, Acc.stool: 0.5997, Acc.barrel: 0.6421, Acc.basket: 0.4625, Acc.waterfall: 0.6233, Acc.tent: 0.9814, Acc.bag: 0.2344, Acc.minibike: 0.9100, Acc.cradle: 0.9766, Acc.oven: 0.6915, Acc.ball: 0.6412, Acc.food: 0.6601, Acc.step: 0.1564, Acc.tank: 0.7374, Acc.trade name: 0.2704, Acc.microwave: 0.9316, Acc.pot: 0.5535, Acc.animal: 0.6571, Acc.bicycle: 0.7321, Acc.lake: 0.7058, Acc.dishwasher: 0.7000, Acc.screen: 0.6576, Acc.blanket: 0.2836, Acc.sculpture: 0.8775, Acc.hood: 0.7285, Acc.sconce: 0.6579, Acc.vase: 0.5325, Acc.traffic light: 0.5081, Acc.tray: 0.1510, Acc.ashcan: 0.5092, Acc.fan: 0.7599, Acc.pier: 0.4529, Acc.crt screen: 0.1373, Acc.plate: 0.7070, Acc.monitor: 0.7886, Acc.bulletin board: 0.5251, Acc.shower: 0.0363, Acc.radiator: 0.7471, Acc.glass: 0.1519, Acc.clock: 0.5224, Acc.flag: 0.5881 2023-11-10 20:17:49,847 - mmseg - INFO - Iter [41050/80000] lr: 1.948e-05, eta: 8:46:27, time: 2.304, data_time: 1.615, memory: 60073, decode.loss_ce: 0.1867, decode.acc_seg: 92.0524, aux.loss_ce: 0.3089, aux.acc_seg: 72.5104, loss: 0.4956 2023-11-10 20:18:24,606 - mmseg - INFO - Iter [41100/80000] lr: 1.945e-05, eta: 8:45:41, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1787, decode.acc_seg: 92.3336, aux.loss_ce: 0.2973, aux.acc_seg: 73.6520, loss: 0.4761 2023-11-10 20:18:59,334 - mmseg - INFO - Iter [41150/80000] lr: 1.943e-05, eta: 8:44:55, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1751, decode.acc_seg: 92.5330, aux.loss_ce: 0.3002, aux.acc_seg: 73.8351, loss: 0.4753 2023-11-10 20:19:34,068 - mmseg - INFO - Iter [41200/80000] lr: 1.940e-05, eta: 8:44:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1775, decode.acc_seg: 92.3318, aux.loss_ce: 0.3182, aux.acc_seg: 72.2651, loss: 0.4958 2023-11-10 20:20:08,797 - mmseg - INFO - Iter [41250/80000] lr: 1.938e-05, eta: 8:43:23, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1811, decode.acc_seg: 92.2177, aux.loss_ce: 0.2883, aux.acc_seg: 74.4262, loss: 0.4694 2023-11-10 20:20:43,532 - mmseg - INFO - Iter [41300/80000] lr: 1.935e-05, eta: 8:42:37, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1814, decode.acc_seg: 92.2634, aux.loss_ce: 0.3042, aux.acc_seg: 72.8765, loss: 0.4856 2023-11-10 20:21:18,298 - mmseg - INFO - Iter [41350/80000] lr: 1.933e-05, eta: 8:41:51, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1792, decode.acc_seg: 92.1646, aux.loss_ce: 0.2913, aux.acc_seg: 73.7918, loss: 0.4706 2023-11-10 20:21:53,003 - mmseg - INFO - Iter [41400/80000] lr: 1.930e-05, eta: 8:41:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1748, decode.acc_seg: 92.4735, aux.loss_ce: 0.2993, aux.acc_seg: 73.5051, loss: 0.4741 2023-11-10 20:22:27,714 - mmseg - INFO - Iter [41450/80000] lr: 1.928e-05, eta: 8:40:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1764, decode.acc_seg: 92.2101, aux.loss_ce: 0.2932, aux.acc_seg: 72.7217, loss: 0.4696 2023-11-10 20:23:02,426 - mmseg - INFO - Iter [41500/80000] lr: 1.925e-05, eta: 8:39:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1788, decode.acc_seg: 92.3180, aux.loss_ce: 0.3141, aux.acc_seg: 72.5402, loss: 0.4929 2023-11-10 20:23:37,166 - mmseg - INFO - Iter [41550/80000] lr: 1.923e-05, eta: 8:38:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1730, decode.acc_seg: 92.2853, aux.loss_ce: 0.2967, aux.acc_seg: 72.8764, loss: 0.4697 2023-11-10 20:24:11,887 - mmseg - INFO - Iter [41600/80000] lr: 1.920e-05, eta: 8:38:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1796, decode.acc_seg: 92.3750, aux.loss_ce: 0.3064, aux.acc_seg: 72.5941, loss: 0.4860 2023-11-10 20:24:46,636 - mmseg - INFO - Iter [41650/80000] lr: 1.918e-05, eta: 8:37:16, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1721, decode.acc_seg: 92.3866, aux.loss_ce: 0.2893, aux.acc_seg: 73.8400, loss: 0.4614 2023-11-10 20:25:23,617 - mmseg - INFO - Iter [41700/80000] lr: 1.915e-05, eta: 8:36:33, time: 0.740, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1737, decode.acc_seg: 92.3972, aux.loss_ce: 0.3004, aux.acc_seg: 73.1535, loss: 0.4740 2023-11-10 20:25:58,314 - mmseg - INFO - Iter [41750/80000] lr: 1.913e-05, eta: 8:35:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1798, decode.acc_seg: 92.2856, aux.loss_ce: 0.2880, aux.acc_seg: 73.7692, loss: 0.4678 2023-11-10 20:26:33,023 - mmseg - INFO - Iter [41800/80000] lr: 1.910e-05, eta: 8:35:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1697, decode.acc_seg: 92.5840, aux.loss_ce: 0.2930, aux.acc_seg: 73.4296, loss: 0.4627 2023-11-10 20:27:07,733 - mmseg - INFO - Iter [41850/80000] lr: 1.908e-05, eta: 8:34:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1583, decode.acc_seg: 93.0360, aux.loss_ce: 0.2873, aux.acc_seg: 74.0385, loss: 0.4456 2023-11-10 20:27:42,450 - mmseg - INFO - Iter [41900/80000] lr: 1.905e-05, eta: 8:33:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1716, decode.acc_seg: 92.3518, aux.loss_ce: 0.3019, aux.acc_seg: 72.7529, loss: 0.4735 2023-11-10 20:28:17,174 - mmseg - INFO - Iter [41950/80000] lr: 1.903e-05, eta: 8:32:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1711, decode.acc_seg: 92.5795, aux.loss_ce: 0.2960, aux.acc_seg: 73.1791, loss: 0.4672 2023-11-10 20:28:51,909 - mmseg - INFO - Saving checkpoint at 42000 iterations 2023-11-10 20:29:20,653 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:29:20,653 - mmseg - INFO - Iter [42000/80000] lr: 1.900e-05, eta: 8:32:25, time: 1.270, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1738, decode.acc_seg: 92.6256, aux.loss_ce: 0.2870, aux.acc_seg: 74.8759, loss: 0.4608 2023-11-10 20:30:41,364 - mmseg - INFO - per class results: 2023-11-10 20:30:41,369 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.8 | 91.03 | | building | 84.25 | 93.55 | | sky | 94.81 | 97.58 | | floor | 82.36 | 90.55 | | tree | 75.62 | 88.62 | | ceiling | 83.53 | 90.84 | | road | 85.21 | 91.46 | | bed | 90.88 | 96.54 | | windowpane | 62.72 | 74.91 | | grass | 71.7 | 88.64 | | cabinet | 61.41 | 74.42 | | sidewalk | 66.52 | 79.18 | | person | 83.31 | 93.17 | | earth | 38.4 | 50.94 | | door | 50.62 | 64.66 | | table | 63.3 | 73.78 | | mountain | 60.87 | 73.56 | | plant | 52.58 | 64.07 | | curtain | 72.69 | 81.38 | | chair | 60.18 | 74.71 | | car | 85.48 | 92.74 | | water | 61.12 | 74.76 | | painting | 75.29 | 87.74 | | sofa | 71.43 | 81.67 | | shelf | 43.65 | 58.57 | | house | 55.65 | 75.81 | | sea | 67.89 | 83.27 | | mirror | 72.12 | 81.6 | | rug | 59.3 | 69.67 | | field | 30.22 | 39.95 | | armchair | 49.33 | 69.41 | | seat | 64.03 | 87.63 | | fence | 44.98 | 61.81 | | desk | 54.08 | 77.83 | | rock | 54.77 | 72.94 | | wardrobe | 57.38 | 76.44 | | lamp | 68.63 | 78.95 | | bathtub | 81.32 | 86.25 | | railing | 33.03 | 44.81 | | cushion | 63.84 | 79.17 | | base | 27.15 | 39.94 | | box | 31.34 | 37.06 | | column | 50.85 | 57.24 | | signboard | 34.33 | 43.69 | | chest of drawers | 44.87 | 60.25 | | counter | 39.67 | 43.83 | | sand | 53.09 | 76.91 | | sink | 74.39 | 81.17 | | skyscraper | 49.94 | 59.55 | | fireplace | 73.19 | 87.98 | | refrigerator | 76.97 | 88.61 | | grandstand | 53.75 | 78.31 | | path | 26.73 | 39.22 | | stairs | 40.22 | 47.66 | | runway | 72.25 | 93.93 | | case | 60.37 | 79.98 | | pool table | 93.97 | 96.82 | | pillow | 63.49 | 73.02 | | screen door | 67.99 | 73.63 | | stairway | 42.48 | 56.57 | | river | 13.67 | 31.39 | | bridge | 50.58 | 59.39 | | bookcase | 43.55 | 60.13 | | blind | 30.7 | 34.51 | | coffee table | 61.88 | 85.17 | | toilet | 86.66 | 91.43 | | flower | 46.53 | 59.56 | | book | 52.7 | 72.25 | | hill | 12.2 | 23.15 | | bench | 53.22 | 64.95 | | countertop | 62.14 | 77.96 | | stove | 78.34 | 84.86 | | palm | 53.29 | 72.53 | | kitchen island | 41.13 | 55.0 | | computer | 68.05 | 77.04 | | swivel chair | 39.19 | 59.93 | | boat | 69.57 | 83.26 | | bar | 76.5 | 85.63 | | arcade machine | 76.86 | 82.3 | | hovel | 47.0 | 58.81 | | bus | 91.23 | 94.9 | | towel | 71.88 | 79.79 | | light | 54.09 | 60.75 | | truck | 40.31 | 46.96 | | tower | 11.64 | 14.9 | | chandelier | 65.53 | 72.34 | | awning | 34.94 | 44.81 | | streetlight | 27.54 | 33.63 | | booth | 43.12 | 51.1 | | television receiver | 80.56 | 87.19 | | airplane | 68.44 | 77.74 | | dirt track | 1.26 | 2.32 | | apparel | 60.13 | 66.88 | | pole | 24.43 | 30.91 | | land | 1.91 | 3.59 | | bannister | 12.19 | 17.27 | | escalator | 57.67 | 82.65 | | ottoman | 44.15 | 56.11 | | bottle | 41.24 | 70.37 | | buffet | 50.63 | 56.44 | | poster | 24.58 | 32.32 | | stage | 26.61 | 54.89 | | van | 43.15 | 53.62 | | ship | 71.65 | 79.58 | | fountain | 39.6 | 40.74 | | conveyer belt | 68.33 | 94.34 | | canopy | 48.31 | 68.55 | | washer | 84.57 | 91.56 | | plaything | 26.63 | 41.08 | | swimming pool | 61.01 | 90.41 | | stool | 48.45 | 61.02 | | barrel | 47.83 | 52.13 | | basket | 36.56 | 45.34 | | waterfall | 54.51 | 69.1 | | tent | 94.69 | 98.32 | | bag | 22.53 | 25.09 | | minibike | 73.47 | 86.76 | | cradle | 86.36 | 98.02 | | oven | 65.97 | 79.65 | | ball | 51.47 | 58.45 | | food | 50.65 | 63.6 | | step | 15.27 | 16.93 | | tank | 58.23 | 67.85 | | trade name | 23.89 | 26.19 | | microwave | 85.34 | 92.34 | | pot | 48.85 | 55.27 | | animal | 60.71 | 62.61 | | bicycle | 55.03 | 69.73 | | lake | 54.11 | 69.95 | | dishwasher | 60.06 | 70.8 | | screen | 48.5 | 61.16 | | blanket | 28.06 | 33.12 | | sculpture | 75.7 | 84.72 | | hood | 66.48 | 70.94 | | sconce | 51.65 | 59.02 | | vase | 39.51 | 49.03 | | traffic light | 34.72 | 44.8 | | tray | 14.29 | 18.28 | | ashcan | 44.62 | 51.57 | | fan | 63.34 | 71.85 | | pier | 36.36 | 45.77 | | crt screen | 9.92 | 21.57 | | plate | 57.61 | 73.53 | | monitor | 60.33 | 77.85 | | bulletin board | 42.27 | 57.0 | | shower | 2.14 | 3.16 | | radiator | 61.47 | 69.51 | | glass | 18.55 | 20.3 | | clock | 40.06 | 42.75 | | flag | 54.31 | 56.38 | +---------------------+-------+-------+ 2023-11-10 20:30:41,370 - mmseg - INFO - Summary: 2023-11-10 20:30:41,370 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.54 | 53.84 | 64.86 | +-------+-------+-------+ 2023-11-10 20:30:41,370 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:30:41,371 - mmseg - INFO - Iter(val) [250] aAcc: 0.8454, mIoU: 0.5384, mAcc: 0.6486, IoU.wall: 0.7880, IoU.building: 0.8425, IoU.sky: 0.9481, IoU.floor: 0.8236, IoU.tree: 0.7562, IoU.ceiling: 0.8353, IoU.road: 0.8521, IoU.bed : 0.9088, IoU.windowpane: 0.6272, IoU.grass: 0.7170, IoU.cabinet: 0.6141, IoU.sidewalk: 0.6652, IoU.person: 0.8331, IoU.earth: 0.3840, IoU.door: 0.5062, IoU.table: 0.6330, IoU.mountain: 0.6087, IoU.plant: 0.5258, IoU.curtain: 0.7269, IoU.chair: 0.6018, IoU.car: 0.8548, IoU.water: 0.6112, IoU.painting: 0.7529, IoU.sofa: 0.7143, IoU.shelf: 0.4365, IoU.house: 0.5565, IoU.sea: 0.6789, IoU.mirror: 0.7212, IoU.rug: 0.5930, IoU.field: 0.3022, IoU.armchair: 0.4933, IoU.seat: 0.6403, IoU.fence: 0.4498, IoU.desk: 0.5408, IoU.rock: 0.5477, IoU.wardrobe: 0.5738, IoU.lamp: 0.6863, IoU.bathtub: 0.8132, IoU.railing: 0.3303, IoU.cushion: 0.6384, IoU.base: 0.2715, IoU.box: 0.3134, IoU.column: 0.5085, IoU.signboard: 0.3433, IoU.chest of drawers: 0.4487, IoU.counter: 0.3967, IoU.sand: 0.5309, IoU.sink: 0.7439, IoU.skyscraper: 0.4994, IoU.fireplace: 0.7319, IoU.refrigerator: 0.7697, IoU.grandstand: 0.5375, IoU.path: 0.2673, IoU.stairs: 0.4022, IoU.runway: 0.7225, IoU.case: 0.6037, IoU.pool table: 0.9397, IoU.pillow: 0.6349, IoU.screen door: 0.6799, IoU.stairway: 0.4248, IoU.river: 0.1367, IoU.bridge: 0.5058, IoU.bookcase: 0.4355, IoU.blind: 0.3070, IoU.coffee table: 0.6188, IoU.toilet: 0.8666, IoU.flower: 0.4653, IoU.book: 0.5270, IoU.hill: 0.1220, IoU.bench: 0.5322, IoU.countertop: 0.6214, IoU.stove: 0.7834, IoU.palm: 0.5329, IoU.kitchen island: 0.4113, IoU.computer: 0.6805, IoU.swivel chair: 0.3919, IoU.boat: 0.6957, IoU.bar: 0.7650, IoU.arcade machine: 0.7686, IoU.hovel: 0.4700, IoU.bus: 0.9123, IoU.towel: 0.7188, IoU.light: 0.5409, IoU.truck: 0.4031, IoU.tower: 0.1164, IoU.chandelier: 0.6553, IoU.awning: 0.3494, IoU.streetlight: 0.2754, IoU.booth: 0.4312, IoU.television receiver: 0.8056, IoU.airplane: 0.6844, IoU.dirt track: 0.0126, IoU.apparel: 0.6013, IoU.pole: 0.2443, IoU.land: 0.0191, IoU.bannister: 0.1219, IoU.escalator: 0.5767, IoU.ottoman: 0.4415, IoU.bottle: 0.4124, IoU.buffet: 0.5063, IoU.poster: 0.2458, IoU.stage: 0.2661, IoU.van: 0.4315, IoU.ship: 0.7165, IoU.fountain: 0.3960, IoU.conveyer belt: 0.6833, IoU.canopy: 0.4831, IoU.washer: 0.8457, IoU.plaything: 0.2663, IoU.swimming pool: 0.6101, IoU.stool: 0.4845, IoU.barrel: 0.4783, IoU.basket: 0.3656, IoU.waterfall: 0.5451, IoU.tent: 0.9469, IoU.bag: 0.2253, IoU.minibike: 0.7347, IoU.cradle: 0.8636, IoU.oven: 0.6597, IoU.ball: 0.5147, IoU.food: 0.5065, IoU.step: 0.1527, IoU.tank: 0.5823, IoU.trade name: 0.2389, IoU.microwave: 0.8534, IoU.pot: 0.4885, IoU.animal: 0.6071, IoU.bicycle: 0.5503, IoU.lake: 0.5411, IoU.dishwasher: 0.6006, IoU.screen: 0.4850, IoU.blanket: 0.2806, IoU.sculpture: 0.7570, IoU.hood: 0.6648, IoU.sconce: 0.5165, IoU.vase: 0.3951, IoU.traffic light: 0.3472, IoU.tray: 0.1429, IoU.ashcan: 0.4462, IoU.fan: 0.6334, IoU.pier: 0.3636, IoU.crt screen: 0.0992, IoU.plate: 0.5761, IoU.monitor: 0.6033, IoU.bulletin board: 0.4227, IoU.shower: 0.0214, IoU.radiator: 0.6147, IoU.glass: 0.1855, IoU.clock: 0.4006, IoU.flag: 0.5431, Acc.wall: 0.9103, Acc.building: 0.9355, Acc.sky: 0.9758, Acc.floor: 0.9055, Acc.tree: 0.8862, Acc.ceiling: 0.9084, Acc.road: 0.9146, Acc.bed : 0.9654, Acc.windowpane: 0.7491, Acc.grass: 0.8864, Acc.cabinet: 0.7442, Acc.sidewalk: 0.7918, Acc.person: 0.9317, Acc.earth: 0.5094, Acc.door: 0.6466, Acc.table: 0.7378, Acc.mountain: 0.7356, Acc.plant: 0.6407, Acc.curtain: 0.8138, Acc.chair: 0.7471, Acc.car: 0.9274, Acc.water: 0.7476, Acc.painting: 0.8774, Acc.sofa: 0.8167, Acc.shelf: 0.5857, Acc.house: 0.7581, Acc.sea: 0.8327, Acc.mirror: 0.8160, Acc.rug: 0.6967, Acc.field: 0.3995, Acc.armchair: 0.6941, Acc.seat: 0.8763, Acc.fence: 0.6181, Acc.desk: 0.7783, Acc.rock: 0.7294, Acc.wardrobe: 0.7644, Acc.lamp: 0.7895, Acc.bathtub: 0.8625, Acc.railing: 0.4481, Acc.cushion: 0.7917, Acc.base: 0.3994, Acc.box: 0.3706, Acc.column: 0.5724, Acc.signboard: 0.4369, Acc.chest of drawers: 0.6025, Acc.counter: 0.4383, Acc.sand: 0.7691, Acc.sink: 0.8117, Acc.skyscraper: 0.5955, Acc.fireplace: 0.8798, Acc.refrigerator: 0.8861, Acc.grandstand: 0.7831, Acc.path: 0.3922, Acc.stairs: 0.4766, Acc.runway: 0.9393, Acc.case: 0.7998, Acc.pool table: 0.9682, Acc.pillow: 0.7302, Acc.screen door: 0.7363, Acc.stairway: 0.5657, Acc.river: 0.3139, Acc.bridge: 0.5939, Acc.bookcase: 0.6013, Acc.blind: 0.3451, Acc.coffee table: 0.8517, Acc.toilet: 0.9143, Acc.flower: 0.5956, Acc.book: 0.7225, Acc.hill: 0.2315, Acc.bench: 0.6495, Acc.countertop: 0.7796, Acc.stove: 0.8486, Acc.palm: 0.7253, Acc.kitchen island: 0.5500, Acc.computer: 0.7704, Acc.swivel chair: 0.5993, Acc.boat: 0.8326, Acc.bar: 0.8563, Acc.arcade machine: 0.8230, Acc.hovel: 0.5881, Acc.bus: 0.9490, Acc.towel: 0.7979, Acc.light: 0.6075, Acc.truck: 0.4696, Acc.tower: 0.1490, Acc.chandelier: 0.7234, Acc.awning: 0.4481, Acc.streetlight: 0.3363, Acc.booth: 0.5110, Acc.television receiver: 0.8719, Acc.airplane: 0.7774, Acc.dirt track: 0.0232, Acc.apparel: 0.6688, Acc.pole: 0.3091, Acc.land: 0.0359, Acc.bannister: 0.1727, Acc.escalator: 0.8265, Acc.ottoman: 0.5611, Acc.bottle: 0.7037, Acc.buffet: 0.5644, Acc.poster: 0.3232, Acc.stage: 0.5489, Acc.van: 0.5362, Acc.ship: 0.7958, Acc.fountain: 0.4074, Acc.conveyer belt: 0.9434, Acc.canopy: 0.6855, Acc.washer: 0.9156, Acc.plaything: 0.4108, Acc.swimming pool: 0.9041, Acc.stool: 0.6102, Acc.barrel: 0.5213, Acc.basket: 0.4534, Acc.waterfall: 0.6910, Acc.tent: 0.9832, Acc.bag: 0.2509, Acc.minibike: 0.8676, Acc.cradle: 0.9802, Acc.oven: 0.7965, Acc.ball: 0.5845, Acc.food: 0.6360, Acc.step: 0.1693, Acc.tank: 0.6785, Acc.trade name: 0.2619, Acc.microwave: 0.9234, Acc.pot: 0.5527, Acc.animal: 0.6261, Acc.bicycle: 0.6973, Acc.lake: 0.6995, Acc.dishwasher: 0.7080, Acc.screen: 0.6116, Acc.blanket: 0.3312, Acc.sculpture: 0.8472, Acc.hood: 0.7094, Acc.sconce: 0.5902, Acc.vase: 0.4903, Acc.traffic light: 0.4480, Acc.tray: 0.1828, Acc.ashcan: 0.5157, Acc.fan: 0.7185, Acc.pier: 0.4577, Acc.crt screen: 0.2157, Acc.plate: 0.7353, Acc.monitor: 0.7785, Acc.bulletin board: 0.5700, Acc.shower: 0.0316, Acc.radiator: 0.6951, Acc.glass: 0.2030, Acc.clock: 0.4275, Acc.flag: 0.5638 2023-11-10 20:31:16,161 - mmseg - INFO - Iter [42050/80000] lr: 1.898e-05, eta: 8:32:52, time: 2.310, data_time: 1.622, memory: 60073, decode.loss_ce: 0.1759, decode.acc_seg: 92.2361, aux.loss_ce: 0.2960, aux.acc_seg: 73.2164, loss: 0.4719 2023-11-10 20:31:50,883 - mmseg - INFO - Iter [42100/80000] lr: 1.895e-05, eta: 8:32:06, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1812, decode.acc_seg: 92.2034, aux.loss_ce: 0.2804, aux.acc_seg: 74.7254, loss: 0.4616 2023-11-10 20:32:25,631 - mmseg - INFO - Iter [42150/80000] lr: 1.893e-05, eta: 8:31:21, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1753, decode.acc_seg: 92.5192, aux.loss_ce: 0.2922, aux.acc_seg: 74.2197, loss: 0.4676 2023-11-10 20:33:00,378 - mmseg - INFO - Iter [42200/80000] lr: 1.890e-05, eta: 8:30:35, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1762, decode.acc_seg: 92.4556, aux.loss_ce: 0.2997, aux.acc_seg: 73.4231, loss: 0.4759 2023-11-10 20:33:35,119 - mmseg - INFO - Iter [42250/80000] lr: 1.888e-05, eta: 8:29:49, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1686, decode.acc_seg: 92.7319, aux.loss_ce: 0.2949, aux.acc_seg: 73.3020, loss: 0.4634 2023-11-10 20:34:09,851 - mmseg - INFO - Iter [42300/80000] lr: 1.885e-05, eta: 8:29:03, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1768, decode.acc_seg: 92.3685, aux.loss_ce: 0.2956, aux.acc_seg: 73.5854, loss: 0.4725 2023-11-10 20:34:44,590 - mmseg - INFO - Iter [42350/80000] lr: 1.883e-05, eta: 8:28:18, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1801, decode.acc_seg: 92.1628, aux.loss_ce: 0.2876, aux.acc_seg: 74.7772, loss: 0.4676 2023-11-10 20:35:19,326 - mmseg - INFO - Iter [42400/80000] lr: 1.880e-05, eta: 8:27:32, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1672, decode.acc_seg: 92.6794, aux.loss_ce: 0.2955, aux.acc_seg: 73.4065, loss: 0.4628 2023-11-10 20:35:54,047 - mmseg - INFO - Iter [42450/80000] lr: 1.878e-05, eta: 8:26:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1749, decode.acc_seg: 92.5182, aux.loss_ce: 0.2816, aux.acc_seg: 74.3969, loss: 0.4564 2023-11-10 20:36:28,758 - mmseg - INFO - Iter [42500/80000] lr: 1.875e-05, eta: 8:26:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1795, decode.acc_seg: 92.2116, aux.loss_ce: 0.3055, aux.acc_seg: 72.8466, loss: 0.4850 2023-11-10 20:37:03,505 - mmseg - INFO - Iter [42550/80000] lr: 1.873e-05, eta: 8:25:15, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1779, decode.acc_seg: 92.2433, aux.loss_ce: 0.2944, aux.acc_seg: 72.8522, loss: 0.4722 2023-11-10 20:37:38,234 - mmseg - INFO - Iter [42600/80000] lr: 1.870e-05, eta: 8:24:30, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1749, decode.acc_seg: 92.3995, aux.loss_ce: 0.3029, aux.acc_seg: 72.6342, loss: 0.4778 2023-11-10 20:38:12,969 - mmseg - INFO - Iter [42650/80000] lr: 1.868e-05, eta: 8:23:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1870, decode.acc_seg: 91.8397, aux.loss_ce: 0.3042, aux.acc_seg: 72.7855, loss: 0.4912 2023-11-10 20:38:47,701 - mmseg - INFO - Iter [42700/80000] lr: 1.865e-05, eta: 8:22:59, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1755, decode.acc_seg: 92.5091, aux.loss_ce: 0.3049, aux.acc_seg: 72.8911, loss: 0.4804 2023-11-10 20:39:22,459 - mmseg - INFO - Iter [42750/80000] lr: 1.863e-05, eta: 8:22:14, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1677, decode.acc_seg: 92.7537, aux.loss_ce: 0.2828, aux.acc_seg: 74.5043, loss: 0.4505 2023-11-10 20:39:57,183 - mmseg - INFO - Iter [42800/80000] lr: 1.860e-05, eta: 8:21:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1764, decode.acc_seg: 92.4415, aux.loss_ce: 0.3048, aux.acc_seg: 73.3687, loss: 0.4812 2023-11-10 20:40:31,899 - mmseg - INFO - Iter [42850/80000] lr: 1.858e-05, eta: 8:20:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1806, decode.acc_seg: 92.2626, aux.loss_ce: 0.3029, aux.acc_seg: 73.4425, loss: 0.4834 2023-11-10 20:41:06,608 - mmseg - INFO - Iter [42900/80000] lr: 1.855e-05, eta: 8:19:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1672, decode.acc_seg: 92.8510, aux.loss_ce: 0.2893, aux.acc_seg: 73.8266, loss: 0.4566 2023-11-10 20:41:43,686 - mmseg - INFO - Iter [42950/80000] lr: 1.853e-05, eta: 8:19:14, time: 0.742, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1738, decode.acc_seg: 92.5304, aux.loss_ce: 0.3058, aux.acc_seg: 72.6277, loss: 0.4795 2023-11-10 20:42:18,433 - mmseg - INFO - Saving checkpoint at 43000 iterations 2023-11-10 20:42:48,909 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:42:48,909 - mmseg - INFO - Iter [43000/80000] lr: 1.850e-05, eta: 8:18:55, time: 1.304, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1701, decode.acc_seg: 92.7446, aux.loss_ce: 0.2915, aux.acc_seg: 74.1486, loss: 0.4616 2023-11-10 20:44:09,311 - mmseg - INFO - per class results: 2023-11-10 20:44:09,317 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.07 | 89.08 | | building | 84.57 | 93.53 | | sky | 94.7 | 97.47 | | floor | 82.74 | 91.29 | | tree | 74.97 | 87.89 | | ceiling | 84.19 | 93.74 | | road | 84.82 | 90.62 | | bed | 91.18 | 96.98 | | windowpane | 63.69 | 80.58 | | grass | 70.43 | 87.09 | | cabinet | 60.87 | 77.72 | | sidewalk | 67.01 | 82.57 | | person | 82.6 | 94.08 | | earth | 39.25 | 52.14 | | door | 49.02 | 59.2 | | table | 63.05 | 74.01 | | mountain | 60.58 | 75.56 | | plant | 53.55 | 65.8 | | curtain | 74.02 | 84.98 | | chair | 62.18 | 76.8 | | car | 85.63 | 93.5 | | water | 60.55 | 74.23 | | painting | 73.65 | 87.97 | | sofa | 71.32 | 85.24 | | shelf | 43.21 | 59.59 | | house | 59.69 | 71.68 | | sea | 66.84 | 81.85 | | mirror | 73.03 | 85.38 | | rug | 63.55 | 74.93 | | field | 27.91 | 36.76 | | armchair | 48.32 | 63.28 | | seat | 66.18 | 84.95 | | fence | 42.72 | 54.26 | | desk | 53.84 | 72.95 | | rock | 50.56 | 74.18 | | wardrobe | 55.98 | 73.3 | | lamp | 68.6 | 77.92 | | bathtub | 81.04 | 84.87 | | railing | 28.14 | 35.24 | | cushion | 64.2 | 77.62 | | base | 33.29 | 49.01 | | box | 34.02 | 43.59 | | column | 51.83 | 58.66 | | signboard | 36.88 | 45.62 | | chest of drawers | 39.43 | 52.91 | | counter | 47.18 | 54.48 | | sand | 52.76 | 76.21 | | sink | 74.41 | 81.55 | | skyscraper | 46.28 | 54.43 | | fireplace | 73.38 | 87.56 | | refrigerator | 74.88 | 83.61 | | grandstand | 56.41 | 72.08 | | path | 25.35 | 40.28 | | stairs | 40.82 | 48.74 | | runway | 70.94 | 92.22 | | case | 56.16 | 68.03 | | pool table | 94.1 | 97.34 | | pillow | 61.65 | 70.48 | | screen door | 58.07 | 64.75 | | stairway | 39.06 | 46.04 | | river | 11.89 | 25.81 | | bridge | 65.5 | 79.32 | | bookcase | 41.42 | 58.1 | | blind | 30.25 | 34.16 | | coffee table | 63.53 | 82.17 | | toilet | 84.93 | 92.54 | | flower | 46.84 | 67.05 | | book | 53.58 | 77.01 | | hill | 11.76 | 21.51 | | bench | 54.91 | 65.39 | | countertop | 61.5 | 79.96 | | stove | 78.23 | 87.39 | | palm | 53.98 | 79.95 | | kitchen island | 45.67 | 64.78 | | computer | 62.23 | 69.86 | | swivel chair | 42.26 | 58.53 | | boat | 68.42 | 84.75 | | bar | 76.21 | 90.85 | | arcade machine | 78.01 | 84.77 | | hovel | 45.66 | 54.05 | | bus | 90.84 | 95.86 | | towel | 72.8 | 83.07 | | light | 50.28 | 54.99 | | truck | 40.91 | 48.48 | | tower | 31.5 | 65.56 | | chandelier | 69.95 | 81.84 | | awning | 34.69 | 44.4 | | streetlight | 28.18 | 33.29 | | booth | 38.08 | 45.58 | | television receiver | 80.85 | 87.77 | | airplane | 62.26 | 70.44 | | dirt track | 7.85 | 20.05 | | apparel | 65.99 | 77.1 | | pole | 24.92 | 33.12 | | land | 2.11 | 3.15 | | bannister | 11.28 | 16.49 | | escalator | 58.84 | 79.12 | | ottoman | 47.54 | 59.08 | | bottle | 41.98 | 68.31 | | buffet | 52.74 | 63.81 | | poster | 25.18 | 31.47 | | stage | 19.03 | 32.02 | | van | 47.18 | 61.75 | | ship | 73.14 | 83.68 | | fountain | 36.24 | 37.01 | | conveyer belt | 72.68 | 94.26 | | canopy | 56.06 | 77.19 | | washer | 84.15 | 92.1 | | plaything | 26.43 | 39.2 | | swimming pool | 57.31 | 81.97 | | stool | 47.69 | 56.51 | | barrel | 51.67 | 55.43 | | basket | 36.78 | 47.87 | | waterfall | 57.18 | 75.87 | | tent | 95.36 | 98.39 | | bag | 19.13 | 20.67 | | minibike | 73.06 | 85.77 | | cradle | 83.16 | 98.36 | | oven | 61.84 | 72.3 | | ball | 49.9 | 54.5 | | food | 57.2 | 74.24 | | step | 16.26 | 19.6 | | tank | 59.48 | 71.56 | | trade name | 23.68 | 27.32 | | microwave | 85.33 | 92.81 | | pot | 46.99 | 52.38 | | animal | 60.96 | 62.9 | | bicycle | 53.14 | 65.66 | | lake | 53.03 | 67.17 | | dishwasher | 56.42 | 69.46 | | screen | 47.73 | 68.62 | | blanket | 22.6 | 25.56 | | sculpture | 68.85 | 86.15 | | hood | 69.13 | 76.03 | | sconce | 51.71 | 60.84 | | vase | 42.22 | 54.06 | | traffic light | 34.42 | 48.65 | | tray | 13.91 | 16.97 | | ashcan | 45.28 | 52.08 | | fan | 64.55 | 73.32 | | pier | 33.6 | 43.93 | | crt screen | 4.72 | 7.76 | | plate | 56.96 | 70.46 | | monitor | 49.67 | 79.42 | | bulletin board | 39.74 | 48.69 | | shower | 1.93 | 14.1 | | radiator | 61.11 | 73.06 | | glass | 14.94 | 15.67 | | clock | 42.18 | 46.81 | | flag | 53.0 | 55.56 | +---------------------+-------+-------+ 2023-11-10 20:44:09,317 - mmseg - INFO - Summary: 2023-11-10 20:44:09,317 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 84.58 | 53.79 | 65.3 | +-------+-------+------+ 2023-11-10 20:44:09,318 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:44:09,318 - mmseg - INFO - Iter(val) [250] aAcc: 0.8458, mIoU: 0.5379, mAcc: 0.6530, IoU.wall: 0.7907, IoU.building: 0.8457, IoU.sky: 0.9470, IoU.floor: 0.8274, IoU.tree: 0.7497, IoU.ceiling: 0.8419, IoU.road: 0.8482, IoU.bed : 0.9118, IoU.windowpane: 0.6369, IoU.grass: 0.7043, IoU.cabinet: 0.6087, IoU.sidewalk: 0.6701, IoU.person: 0.8260, IoU.earth: 0.3925, IoU.door: 0.4902, IoU.table: 0.6305, IoU.mountain: 0.6058, IoU.plant: 0.5355, IoU.curtain: 0.7402, IoU.chair: 0.6218, IoU.car: 0.8563, IoU.water: 0.6055, IoU.painting: 0.7365, IoU.sofa: 0.7132, IoU.shelf: 0.4321, IoU.house: 0.5969, IoU.sea: 0.6684, IoU.mirror: 0.7303, IoU.rug: 0.6355, IoU.field: 0.2791, IoU.armchair: 0.4832, IoU.seat: 0.6618, IoU.fence: 0.4272, IoU.desk: 0.5384, IoU.rock: 0.5056, IoU.wardrobe: 0.5598, IoU.lamp: 0.6860, IoU.bathtub: 0.8104, IoU.railing: 0.2814, IoU.cushion: 0.6420, IoU.base: 0.3329, IoU.box: 0.3402, IoU.column: 0.5183, IoU.signboard: 0.3688, IoU.chest of drawers: 0.3943, IoU.counter: 0.4718, IoU.sand: 0.5276, IoU.sink: 0.7441, IoU.skyscraper: 0.4628, IoU.fireplace: 0.7338, IoU.refrigerator: 0.7488, IoU.grandstand: 0.5641, IoU.path: 0.2535, IoU.stairs: 0.4082, IoU.runway: 0.7094, IoU.case: 0.5616, IoU.pool table: 0.9410, IoU.pillow: 0.6165, IoU.screen door: 0.5807, IoU.stairway: 0.3906, IoU.river: 0.1189, IoU.bridge: 0.6550, IoU.bookcase: 0.4142, IoU.blind: 0.3025, IoU.coffee table: 0.6353, IoU.toilet: 0.8493, IoU.flower: 0.4684, IoU.book: 0.5358, IoU.hill: 0.1176, IoU.bench: 0.5491, IoU.countertop: 0.6150, IoU.stove: 0.7823, IoU.palm: 0.5398, IoU.kitchen island: 0.4567, IoU.computer: 0.6223, IoU.swivel chair: 0.4226, IoU.boat: 0.6842, IoU.bar: 0.7621, IoU.arcade machine: 0.7801, IoU.hovel: 0.4566, IoU.bus: 0.9084, IoU.towel: 0.7280, IoU.light: 0.5028, IoU.truck: 0.4091, IoU.tower: 0.3150, IoU.chandelier: 0.6995, IoU.awning: 0.3469, IoU.streetlight: 0.2818, IoU.booth: 0.3808, IoU.television receiver: 0.8085, IoU.airplane: 0.6226, IoU.dirt track: 0.0785, IoU.apparel: 0.6599, IoU.pole: 0.2492, IoU.land: 0.0211, IoU.bannister: 0.1128, IoU.escalator: 0.5884, IoU.ottoman: 0.4754, IoU.bottle: 0.4198, IoU.buffet: 0.5274, IoU.poster: 0.2518, IoU.stage: 0.1903, IoU.van: 0.4718, IoU.ship: 0.7314, IoU.fountain: 0.3624, IoU.conveyer belt: 0.7268, IoU.canopy: 0.5606, IoU.washer: 0.8415, IoU.plaything: 0.2643, IoU.swimming pool: 0.5731, IoU.stool: 0.4769, IoU.barrel: 0.5167, IoU.basket: 0.3678, IoU.waterfall: 0.5718, IoU.tent: 0.9536, IoU.bag: 0.1913, IoU.minibike: 0.7306, IoU.cradle: 0.8316, IoU.oven: 0.6184, IoU.ball: 0.4990, IoU.food: 0.5720, IoU.step: 0.1626, IoU.tank: 0.5948, IoU.trade name: 0.2368, IoU.microwave: 0.8533, IoU.pot: 0.4699, IoU.animal: 0.6096, IoU.bicycle: 0.5314, IoU.lake: 0.5303, IoU.dishwasher: 0.5642, IoU.screen: 0.4773, IoU.blanket: 0.2260, IoU.sculpture: 0.6885, IoU.hood: 0.6913, IoU.sconce: 0.5171, IoU.vase: 0.4222, IoU.traffic light: 0.3442, IoU.tray: 0.1391, IoU.ashcan: 0.4528, IoU.fan: 0.6455, IoU.pier: 0.3360, IoU.crt screen: 0.0472, IoU.plate: 0.5696, IoU.monitor: 0.4967, IoU.bulletin board: 0.3974, IoU.shower: 0.0193, IoU.radiator: 0.6111, IoU.glass: 0.1494, IoU.clock: 0.4218, IoU.flag: 0.5300, Acc.wall: 0.8908, Acc.building: 0.9353, Acc.sky: 0.9747, Acc.floor: 0.9129, Acc.tree: 0.8789, Acc.ceiling: 0.9374, Acc.road: 0.9062, Acc.bed : 0.9698, Acc.windowpane: 0.8058, Acc.grass: 0.8709, Acc.cabinet: 0.7772, Acc.sidewalk: 0.8257, Acc.person: 0.9408, Acc.earth: 0.5214, Acc.door: 0.5920, Acc.table: 0.7401, Acc.mountain: 0.7556, Acc.plant: 0.6580, Acc.curtain: 0.8498, Acc.chair: 0.7680, Acc.car: 0.9350, Acc.water: 0.7423, Acc.painting: 0.8797, Acc.sofa: 0.8524, Acc.shelf: 0.5959, Acc.house: 0.7168, Acc.sea: 0.8185, Acc.mirror: 0.8538, Acc.rug: 0.7493, Acc.field: 0.3676, Acc.armchair: 0.6328, Acc.seat: 0.8495, Acc.fence: 0.5426, Acc.desk: 0.7295, Acc.rock: 0.7418, Acc.wardrobe: 0.7330, Acc.lamp: 0.7792, Acc.bathtub: 0.8487, Acc.railing: 0.3524, Acc.cushion: 0.7762, Acc.base: 0.4901, Acc.box: 0.4359, Acc.column: 0.5866, Acc.signboard: 0.4562, Acc.chest of drawers: 0.5291, Acc.counter: 0.5448, Acc.sand: 0.7621, Acc.sink: 0.8155, Acc.skyscraper: 0.5443, Acc.fireplace: 0.8756, Acc.refrigerator: 0.8361, Acc.grandstand: 0.7208, Acc.path: 0.4028, Acc.stairs: 0.4874, Acc.runway: 0.9222, Acc.case: 0.6803, Acc.pool table: 0.9734, Acc.pillow: 0.7048, Acc.screen door: 0.6475, Acc.stairway: 0.4604, Acc.river: 0.2581, Acc.bridge: 0.7932, Acc.bookcase: 0.5810, Acc.blind: 0.3416, Acc.coffee table: 0.8217, Acc.toilet: 0.9254, Acc.flower: 0.6705, Acc.book: 0.7701, Acc.hill: 0.2151, Acc.bench: 0.6539, Acc.countertop: 0.7996, Acc.stove: 0.8739, Acc.palm: 0.7995, Acc.kitchen island: 0.6478, Acc.computer: 0.6986, Acc.swivel chair: 0.5853, Acc.boat: 0.8475, Acc.bar: 0.9085, Acc.arcade machine: 0.8477, Acc.hovel: 0.5405, Acc.bus: 0.9586, Acc.towel: 0.8307, Acc.light: 0.5499, Acc.truck: 0.4848, Acc.tower: 0.6556, Acc.chandelier: 0.8184, Acc.awning: 0.4440, Acc.streetlight: 0.3329, Acc.booth: 0.4558, Acc.television receiver: 0.8777, Acc.airplane: 0.7044, Acc.dirt track: 0.2005, Acc.apparel: 0.7710, Acc.pole: 0.3312, Acc.land: 0.0315, Acc.bannister: 0.1649, Acc.escalator: 0.7912, Acc.ottoman: 0.5908, Acc.bottle: 0.6831, Acc.buffet: 0.6381, Acc.poster: 0.3147, Acc.stage: 0.3202, Acc.van: 0.6175, Acc.ship: 0.8368, Acc.fountain: 0.3701, Acc.conveyer belt: 0.9426, Acc.canopy: 0.7719, Acc.washer: 0.9210, Acc.plaything: 0.3920, Acc.swimming pool: 0.8197, Acc.stool: 0.5651, Acc.barrel: 0.5543, Acc.basket: 0.4787, Acc.waterfall: 0.7587, Acc.tent: 0.9839, Acc.bag: 0.2067, Acc.minibike: 0.8577, Acc.cradle: 0.9836, Acc.oven: 0.7230, Acc.ball: 0.5450, Acc.food: 0.7424, Acc.step: 0.1960, Acc.tank: 0.7156, Acc.trade name: 0.2732, Acc.microwave: 0.9281, Acc.pot: 0.5238, Acc.animal: 0.6290, Acc.bicycle: 0.6566, Acc.lake: 0.6717, Acc.dishwasher: 0.6946, Acc.screen: 0.6862, Acc.blanket: 0.2556, Acc.sculpture: 0.8615, Acc.hood: 0.7603, Acc.sconce: 0.6084, Acc.vase: 0.5406, Acc.traffic light: 0.4865, Acc.tray: 0.1697, Acc.ashcan: 0.5208, Acc.fan: 0.7332, Acc.pier: 0.4393, Acc.crt screen: 0.0776, Acc.plate: 0.7046, Acc.monitor: 0.7942, Acc.bulletin board: 0.4869, Acc.shower: 0.1410, Acc.radiator: 0.7306, Acc.glass: 0.1567, Acc.clock: 0.4681, Acc.flag: 0.5556 2023-11-10 20:44:44,138 - mmseg - INFO - Iter [43050/80000] lr: 1.848e-05, eta: 8:19:19, time: 2.305, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1699, decode.acc_seg: 92.7281, aux.loss_ce: 0.2911, aux.acc_seg: 73.3892, loss: 0.4610 2023-11-10 20:45:18,877 - mmseg - INFO - Iter [43100/80000] lr: 1.845e-05, eta: 8:18:33, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1627, decode.acc_seg: 92.8869, aux.loss_ce: 0.2929, aux.acc_seg: 73.8156, loss: 0.4556 2023-11-10 20:45:53,605 - mmseg - INFO - Iter [43150/80000] lr: 1.843e-05, eta: 8:17:48, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1568, decode.acc_seg: 93.2716, aux.loss_ce: 0.2806, aux.acc_seg: 74.6362, loss: 0.4374 2023-11-10 20:46:28,301 - mmseg - INFO - Iter [43200/80000] lr: 1.840e-05, eta: 8:17:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1685, decode.acc_seg: 92.7307, aux.loss_ce: 0.2928, aux.acc_seg: 73.6622, loss: 0.4613 2023-11-10 20:47:02,986 - mmseg - INFO - Iter [43250/80000] lr: 1.838e-05, eta: 8:16:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1693, decode.acc_seg: 92.7141, aux.loss_ce: 0.3013, aux.acc_seg: 73.0829, loss: 0.4706 2023-11-10 20:47:37,690 - mmseg - INFO - Iter [43300/80000] lr: 1.835e-05, eta: 8:15:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1705, decode.acc_seg: 92.5735, aux.loss_ce: 0.2987, aux.acc_seg: 73.0075, loss: 0.4692 2023-11-10 20:48:12,375 - mmseg - INFO - Iter [43350/80000] lr: 1.833e-05, eta: 8:14:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1764, decode.acc_seg: 92.3433, aux.loss_ce: 0.3065, aux.acc_seg: 72.7877, loss: 0.4829 2023-11-10 20:48:47,083 - mmseg - INFO - Iter [43400/80000] lr: 1.830e-05, eta: 8:14:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1693, decode.acc_seg: 92.6218, aux.loss_ce: 0.3010, aux.acc_seg: 73.0126, loss: 0.4703 2023-11-10 20:49:21,787 - mmseg - INFO - Iter [43450/80000] lr: 1.828e-05, eta: 8:13:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1731, decode.acc_seg: 92.5716, aux.loss_ce: 0.2955, aux.acc_seg: 73.0759, loss: 0.4686 2023-11-10 20:49:56,503 - mmseg - INFO - Iter [43500/80000] lr: 1.825e-05, eta: 8:12:30, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1773, decode.acc_seg: 92.3484, aux.loss_ce: 0.3020, aux.acc_seg: 73.1984, loss: 0.4793 2023-11-10 20:50:31,197 - mmseg - INFO - Iter [43550/80000] lr: 1.823e-05, eta: 8:11:44, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1658, decode.acc_seg: 92.8805, aux.loss_ce: 0.2922, aux.acc_seg: 74.1122, loss: 0.4579 2023-11-10 20:51:05,913 - mmseg - INFO - Iter [43600/80000] lr: 1.820e-05, eta: 8:10:59, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1613, decode.acc_seg: 93.0327, aux.loss_ce: 0.2779, aux.acc_seg: 75.0688, loss: 0.4392 2023-11-10 20:51:40,611 - mmseg - INFO - Iter [43650/80000] lr: 1.818e-05, eta: 8:10:14, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1738, decode.acc_seg: 92.4214, aux.loss_ce: 0.3051, aux.acc_seg: 72.5808, loss: 0.4789 2023-11-10 20:52:15,337 - mmseg - INFO - Iter [43700/80000] lr: 1.815e-05, eta: 8:09:29, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1680, decode.acc_seg: 92.6031, aux.loss_ce: 0.2784, aux.acc_seg: 74.7991, loss: 0.4463 2023-11-10 20:52:50,044 - mmseg - INFO - Iter [43750/80000] lr: 1.813e-05, eta: 8:08:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1759, decode.acc_seg: 92.4202, aux.loss_ce: 0.2952, aux.acc_seg: 73.1949, loss: 0.4711 2023-11-10 20:53:24,749 - mmseg - INFO - Iter [43800/80000] lr: 1.810e-05, eta: 8:07:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1769, decode.acc_seg: 92.3542, aux.loss_ce: 0.2985, aux.acc_seg: 72.8008, loss: 0.4755 2023-11-10 20:53:59,448 - mmseg - INFO - Iter [43850/80000] lr: 1.808e-05, eta: 8:07:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1666, decode.acc_seg: 92.7070, aux.loss_ce: 0.2971, aux.acc_seg: 73.0201, loss: 0.4636 2023-11-10 20:54:34,160 - mmseg - INFO - Iter [43900/80000] lr: 1.805e-05, eta: 8:06:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1659, decode.acc_seg: 92.6092, aux.loss_ce: 0.3011, aux.acc_seg: 73.1483, loss: 0.4670 2023-11-10 20:55:08,865 - mmseg - INFO - Iter [43950/80000] lr: 1.803e-05, eta: 8:05:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1776, decode.acc_seg: 92.1812, aux.loss_ce: 0.2872, aux.acc_seg: 74.2163, loss: 0.4648 2023-11-10 20:55:43,571 - mmseg - INFO - Saving checkpoint at 44000 iterations 2023-11-10 20:56:13,346 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:56:13,346 - mmseg - INFO - Iter [44000/80000] lr: 1.800e-05, eta: 8:05:22, time: 1.290, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1781, decode.acc_seg: 92.3829, aux.loss_ce: 0.3052, aux.acc_seg: 72.8815, loss: 0.4833 2023-11-10 20:57:33,603 - mmseg - INFO - per class results: 2023-11-10 20:57:33,608 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.98 | 87.32 | | building | 84.08 | 94.32 | | sky | 94.76 | 97.3 | | floor | 82.58 | 89.42 | | tree | 75.02 | 88.06 | | ceiling | 84.36 | 92.15 | | road | 85.17 | 92.18 | | bed | 89.95 | 97.49 | | windowpane | 63.03 | 78.67 | | grass | 67.58 | 84.33 | | cabinet | 61.73 | 74.39 | | sidewalk | 68.18 | 80.62 | | person | 81.69 | 94.29 | | earth | 39.11 | 50.18 | | door | 50.57 | 70.54 | | table | 62.6 | 80.85 | | mountain | 61.33 | 74.12 | | plant | 55.53 | 67.18 | | curtain | 73.44 | 84.56 | | chair | 61.06 | 73.76 | | car | 85.82 | 94.19 | | water | 56.71 | 71.81 | | painting | 72.9 | 88.49 | | sofa | 71.53 | 84.65 | | shelf | 44.21 | 57.74 | | house | 60.68 | 72.68 | | sea | 67.84 | 81.25 | | mirror | 72.47 | 83.7 | | rug | 61.91 | 73.27 | | field | 32.25 | 52.39 | | armchair | 50.32 | 72.16 | | seat | 64.9 | 85.89 | | fence | 45.23 | 58.88 | | desk | 51.27 | 71.79 | | rock | 51.75 | 72.23 | | wardrobe | 59.06 | 78.57 | | lamp | 68.04 | 83.52 | | bathtub | 82.48 | 87.17 | | railing | 32.38 | 45.4 | | cushion | 63.41 | 76.47 | | base | 34.21 | 53.15 | | box | 31.0 | 38.14 | | column | 50.81 | 58.89 | | signboard | 35.18 | 46.84 | | chest of drawers | 48.47 | 65.44 | | counter | 48.09 | 58.71 | | sand | 50.45 | 74.36 | | sink | 76.14 | 83.53 | | skyscraper | 45.9 | 50.56 | | fireplace | 70.8 | 88.14 | | refrigerator | 73.78 | 83.84 | | grandstand | 60.58 | 79.02 | | path | 23.5 | 35.57 | | stairs | 45.15 | 53.51 | | runway | 72.97 | 94.64 | | case | 59.15 | 83.37 | | pool table | 93.3 | 98.11 | | pillow | 54.89 | 59.4 | | screen door | 60.55 | 64.45 | | stairway | 44.57 | 56.46 | | river | 13.85 | 33.43 | | bridge | 51.46 | 61.53 | | bookcase | 41.7 | 55.58 | | blind | 28.43 | 31.15 | | coffee table | 62.79 | 84.52 | | toilet | 86.66 | 93.01 | | flower | 44.86 | 60.67 | | book | 51.63 | 77.84 | | hill | 8.39 | 12.18 | | bench | 54.01 | 64.71 | | countertop | 63.1 | 76.65 | | stove | 78.78 | 86.78 | | palm | 52.86 | 77.12 | | kitchen island | 42.46 | 59.15 | | computer | 67.65 | 79.87 | | swivel chair | 39.74 | 58.52 | | boat | 65.87 | 82.37 | | bar | 67.49 | 92.61 | | arcade machine | 76.7 | 84.37 | | hovel | 46.22 | 59.24 | | bus | 88.84 | 96.5 | | towel | 70.89 | 81.67 | | light | 56.16 | 65.28 | | truck | 40.08 | 47.74 | | tower | 29.89 | 47.36 | | chandelier | 69.2 | 79.36 | | awning | 37.48 | 53.41 | | streetlight | 29.88 | 37.46 | | booth | 46.11 | 73.94 | | television receiver | 76.77 | 90.08 | | airplane | 73.93 | 85.11 | | dirt track | 3.68 | 9.81 | | apparel | 60.32 | 75.12 | | pole | 28.03 | 40.88 | | land | 1.86 | 3.79 | | bannister | 10.92 | 15.15 | | escalator | 52.79 | 85.68 | | ottoman | 46.88 | 59.38 | | bottle | 39.47 | 73.63 | | buffet | 47.82 | 53.18 | | poster | 22.77 | 26.49 | | stage | 25.28 | 61.73 | | van | 45.99 | 62.86 | | ship | 70.09 | 81.76 | | fountain | 47.43 | 49.22 | | conveyer belt | 66.77 | 96.94 | | canopy | 55.29 | 77.37 | | washer | 84.39 | 89.94 | | plaything | 20.59 | 34.72 | | swimming pool | 59.54 | 87.7 | | stool | 46.53 | 64.3 | | barrel | 48.97 | 63.9 | | basket | 36.66 | 48.45 | | waterfall | 51.72 | 62.89 | | tent | 93.21 | 98.45 | | bag | 21.56 | 24.64 | | minibike | 72.52 | 88.54 | | cradle | 87.45 | 96.18 | | oven | 61.87 | 80.49 | | ball | 56.4 | 68.41 | | food | 53.82 | 69.03 | | step | 16.45 | 17.46 | | tank | 61.61 | 79.65 | | trade name | 27.92 | 34.05 | | microwave | 84.43 | 93.14 | | pot | 52.29 | 60.64 | | animal | 61.76 | 64.55 | | bicycle | 51.38 | 65.03 | | lake | 59.64 | 65.84 | | dishwasher | 58.21 | 72.91 | | screen | 47.78 | 73.86 | | blanket | 19.62 | 21.99 | | sculpture | 67.17 | 86.57 | | hood | 68.87 | 79.47 | | sconce | 54.66 | 68.89 | | vase | 40.62 | 55.69 | | traffic light | 36.96 | 54.48 | | tray | 12.67 | 15.97 | | ashcan | 46.52 | 59.52 | | fan | 63.82 | 73.46 | | pier | 34.12 | 45.34 | | crt screen | 4.73 | 11.3 | | plate | 56.3 | 74.27 | | monitor | 59.2 | 67.85 | | bulletin board | 42.32 | 52.99 | | shower | 3.15 | 10.26 | | radiator | 62.09 | 72.36 | | glass | 16.45 | 17.45 | | clock | 44.14 | 49.11 | | flag | 56.47 | 62.2 | +---------------------+-------+-------+ 2023-11-10 20:57:33,608 - mmseg - INFO - Summary: 2023-11-10 20:57:33,608 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.44 | 53.94 | 66.77 | +-------+-------+-------+ 2023-11-10 20:57:33,609 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 20:57:33,609 - mmseg - INFO - Iter(val) [250] aAcc: 0.8444, mIoU: 0.5394, mAcc: 0.6677, IoU.wall: 0.7898, IoU.building: 0.8408, IoU.sky: 0.9476, IoU.floor: 0.8258, IoU.tree: 0.7502, IoU.ceiling: 0.8436, IoU.road: 0.8517, IoU.bed : 0.8995, IoU.windowpane: 0.6303, IoU.grass: 0.6758, IoU.cabinet: 0.6173, IoU.sidewalk: 0.6818, IoU.person: 0.8169, IoU.earth: 0.3911, IoU.door: 0.5057, IoU.table: 0.6260, IoU.mountain: 0.6133, IoU.plant: 0.5553, IoU.curtain: 0.7344, IoU.chair: 0.6106, IoU.car: 0.8582, IoU.water: 0.5671, IoU.painting: 0.7290, IoU.sofa: 0.7153, IoU.shelf: 0.4421, IoU.house: 0.6068, IoU.sea: 0.6784, IoU.mirror: 0.7247, IoU.rug: 0.6191, IoU.field: 0.3225, IoU.armchair: 0.5032, IoU.seat: 0.6490, IoU.fence: 0.4523, IoU.desk: 0.5127, IoU.rock: 0.5175, IoU.wardrobe: 0.5906, IoU.lamp: 0.6804, IoU.bathtub: 0.8248, IoU.railing: 0.3238, IoU.cushion: 0.6341, IoU.base: 0.3421, IoU.box: 0.3100, IoU.column: 0.5081, IoU.signboard: 0.3518, IoU.chest of drawers: 0.4847, IoU.counter: 0.4809, IoU.sand: 0.5045, IoU.sink: 0.7614, IoU.skyscraper: 0.4590, IoU.fireplace: 0.7080, IoU.refrigerator: 0.7378, IoU.grandstand: 0.6058, IoU.path: 0.2350, IoU.stairs: 0.4515, IoU.runway: 0.7297, IoU.case: 0.5915, IoU.pool table: 0.9330, IoU.pillow: 0.5489, IoU.screen door: 0.6055, IoU.stairway: 0.4457, IoU.river: 0.1385, IoU.bridge: 0.5146, IoU.bookcase: 0.4170, IoU.blind: 0.2843, IoU.coffee table: 0.6279, IoU.toilet: 0.8666, IoU.flower: 0.4486, IoU.book: 0.5163, IoU.hill: 0.0839, IoU.bench: 0.5401, IoU.countertop: 0.6310, IoU.stove: 0.7878, IoU.palm: 0.5286, IoU.kitchen island: 0.4246, IoU.computer: 0.6765, IoU.swivel chair: 0.3974, IoU.boat: 0.6587, IoU.bar: 0.6749, IoU.arcade machine: 0.7670, IoU.hovel: 0.4622, IoU.bus: 0.8884, IoU.towel: 0.7089, IoU.light: 0.5616, IoU.truck: 0.4008, IoU.tower: 0.2989, IoU.chandelier: 0.6920, IoU.awning: 0.3748, IoU.streetlight: 0.2988, IoU.booth: 0.4611, IoU.television receiver: 0.7677, IoU.airplane: 0.7393, IoU.dirt track: 0.0368, IoU.apparel: 0.6032, IoU.pole: 0.2803, IoU.land: 0.0186, IoU.bannister: 0.1092, IoU.escalator: 0.5279, IoU.ottoman: 0.4688, IoU.bottle: 0.3947, IoU.buffet: 0.4782, IoU.poster: 0.2277, IoU.stage: 0.2528, IoU.van: 0.4599, IoU.ship: 0.7009, IoU.fountain: 0.4743, IoU.conveyer belt: 0.6677, IoU.canopy: 0.5529, IoU.washer: 0.8439, IoU.plaything: 0.2059, IoU.swimming pool: 0.5954, IoU.stool: 0.4653, IoU.barrel: 0.4897, IoU.basket: 0.3666, IoU.waterfall: 0.5172, IoU.tent: 0.9321, IoU.bag: 0.2156, IoU.minibike: 0.7252, IoU.cradle: 0.8745, IoU.oven: 0.6187, IoU.ball: 0.5640, IoU.food: 0.5382, IoU.step: 0.1645, IoU.tank: 0.6161, IoU.trade name: 0.2792, IoU.microwave: 0.8443, IoU.pot: 0.5229, IoU.animal: 0.6176, IoU.bicycle: 0.5138, IoU.lake: 0.5964, IoU.dishwasher: 0.5821, IoU.screen: 0.4778, IoU.blanket: 0.1962, IoU.sculpture: 0.6717, IoU.hood: 0.6887, IoU.sconce: 0.5466, IoU.vase: 0.4062, IoU.traffic light: 0.3696, IoU.tray: 0.1267, IoU.ashcan: 0.4652, IoU.fan: 0.6382, IoU.pier: 0.3412, IoU.crt screen: 0.0473, IoU.plate: 0.5630, IoU.monitor: 0.5920, IoU.bulletin board: 0.4232, IoU.shower: 0.0315, IoU.radiator: 0.6209, IoU.glass: 0.1645, IoU.clock: 0.4414, IoU.flag: 0.5647, Acc.wall: 0.8732, Acc.building: 0.9432, Acc.sky: 0.9730, Acc.floor: 0.8942, Acc.tree: 0.8806, Acc.ceiling: 0.9215, Acc.road: 0.9218, Acc.bed : 0.9749, Acc.windowpane: 0.7867, Acc.grass: 0.8433, Acc.cabinet: 0.7439, Acc.sidewalk: 0.8062, Acc.person: 0.9429, Acc.earth: 0.5018, Acc.door: 0.7054, Acc.table: 0.8085, Acc.mountain: 0.7412, Acc.plant: 0.6718, Acc.curtain: 0.8456, Acc.chair: 0.7376, Acc.car: 0.9419, Acc.water: 0.7181, Acc.painting: 0.8849, Acc.sofa: 0.8465, Acc.shelf: 0.5774, Acc.house: 0.7268, Acc.sea: 0.8125, Acc.mirror: 0.8370, Acc.rug: 0.7327, Acc.field: 0.5239, Acc.armchair: 0.7216, Acc.seat: 0.8589, Acc.fence: 0.5888, Acc.desk: 0.7179, Acc.rock: 0.7223, Acc.wardrobe: 0.7857, Acc.lamp: 0.8352, Acc.bathtub: 0.8717, Acc.railing: 0.4540, Acc.cushion: 0.7647, Acc.base: 0.5315, Acc.box: 0.3814, Acc.column: 0.5889, Acc.signboard: 0.4684, Acc.chest of drawers: 0.6544, Acc.counter: 0.5871, Acc.sand: 0.7436, Acc.sink: 0.8353, Acc.skyscraper: 0.5056, Acc.fireplace: 0.8814, Acc.refrigerator: 0.8384, Acc.grandstand: 0.7902, Acc.path: 0.3557, Acc.stairs: 0.5351, Acc.runway: 0.9464, Acc.case: 0.8337, Acc.pool table: 0.9811, Acc.pillow: 0.5940, Acc.screen door: 0.6445, Acc.stairway: 0.5646, Acc.river: 0.3343, Acc.bridge: 0.6153, Acc.bookcase: 0.5558, Acc.blind: 0.3115, Acc.coffee table: 0.8452, Acc.toilet: 0.9301, Acc.flower: 0.6067, Acc.book: 0.7784, Acc.hill: 0.1218, Acc.bench: 0.6471, Acc.countertop: 0.7665, Acc.stove: 0.8678, Acc.palm: 0.7712, Acc.kitchen island: 0.5915, Acc.computer: 0.7987, Acc.swivel chair: 0.5852, Acc.boat: 0.8237, Acc.bar: 0.9261, Acc.arcade machine: 0.8437, Acc.hovel: 0.5924, Acc.bus: 0.9650, Acc.towel: 0.8167, Acc.light: 0.6528, Acc.truck: 0.4774, Acc.tower: 0.4736, Acc.chandelier: 0.7936, Acc.awning: 0.5341, Acc.streetlight: 0.3746, Acc.booth: 0.7394, Acc.television receiver: 0.9008, Acc.airplane: 0.8511, Acc.dirt track: 0.0981, Acc.apparel: 0.7512, Acc.pole: 0.4088, Acc.land: 0.0379, Acc.bannister: 0.1515, Acc.escalator: 0.8568, Acc.ottoman: 0.5938, Acc.bottle: 0.7363, Acc.buffet: 0.5318, Acc.poster: 0.2649, Acc.stage: 0.6173, Acc.van: 0.6286, Acc.ship: 0.8176, Acc.fountain: 0.4922, Acc.conveyer belt: 0.9694, Acc.canopy: 0.7737, Acc.washer: 0.8994, Acc.plaything: 0.3472, Acc.swimming pool: 0.8770, Acc.stool: 0.6430, Acc.barrel: 0.6390, Acc.basket: 0.4845, Acc.waterfall: 0.6289, Acc.tent: 0.9845, Acc.bag: 0.2464, Acc.minibike: 0.8854, Acc.cradle: 0.9618, Acc.oven: 0.8049, Acc.ball: 0.6841, Acc.food: 0.6903, Acc.step: 0.1746, Acc.tank: 0.7965, Acc.trade name: 0.3405, Acc.microwave: 0.9314, Acc.pot: 0.6064, Acc.animal: 0.6455, Acc.bicycle: 0.6503, Acc.lake: 0.6584, Acc.dishwasher: 0.7291, Acc.screen: 0.7386, Acc.blanket: 0.2199, Acc.sculpture: 0.8657, Acc.hood: 0.7947, Acc.sconce: 0.6889, Acc.vase: 0.5569, Acc.traffic light: 0.5448, Acc.tray: 0.1597, Acc.ashcan: 0.5952, Acc.fan: 0.7346, Acc.pier: 0.4534, Acc.crt screen: 0.1130, Acc.plate: 0.7427, Acc.monitor: 0.6785, Acc.bulletin board: 0.5299, Acc.shower: 0.1026, Acc.radiator: 0.7236, Acc.glass: 0.1745, Acc.clock: 0.4911, Acc.flag: 0.6220 2023-11-10 20:58:08,411 - mmseg - INFO - Iter [44050/80000] lr: 1.798e-05, eta: 8:05:43, time: 2.301, data_time: 1.613, memory: 60073, decode.loss_ce: 0.1648, decode.acc_seg: 92.6191, aux.loss_ce: 0.2844, aux.acc_seg: 73.5359, loss: 0.4492 2023-11-10 20:58:43,160 - mmseg - INFO - Iter [44100/80000] lr: 1.795e-05, eta: 8:04:57, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1703, decode.acc_seg: 92.6671, aux.loss_ce: 0.2907, aux.acc_seg: 74.2076, loss: 0.4610 2023-11-10 20:59:17,904 - mmseg - INFO - Iter [44150/80000] lr: 1.793e-05, eta: 8:04:12, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1686, decode.acc_seg: 92.7551, aux.loss_ce: 0.2983, aux.acc_seg: 73.7049, loss: 0.4668 2023-11-10 20:59:52,645 - mmseg - INFO - Iter [44200/80000] lr: 1.790e-05, eta: 8:03:27, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1746, decode.acc_seg: 92.5303, aux.loss_ce: 0.2947, aux.acc_seg: 74.1036, loss: 0.4692 2023-11-10 21:00:29,688 - mmseg - INFO - Iter [44250/80000] lr: 1.788e-05, eta: 8:02:44, time: 0.741, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1557, decode.acc_seg: 93.3017, aux.loss_ce: 0.2928, aux.acc_seg: 74.2480, loss: 0.4485 2023-11-10 21:01:04,418 - mmseg - INFO - Iter [44300/80000] lr: 1.785e-05, eta: 8:01:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1725, decode.acc_seg: 92.3413, aux.loss_ce: 0.3063, aux.acc_seg: 72.1120, loss: 0.4789 2023-11-10 21:01:39,124 - mmseg - INFO - Iter [44350/80000] lr: 1.783e-05, eta: 8:01:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1661, decode.acc_seg: 92.7195, aux.loss_ce: 0.2957, aux.acc_seg: 73.8315, loss: 0.4619 2023-11-10 21:02:13,854 - mmseg - INFO - Iter [44400/80000] lr: 1.780e-05, eta: 8:00:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1733, decode.acc_seg: 92.7623, aux.loss_ce: 0.3127, aux.acc_seg: 72.4066, loss: 0.4860 2023-11-10 21:02:48,579 - mmseg - INFO - Iter [44450/80000] lr: 1.778e-05, eta: 7:59:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1607, decode.acc_seg: 93.0481, aux.loss_ce: 0.2845, aux.acc_seg: 74.4687, loss: 0.4452 2023-11-10 21:03:23,297 - mmseg - INFO - Iter [44500/80000] lr: 1.775e-05, eta: 7:58:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1616, decode.acc_seg: 92.9123, aux.loss_ce: 0.2822, aux.acc_seg: 74.2302, loss: 0.4438 2023-11-10 21:03:58,026 - mmseg - INFO - Iter [44550/80000] lr: 1.773e-05, eta: 7:58:13, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1611, decode.acc_seg: 93.0141, aux.loss_ce: 0.2919, aux.acc_seg: 73.4807, loss: 0.4530 2023-11-10 21:04:32,755 - mmseg - INFO - Iter [44600/80000] lr: 1.770e-05, eta: 7:57:28, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1633, decode.acc_seg: 92.9270, aux.loss_ce: 0.2860, aux.acc_seg: 74.2998, loss: 0.4493 2023-11-10 21:05:07,474 - mmseg - INFO - Iter [44650/80000] lr: 1.768e-05, eta: 7:56:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1700, decode.acc_seg: 92.7921, aux.loss_ce: 0.2979, aux.acc_seg: 73.7659, loss: 0.4680 2023-11-10 21:05:42,221 - mmseg - INFO - Iter [44700/80000] lr: 1.765e-05, eta: 7:55:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1729, decode.acc_seg: 92.4544, aux.loss_ce: 0.3045, aux.acc_seg: 72.8389, loss: 0.4774 2023-11-10 21:06:16,994 - mmseg - INFO - Iter [44750/80000] lr: 1.763e-05, eta: 7:55:13, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1754, decode.acc_seg: 92.5387, aux.loss_ce: 0.3068, aux.acc_seg: 72.8124, loss: 0.4822 2023-11-10 21:06:51,711 - mmseg - INFO - Iter [44800/80000] lr: 1.760e-05, eta: 7:54:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1644, decode.acc_seg: 92.8615, aux.loss_ce: 0.2824, aux.acc_seg: 74.9024, loss: 0.4469 2023-11-10 21:07:26,438 - mmseg - INFO - Iter [44850/80000] lr: 1.758e-05, eta: 7:53:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1601, decode.acc_seg: 92.8172, aux.loss_ce: 0.2891, aux.acc_seg: 73.9016, loss: 0.4492 2023-11-10 21:08:01,177 - mmseg - INFO - Iter [44900/80000] lr: 1.755e-05, eta: 7:52:58, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1796, decode.acc_seg: 92.2744, aux.loss_ce: 0.2998, aux.acc_seg: 72.5059, loss: 0.4794 2023-11-10 21:08:35,896 - mmseg - INFO - Iter [44950/80000] lr: 1.753e-05, eta: 7:52:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1595, decode.acc_seg: 92.9816, aux.loss_ce: 0.2834, aux.acc_seg: 73.9721, loss: 0.4430 2023-11-10 21:09:10,614 - mmseg - INFO - Saving checkpoint at 45000 iterations 2023-11-10 21:09:41,699 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:09:41,699 - mmseg - INFO - Iter [45000/80000] lr: 1.750e-05, eta: 7:51:53, time: 1.316, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1659, decode.acc_seg: 92.7077, aux.loss_ce: 0.2934, aux.acc_seg: 73.9701, loss: 0.4593 2023-11-10 21:11:02,573 - mmseg - INFO - per class results: 2023-11-10 21:11:02,578 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.05 | 89.77 | | building | 84.72 | 93.22 | | sky | 94.67 | 97.51 | | floor | 82.2 | 91.25 | | tree | 74.87 | 90.74 | | ceiling | 84.17 | 93.85 | | road | 85.95 | 90.57 | | bed | 91.07 | 96.16 | | windowpane | 63.28 | 81.36 | | grass | 70.73 | 83.29 | | cabinet | 61.05 | 73.87 | | sidewalk | 68.14 | 82.27 | | person | 83.09 | 93.39 | | earth | 42.42 | 58.88 | | door | 51.33 | 62.75 | | table | 64.1 | 77.22 | | mountain | 61.47 | 74.2 | | plant | 52.63 | 64.17 | | curtain | 73.16 | 84.94 | | chair | 61.62 | 76.38 | | car | 85.76 | 93.93 | | water | 60.82 | 74.83 | | painting | 73.68 | 88.57 | | sofa | 72.06 | 82.8 | | shelf | 41.87 | 54.67 | | house | 55.12 | 67.96 | | sea | 69.0 | 79.9 | | mirror | 72.71 | 81.14 | | rug | 53.51 | 60.06 | | field | 28.38 | 43.3 | | armchair | 51.1 | 70.38 | | seat | 65.75 | 85.7 | | fence | 46.05 | 60.63 | | desk | 50.36 | 77.33 | | rock | 49.97 | 69.55 | | wardrobe | 55.98 | 75.11 | | lamp | 69.07 | 79.77 | | bathtub | 80.02 | 88.83 | | railing | 32.94 | 43.03 | | cushion | 61.99 | 70.46 | | base | 29.04 | 43.2 | | box | 33.5 | 40.37 | | column | 49.09 | 55.39 | | signboard | 35.18 | 44.73 | | chest of drawers | 43.58 | 59.86 | | counter | 44.08 | 48.57 | | sand | 47.75 | 71.74 | | sink | 73.19 | 80.67 | | skyscraper | 50.23 | 59.51 | | fireplace | 71.17 | 89.62 | | refrigerator | 75.74 | 83.38 | | grandstand | 54.33 | 74.77 | | path | 23.95 | 31.72 | | stairs | 39.83 | 49.72 | | runway | 72.97 | 96.71 | | case | 62.49 | 76.4 | | pool table | 94.01 | 96.92 | | pillow | 62.75 | 77.86 | | screen door | 69.12 | 72.71 | | stairway | 46.2 | 57.47 | | river | 13.65 | 29.24 | | bridge | 60.63 | 68.85 | | bookcase | 38.08 | 50.8 | | blind | 24.72 | 26.19 | | coffee table | 63.58 | 86.11 | | toilet | 87.2 | 91.52 | | flower | 47.21 | 61.84 | | book | 51.91 | 79.21 | | hill | 13.03 | 20.54 | | bench | 56.38 | 68.47 | | countertop | 61.94 | 76.82 | | stove | 79.45 | 87.35 | | palm | 55.21 | 72.76 | | kitchen island | 42.05 | 60.88 | | computer | 72.32 | 82.49 | | swivel chair | 40.89 | 59.07 | | boat | 68.81 | 84.25 | | bar | 77.07 | 85.67 | | arcade machine | 78.25 | 83.11 | | hovel | 49.62 | 62.57 | | bus | 90.19 | 95.92 | | towel | 71.48 | 79.44 | | light | 53.04 | 60.1 | | truck | 38.78 | 43.78 | | tower | 28.55 | 46.23 | | chandelier | 67.51 | 74.73 | | awning | 35.56 | 43.8 | | streetlight | 30.38 | 38.43 | | booth | 47.4 | 55.04 | | television receiver | 80.82 | 89.71 | | airplane | 67.7 | 76.03 | | dirt track | 2.04 | 4.53 | | apparel | 63.21 | 78.18 | | pole | 28.37 | 36.94 | | land | 2.62 | 4.02 | | bannister | 7.72 | 10.2 | | escalator | 58.93 | 82.48 | | ottoman | 45.23 | 54.01 | | bottle | 40.98 | 70.37 | | buffet | 52.43 | 58.59 | | poster | 21.86 | 25.3 | | stage | 18.19 | 30.88 | | van | 44.83 | 62.21 | | ship | 66.23 | 75.61 | | fountain | 38.79 | 39.21 | | conveyer belt | 76.45 | 93.85 | | canopy | 55.8 | 67.63 | | washer | 85.43 | 94.04 | | plaything | 25.39 | 38.99 | | swimming pool | 59.13 | 87.16 | | stool | 49.06 | 58.34 | | barrel | 55.96 | 62.38 | | basket | 37.27 | 45.05 | | waterfall | 51.06 | 57.28 | | tent | 94.85 | 98.43 | | bag | 20.35 | 23.0 | | minibike | 73.16 | 87.91 | | cradle | 86.25 | 97.31 | | oven | 63.23 | 76.74 | | ball | 55.5 | 64.37 | | food | 55.05 | 70.0 | | step | 12.25 | 13.12 | | tank | 58.97 | 65.11 | | trade name | 25.31 | 28.51 | | microwave | 86.75 | 93.36 | | pot | 47.49 | 52.7 | | animal | 60.27 | 62.11 | | bicycle | 53.49 | 65.63 | | lake | 57.97 | 64.31 | | dishwasher | 59.67 | 71.86 | | screen | 52.06 | 66.23 | | blanket | 29.28 | 34.28 | | sculpture | 69.34 | 84.04 | | hood | 67.03 | 72.79 | | sconce | 54.6 | 63.44 | | vase | 40.12 | 55.87 | | traffic light | 35.84 | 46.16 | | tray | 13.59 | 16.01 | | ashcan | 44.56 | 50.72 | | fan | 65.46 | 76.07 | | pier | 34.45 | 45.42 | | crt screen | 10.42 | 17.95 | | plate | 54.51 | 68.71 | | monitor | 66.01 | 75.11 | | bulletin board | 41.28 | 47.19 | | shower | 2.4 | 4.02 | | radiator | 62.28 | 72.1 | | glass | 17.45 | 18.66 | | clock | 40.12 | 43.89 | | flag | 52.26 | 56.83 | +---------------------+-------+-------+ 2023-11-10 21:11:02,578 - mmseg - INFO - Summary: 2023-11-10 21:11:02,578 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.67 | 54.19 | 64.95 | +-------+-------+-------+ 2023-11-10 21:11:02,579 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:11:02,579 - mmseg - INFO - Iter(val) [250] aAcc: 0.8467, mIoU: 0.5419, mAcc: 0.6495, IoU.wall: 0.7905, IoU.building: 0.8472, IoU.sky: 0.9467, IoU.floor: 0.8220, IoU.tree: 0.7487, IoU.ceiling: 0.8417, IoU.road: 0.8595, IoU.bed : 0.9107, IoU.windowpane: 0.6328, IoU.grass: 0.7073, IoU.cabinet: 0.6105, IoU.sidewalk: 0.6814, IoU.person: 0.8309, IoU.earth: 0.4242, IoU.door: 0.5133, IoU.table: 0.6410, IoU.mountain: 0.6147, IoU.plant: 0.5263, IoU.curtain: 0.7316, IoU.chair: 0.6162, IoU.car: 0.8576, IoU.water: 0.6082, IoU.painting: 0.7368, IoU.sofa: 0.7206, IoU.shelf: 0.4187, IoU.house: 0.5512, IoU.sea: 0.6900, IoU.mirror: 0.7271, IoU.rug: 0.5351, IoU.field: 0.2838, IoU.armchair: 0.5110, IoU.seat: 0.6575, IoU.fence: 0.4605, IoU.desk: 0.5036, IoU.rock: 0.4997, IoU.wardrobe: 0.5598, IoU.lamp: 0.6907, IoU.bathtub: 0.8002, IoU.railing: 0.3294, IoU.cushion: 0.6199, IoU.base: 0.2904, IoU.box: 0.3350, IoU.column: 0.4909, IoU.signboard: 0.3518, IoU.chest of drawers: 0.4358, IoU.counter: 0.4408, IoU.sand: 0.4775, IoU.sink: 0.7319, IoU.skyscraper: 0.5023, IoU.fireplace: 0.7117, IoU.refrigerator: 0.7574, IoU.grandstand: 0.5433, IoU.path: 0.2395, IoU.stairs: 0.3983, IoU.runway: 0.7297, IoU.case: 0.6249, IoU.pool table: 0.9401, IoU.pillow: 0.6275, IoU.screen door: 0.6912, IoU.stairway: 0.4620, IoU.river: 0.1365, IoU.bridge: 0.6063, IoU.bookcase: 0.3808, IoU.blind: 0.2472, IoU.coffee table: 0.6358, IoU.toilet: 0.8720, IoU.flower: 0.4721, IoU.book: 0.5191, IoU.hill: 0.1303, IoU.bench: 0.5638, IoU.countertop: 0.6194, IoU.stove: 0.7945, IoU.palm: 0.5521, IoU.kitchen island: 0.4205, IoU.computer: 0.7232, IoU.swivel chair: 0.4089, IoU.boat: 0.6881, IoU.bar: 0.7707, IoU.arcade machine: 0.7825, IoU.hovel: 0.4962, IoU.bus: 0.9019, IoU.towel: 0.7148, IoU.light: 0.5304, IoU.truck: 0.3878, IoU.tower: 0.2855, IoU.chandelier: 0.6751, IoU.awning: 0.3556, IoU.streetlight: 0.3038, IoU.booth: 0.4740, IoU.television receiver: 0.8082, IoU.airplane: 0.6770, IoU.dirt track: 0.0204, IoU.apparel: 0.6321, IoU.pole: 0.2837, IoU.land: 0.0262, IoU.bannister: 0.0772, IoU.escalator: 0.5893, IoU.ottoman: 0.4523, IoU.bottle: 0.4098, IoU.buffet: 0.5243, IoU.poster: 0.2186, IoU.stage: 0.1819, IoU.van: 0.4483, IoU.ship: 0.6623, IoU.fountain: 0.3879, IoU.conveyer belt: 0.7645, IoU.canopy: 0.5580, IoU.washer: 0.8543, IoU.plaything: 0.2539, IoU.swimming pool: 0.5913, IoU.stool: 0.4906, IoU.barrel: 0.5596, IoU.basket: 0.3727, IoU.waterfall: 0.5106, IoU.tent: 0.9485, IoU.bag: 0.2035, IoU.minibike: 0.7316, IoU.cradle: 0.8625, IoU.oven: 0.6323, IoU.ball: 0.5550, IoU.food: 0.5505, IoU.step: 0.1225, IoU.tank: 0.5897, IoU.trade name: 0.2531, IoU.microwave: 0.8675, IoU.pot: 0.4749, IoU.animal: 0.6027, IoU.bicycle: 0.5349, IoU.lake: 0.5797, IoU.dishwasher: 0.5967, IoU.screen: 0.5206, IoU.blanket: 0.2928, IoU.sculpture: 0.6934, IoU.hood: 0.6703, IoU.sconce: 0.5460, IoU.vase: 0.4012, IoU.traffic light: 0.3584, IoU.tray: 0.1359, IoU.ashcan: 0.4456, IoU.fan: 0.6546, IoU.pier: 0.3445, IoU.crt screen: 0.1042, IoU.plate: 0.5451, IoU.monitor: 0.6601, IoU.bulletin board: 0.4128, IoU.shower: 0.0240, IoU.radiator: 0.6228, IoU.glass: 0.1745, IoU.clock: 0.4012, IoU.flag: 0.5226, Acc.wall: 0.8977, Acc.building: 0.9322, Acc.sky: 0.9751, Acc.floor: 0.9125, Acc.tree: 0.9074, Acc.ceiling: 0.9385, Acc.road: 0.9057, Acc.bed : 0.9616, Acc.windowpane: 0.8136, Acc.grass: 0.8329, Acc.cabinet: 0.7387, Acc.sidewalk: 0.8227, Acc.person: 0.9339, Acc.earth: 0.5888, Acc.door: 0.6275, Acc.table: 0.7722, Acc.mountain: 0.7420, Acc.plant: 0.6417, Acc.curtain: 0.8494, Acc.chair: 0.7638, Acc.car: 0.9393, Acc.water: 0.7483, Acc.painting: 0.8857, Acc.sofa: 0.8280, Acc.shelf: 0.5467, Acc.house: 0.6796, Acc.sea: 0.7990, Acc.mirror: 0.8114, Acc.rug: 0.6006, Acc.field: 0.4330, Acc.armchair: 0.7038, Acc.seat: 0.8570, Acc.fence: 0.6063, Acc.desk: 0.7733, Acc.rock: 0.6955, Acc.wardrobe: 0.7511, Acc.lamp: 0.7977, Acc.bathtub: 0.8883, Acc.railing: 0.4303, Acc.cushion: 0.7046, Acc.base: 0.4320, Acc.box: 0.4037, Acc.column: 0.5539, Acc.signboard: 0.4473, Acc.chest of drawers: 0.5986, Acc.counter: 0.4857, Acc.sand: 0.7174, Acc.sink: 0.8067, Acc.skyscraper: 0.5951, Acc.fireplace: 0.8962, Acc.refrigerator: 0.8338, Acc.grandstand: 0.7477, Acc.path: 0.3172, Acc.stairs: 0.4972, Acc.runway: 0.9671, Acc.case: 0.7640, Acc.pool table: 0.9692, Acc.pillow: 0.7786, Acc.screen door: 0.7271, Acc.stairway: 0.5747, Acc.river: 0.2924, Acc.bridge: 0.6885, Acc.bookcase: 0.5080, Acc.blind: 0.2619, Acc.coffee table: 0.8611, Acc.toilet: 0.9152, Acc.flower: 0.6184, Acc.book: 0.7921, Acc.hill: 0.2054, Acc.bench: 0.6847, Acc.countertop: 0.7682, Acc.stove: 0.8735, Acc.palm: 0.7276, Acc.kitchen island: 0.6088, Acc.computer: 0.8249, Acc.swivel chair: 0.5907, Acc.boat: 0.8425, Acc.bar: 0.8567, Acc.arcade machine: 0.8311, Acc.hovel: 0.6257, Acc.bus: 0.9592, Acc.towel: 0.7944, Acc.light: 0.6010, Acc.truck: 0.4378, Acc.tower: 0.4623, Acc.chandelier: 0.7473, Acc.awning: 0.4380, Acc.streetlight: 0.3843, Acc.booth: 0.5504, Acc.television receiver: 0.8971, Acc.airplane: 0.7603, Acc.dirt track: 0.0453, Acc.apparel: 0.7818, Acc.pole: 0.3694, Acc.land: 0.0402, Acc.bannister: 0.1020, Acc.escalator: 0.8248, Acc.ottoman: 0.5401, Acc.bottle: 0.7037, Acc.buffet: 0.5859, Acc.poster: 0.2530, Acc.stage: 0.3088, Acc.van: 0.6221, Acc.ship: 0.7561, Acc.fountain: 0.3921, Acc.conveyer belt: 0.9385, Acc.canopy: 0.6763, Acc.washer: 0.9404, Acc.plaything: 0.3899, Acc.swimming pool: 0.8716, Acc.stool: 0.5834, Acc.barrel: 0.6238, Acc.basket: 0.4505, Acc.waterfall: 0.5728, Acc.tent: 0.9843, Acc.bag: 0.2300, Acc.minibike: 0.8791, Acc.cradle: 0.9731, Acc.oven: 0.7674, Acc.ball: 0.6437, Acc.food: 0.7000, Acc.step: 0.1312, Acc.tank: 0.6511, Acc.trade name: 0.2851, Acc.microwave: 0.9336, Acc.pot: 0.5270, Acc.animal: 0.6211, Acc.bicycle: 0.6563, Acc.lake: 0.6431, Acc.dishwasher: 0.7186, Acc.screen: 0.6623, Acc.blanket: 0.3428, Acc.sculpture: 0.8404, Acc.hood: 0.7279, Acc.sconce: 0.6344, Acc.vase: 0.5587, Acc.traffic light: 0.4616, Acc.tray: 0.1601, Acc.ashcan: 0.5072, Acc.fan: 0.7607, Acc.pier: 0.4542, Acc.crt screen: 0.1795, Acc.plate: 0.6871, Acc.monitor: 0.7511, Acc.bulletin board: 0.4719, Acc.shower: 0.0402, Acc.radiator: 0.7210, Acc.glass: 0.1866, Acc.clock: 0.4389, Acc.flag: 0.5683 2023-11-10 21:11:37,369 - mmseg - INFO - Iter [45050/80000] lr: 1.748e-05, eta: 7:52:11, time: 2.313, data_time: 1.625, memory: 60073, decode.loss_ce: 0.1657, decode.acc_seg: 93.0273, aux.loss_ce: 0.2987, aux.acc_seg: 73.7341, loss: 0.4644 2023-11-10 21:12:12,099 - mmseg - INFO - Iter [45100/80000] lr: 1.745e-05, eta: 7:51:26, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1783, decode.acc_seg: 92.1704, aux.loss_ce: 0.2993, aux.acc_seg: 73.2307, loss: 0.4776 2023-11-10 21:12:46,836 - mmseg - INFO - Iter [45150/80000] lr: 1.743e-05, eta: 7:50:41, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1747, decode.acc_seg: 92.4933, aux.loss_ce: 0.3029, aux.acc_seg: 73.4019, loss: 0.4776 2023-11-10 21:13:21,580 - mmseg - INFO - Iter [45200/80000] lr: 1.740e-05, eta: 7:49:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1729, decode.acc_seg: 92.5366, aux.loss_ce: 0.2908, aux.acc_seg: 73.8611, loss: 0.4637 2023-11-10 21:13:56,301 - mmseg - INFO - Iter [45250/80000] lr: 1.738e-05, eta: 7:49:11, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1651, decode.acc_seg: 92.8661, aux.loss_ce: 0.2895, aux.acc_seg: 73.1315, loss: 0.4546 2023-11-10 21:14:31,021 - mmseg - INFO - Iter [45300/80000] lr: 1.735e-05, eta: 7:48:26, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1686, decode.acc_seg: 92.6832, aux.loss_ce: 0.3030, aux.acc_seg: 72.9031, loss: 0.4716 2023-11-10 21:15:05,753 - mmseg - INFO - Iter [45350/80000] lr: 1.733e-05, eta: 7:47:41, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1654, decode.acc_seg: 92.8666, aux.loss_ce: 0.2965, aux.acc_seg: 74.3821, loss: 0.4619 2023-11-10 21:15:40,491 - mmseg - INFO - Iter [45400/80000] lr: 1.730e-05, eta: 7:46:56, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1672, decode.acc_seg: 92.6687, aux.loss_ce: 0.2942, aux.acc_seg: 72.8582, loss: 0.4615 2023-11-10 21:16:15,217 - mmseg - INFO - Iter [45450/80000] lr: 1.728e-05, eta: 7:46:11, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1663, decode.acc_seg: 92.6870, aux.loss_ce: 0.2882, aux.acc_seg: 73.7825, loss: 0.4545 2023-11-10 21:16:52,253 - mmseg - INFO - Iter [45500/80000] lr: 1.725e-05, eta: 7:45:28, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1635, decode.acc_seg: 92.9652, aux.loss_ce: 0.3035, aux.acc_seg: 73.5947, loss: 0.4670 2023-11-10 21:17:27,001 - mmseg - INFO - Iter [45550/80000] lr: 1.723e-05, eta: 7:44:43, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1562, decode.acc_seg: 93.2198, aux.loss_ce: 0.2836, aux.acc_seg: 74.6918, loss: 0.4398 2023-11-10 21:18:01,692 - mmseg - INFO - Iter [45600/80000] lr: 1.720e-05, eta: 7:43:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1629, decode.acc_seg: 92.8359, aux.loss_ce: 0.2874, aux.acc_seg: 74.2654, loss: 0.4503 2023-11-10 21:18:36,420 - mmseg - INFO - Iter [45650/80000] lr: 1.718e-05, eta: 7:43:14, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1511, decode.acc_seg: 93.2291, aux.loss_ce: 0.2674, aux.acc_seg: 75.5121, loss: 0.4186 2023-11-10 21:19:11,142 - mmseg - INFO - Iter [45700/80000] lr: 1.715e-05, eta: 7:42:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1729, decode.acc_seg: 92.6380, aux.loss_ce: 0.3113, aux.acc_seg: 72.3257, loss: 0.4843 2023-11-10 21:19:45,873 - mmseg - INFO - Iter [45750/80000] lr: 1.713e-05, eta: 7:41:44, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1651, decode.acc_seg: 92.9234, aux.loss_ce: 0.2929, aux.acc_seg: 74.4098, loss: 0.4580 2023-11-10 21:20:20,586 - mmseg - INFO - Iter [45800/80000] lr: 1.710e-05, eta: 7:40:59, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1664, decode.acc_seg: 92.7208, aux.loss_ce: 0.2976, aux.acc_seg: 72.8292, loss: 0.4640 2023-11-10 21:20:55,297 - mmseg - INFO - Iter [45850/80000] lr: 1.708e-05, eta: 7:40:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1625, decode.acc_seg: 92.8363, aux.loss_ce: 0.2728, aux.acc_seg: 75.2066, loss: 0.4353 2023-11-10 21:21:30,004 - mmseg - INFO - Iter [45900/80000] lr: 1.705e-05, eta: 7:39:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1603, decode.acc_seg: 93.0184, aux.loss_ce: 0.2865, aux.acc_seg: 73.8431, loss: 0.4467 2023-11-10 21:22:04,725 - mmseg - INFO - Iter [45950/80000] lr: 1.703e-05, eta: 7:38:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1600, decode.acc_seg: 92.8586, aux.loss_ce: 0.3019, aux.acc_seg: 72.7829, loss: 0.4619 2023-11-10 21:22:39,418 - mmseg - INFO - Saving checkpoint at 46000 iterations 2023-11-10 21:23:08,812 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:23:08,812 - mmseg - INFO - Iter [46000/80000] lr: 1.700e-05, eta: 7:38:22, time: 1.282, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1583, decode.acc_seg: 93.0601, aux.loss_ce: 0.2806, aux.acc_seg: 74.9089, loss: 0.4388 2023-11-10 21:24:29,079 - mmseg - INFO - per class results: 2023-11-10 21:24:29,084 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.37 | 88.55 | | building | 84.22 | 93.67 | | sky | 94.7 | 97.76 | | floor | 82.1 | 91.02 | | tree | 75.4 | 87.98 | | ceiling | 84.63 | 91.83 | | road | 85.49 | 91.69 | | bed | 90.22 | 97.24 | | windowpane | 63.88 | 79.09 | | grass | 72.71 | 82.18 | | cabinet | 61.23 | 73.44 | | sidewalk | 67.46 | 78.77 | | person | 82.16 | 94.86 | | earth | 40.84 | 60.06 | | door | 50.25 | 64.02 | | table | 62.21 | 75.09 | | mountain | 60.54 | 76.55 | | plant | 54.83 | 66.7 | | curtain | 76.82 | 87.62 | | chair | 61.2 | 76.26 | | car | 85.21 | 94.2 | | water | 59.32 | 73.78 | | painting | 73.07 | 88.56 | | sofa | 71.1 | 85.52 | | shelf | 42.64 | 60.53 | | house | 53.43 | 65.14 | | sea | 65.79 | 77.78 | | mirror | 73.98 | 83.56 | | rug | 59.06 | 68.86 | | field | 29.68 | 40.67 | | armchair | 50.32 | 71.35 | | seat | 65.13 | 86.32 | | fence | 48.08 | 62.81 | | desk | 50.2 | 80.83 | | rock | 53.79 | 74.59 | | wardrobe | 54.12 | 72.75 | | lamp | 69.47 | 82.44 | | bathtub | 81.03 | 87.34 | | railing | 33.94 | 46.7 | | cushion | 58.91 | 64.64 | | base | 30.13 | 42.74 | | box | 34.01 | 42.19 | | column | 51.17 | 61.35 | | signboard | 35.81 | 53.96 | | chest of drawers | 41.15 | 58.49 | | counter | 44.61 | 51.79 | | sand | 51.15 | 73.9 | | sink | 75.31 | 83.65 | | skyscraper | 44.04 | 50.75 | | fireplace | 69.85 | 92.71 | | refrigerator | 74.95 | 83.82 | | grandstand | 56.31 | 77.2 | | path | 26.43 | 33.14 | | stairs | 37.6 | 45.81 | | runway | 70.76 | 91.91 | | case | 55.55 | 67.09 | | pool table | 93.54 | 98.2 | | pillow | 59.19 | 71.13 | | screen door | 58.66 | 62.19 | | stairway | 44.84 | 60.65 | | river | 12.59 | 30.37 | | bridge | 60.86 | 70.16 | | bookcase | 42.19 | 59.05 | | blind | 37.7 | 43.54 | | coffee table | 61.31 | 83.41 | | toilet | 86.89 | 92.49 | | flower | 48.15 | 65.15 | | book | 53.48 | 75.42 | | hill | 4.3 | 6.02 | | bench | 55.21 | 64.86 | | countertop | 60.64 | 79.9 | | stove | 78.96 | 87.88 | | palm | 53.03 | 69.95 | | kitchen island | 29.49 | 37.15 | | computer | 71.29 | 85.45 | | swivel chair | 41.85 | 58.76 | | boat | 63.05 | 85.19 | | bar | 74.92 | 88.16 | | arcade machine | 82.27 | 90.88 | | hovel | 42.82 | 48.78 | | bus | 89.41 | 96.61 | | towel | 71.6 | 82.92 | | light | 57.09 | 66.65 | | truck | 42.45 | 53.5 | | tower | 34.07 | 55.34 | | chandelier | 70.35 | 84.31 | | awning | 35.33 | 47.14 | | streetlight | 29.29 | 34.64 | | booth | 48.34 | 62.89 | | television receiver | 78.44 | 90.33 | | airplane | 69.41 | 77.91 | | dirt track | 10.02 | 28.05 | | apparel | 64.99 | 75.53 | | pole | 28.23 | 39.16 | | land | 2.05 | 3.63 | | bannister | 9.66 | 13.05 | | escalator | 53.96 | 80.07 | | ottoman | 45.63 | 58.0 | | bottle | 41.78 | 70.97 | | buffet | 58.35 | 66.49 | | poster | 28.34 | 40.03 | | stage | 19.82 | 52.83 | | van | 44.59 | 61.09 | | ship | 72.73 | 79.02 | | fountain | 38.62 | 39.76 | | conveyer belt | 64.67 | 96.0 | | canopy | 59.71 | 76.49 | | washer | 85.37 | 91.88 | | plaything | 27.84 | 43.46 | | swimming pool | 58.54 | 87.97 | | stool | 47.26 | 55.94 | | barrel | 66.14 | 71.79 | | basket | 38.45 | 50.63 | | waterfall | 54.84 | 62.73 | | tent | 92.77 | 98.72 | | bag | 23.83 | 30.7 | | minibike | 73.22 | 87.0 | | cradle | 86.26 | 98.34 | | oven | 62.69 | 75.72 | | ball | 42.17 | 44.81 | | food | 55.66 | 67.68 | | step | 11.52 | 12.37 | | tank | 57.77 | 67.59 | | trade name | 18.51 | 20.18 | | microwave | 84.86 | 94.31 | | pot | 53.77 | 62.58 | | animal | 64.54 | 67.31 | | bicycle | 54.69 | 69.23 | | lake | 48.81 | 64.47 | | dishwasher | 59.41 | 73.69 | | screen | 50.25 | 74.11 | | blanket | 25.23 | 29.84 | | sculpture | 70.44 | 86.52 | | hood | 66.76 | 71.99 | | sconce | 55.15 | 68.57 | | vase | 40.77 | 55.83 | | traffic light | 36.97 | 54.73 | | tray | 14.54 | 17.78 | | ashcan | 47.86 | 60.26 | | fan | 65.89 | 78.73 | | pier | 37.06 | 45.27 | | crt screen | 2.5 | 3.45 | | plate | 55.67 | 70.53 | | monitor | 58.14 | 82.39 | | bulletin board | 47.12 | 62.1 | | shower | 2.61 | 5.21 | | radiator | 61.53 | 72.36 | | glass | 15.87 | 16.79 | | clock | 43.34 | 47.74 | | flag | 58.72 | 63.96 | +---------------------+-------+-------+ 2023-11-10 21:24:29,084 - mmseg - INFO - Summary: 2023-11-10 21:24:29,085 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.58 | 54.13 | 66.32 | +-------+-------+-------+ 2023-11-10 21:24:29,086 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:24:29,086 - mmseg - INFO - Iter(val) [250] aAcc: 0.8458, mIoU: 0.5413, mAcc: 0.6632, IoU.wall: 0.7937, IoU.building: 0.8422, IoU.sky: 0.9470, IoU.floor: 0.8210, IoU.tree: 0.7540, IoU.ceiling: 0.8463, IoU.road: 0.8549, IoU.bed : 0.9022, IoU.windowpane: 0.6388, IoU.grass: 0.7271, IoU.cabinet: 0.6123, IoU.sidewalk: 0.6746, IoU.person: 0.8216, IoU.earth: 0.4084, IoU.door: 0.5025, IoU.table: 0.6221, IoU.mountain: 0.6054, IoU.plant: 0.5483, IoU.curtain: 0.7682, IoU.chair: 0.6120, IoU.car: 0.8521, IoU.water: 0.5932, IoU.painting: 0.7307, IoU.sofa: 0.7110, IoU.shelf: 0.4264, IoU.house: 0.5343, IoU.sea: 0.6579, IoU.mirror: 0.7398, IoU.rug: 0.5906, IoU.field: 0.2968, IoU.armchair: 0.5032, IoU.seat: 0.6513, IoU.fence: 0.4808, IoU.desk: 0.5020, IoU.rock: 0.5379, IoU.wardrobe: 0.5412, IoU.lamp: 0.6947, IoU.bathtub: 0.8103, IoU.railing: 0.3394, IoU.cushion: 0.5891, IoU.base: 0.3013, IoU.box: 0.3401, IoU.column: 0.5117, IoU.signboard: 0.3581, IoU.chest of drawers: 0.4115, IoU.counter: 0.4461, IoU.sand: 0.5115, IoU.sink: 0.7531, IoU.skyscraper: 0.4404, IoU.fireplace: 0.6985, IoU.refrigerator: 0.7495, IoU.grandstand: 0.5631, IoU.path: 0.2643, IoU.stairs: 0.3760, IoU.runway: 0.7076, IoU.case: 0.5555, IoU.pool table: 0.9354, IoU.pillow: 0.5919, IoU.screen door: 0.5866, IoU.stairway: 0.4484, IoU.river: 0.1259, IoU.bridge: 0.6086, IoU.bookcase: 0.4219, IoU.blind: 0.3770, IoU.coffee table: 0.6131, IoU.toilet: 0.8689, IoU.flower: 0.4815, IoU.book: 0.5348, IoU.hill: 0.0430, IoU.bench: 0.5521, IoU.countertop: 0.6064, IoU.stove: 0.7896, IoU.palm: 0.5303, IoU.kitchen island: 0.2949, IoU.computer: 0.7129, IoU.swivel chair: 0.4185, IoU.boat: 0.6305, IoU.bar: 0.7492, IoU.arcade machine: 0.8227, IoU.hovel: 0.4282, IoU.bus: 0.8941, IoU.towel: 0.7160, IoU.light: 0.5709, IoU.truck: 0.4245, IoU.tower: 0.3407, IoU.chandelier: 0.7035, IoU.awning: 0.3533, IoU.streetlight: 0.2929, IoU.booth: 0.4834, IoU.television receiver: 0.7844, IoU.airplane: 0.6941, IoU.dirt track: 0.1002, IoU.apparel: 0.6499, IoU.pole: 0.2823, IoU.land: 0.0205, IoU.bannister: 0.0966, IoU.escalator: 0.5396, IoU.ottoman: 0.4563, IoU.bottle: 0.4178, IoU.buffet: 0.5835, IoU.poster: 0.2834, IoU.stage: 0.1982, IoU.van: 0.4459, IoU.ship: 0.7273, IoU.fountain: 0.3862, IoU.conveyer belt: 0.6467, IoU.canopy: 0.5971, IoU.washer: 0.8537, IoU.plaything: 0.2784, IoU.swimming pool: 0.5854, IoU.stool: 0.4726, IoU.barrel: 0.6614, IoU.basket: 0.3845, IoU.waterfall: 0.5484, IoU.tent: 0.9277, IoU.bag: 0.2383, IoU.minibike: 0.7322, IoU.cradle: 0.8626, IoU.oven: 0.6269, IoU.ball: 0.4217, IoU.food: 0.5566, IoU.step: 0.1152, IoU.tank: 0.5777, IoU.trade name: 0.1851, IoU.microwave: 0.8486, IoU.pot: 0.5377, IoU.animal: 0.6454, IoU.bicycle: 0.5469, IoU.lake: 0.4881, IoU.dishwasher: 0.5941, IoU.screen: 0.5025, IoU.blanket: 0.2523, IoU.sculpture: 0.7044, IoU.hood: 0.6676, IoU.sconce: 0.5515, IoU.vase: 0.4077, IoU.traffic light: 0.3697, IoU.tray: 0.1454, IoU.ashcan: 0.4786, IoU.fan: 0.6589, IoU.pier: 0.3706, IoU.crt screen: 0.0250, IoU.plate: 0.5567, IoU.monitor: 0.5814, IoU.bulletin board: 0.4712, IoU.shower: 0.0261, IoU.radiator: 0.6153, IoU.glass: 0.1587, IoU.clock: 0.4334, IoU.flag: 0.5872, Acc.wall: 0.8855, Acc.building: 0.9367, Acc.sky: 0.9776, Acc.floor: 0.9102, Acc.tree: 0.8798, Acc.ceiling: 0.9183, Acc.road: 0.9169, Acc.bed : 0.9724, Acc.windowpane: 0.7909, Acc.grass: 0.8218, Acc.cabinet: 0.7344, Acc.sidewalk: 0.7877, Acc.person: 0.9486, Acc.earth: 0.6006, Acc.door: 0.6402, Acc.table: 0.7509, Acc.mountain: 0.7655, Acc.plant: 0.6670, Acc.curtain: 0.8762, Acc.chair: 0.7626, Acc.car: 0.9420, Acc.water: 0.7378, Acc.painting: 0.8856, Acc.sofa: 0.8552, Acc.shelf: 0.6053, Acc.house: 0.6514, Acc.sea: 0.7778, Acc.mirror: 0.8356, Acc.rug: 0.6886, Acc.field: 0.4067, Acc.armchair: 0.7135, Acc.seat: 0.8632, Acc.fence: 0.6281, Acc.desk: 0.8083, Acc.rock: 0.7459, Acc.wardrobe: 0.7275, Acc.lamp: 0.8244, Acc.bathtub: 0.8734, Acc.railing: 0.4670, Acc.cushion: 0.6464, Acc.base: 0.4274, Acc.box: 0.4219, Acc.column: 0.6135, Acc.signboard: 0.5396, Acc.chest of drawers: 0.5849, Acc.counter: 0.5179, Acc.sand: 0.7390, Acc.sink: 0.8365, Acc.skyscraper: 0.5075, Acc.fireplace: 0.9271, Acc.refrigerator: 0.8382, Acc.grandstand: 0.7720, Acc.path: 0.3314, Acc.stairs: 0.4581, Acc.runway: 0.9191, Acc.case: 0.6709, Acc.pool table: 0.9820, Acc.pillow: 0.7113, Acc.screen door: 0.6219, Acc.stairway: 0.6065, Acc.river: 0.3037, Acc.bridge: 0.7016, Acc.bookcase: 0.5905, Acc.blind: 0.4354, Acc.coffee table: 0.8341, Acc.toilet: 0.9249, Acc.flower: 0.6515, Acc.book: 0.7542, Acc.hill: 0.0602, Acc.bench: 0.6486, Acc.countertop: 0.7990, Acc.stove: 0.8788, Acc.palm: 0.6995, Acc.kitchen island: 0.3715, Acc.computer: 0.8545, Acc.swivel chair: 0.5876, Acc.boat: 0.8519, Acc.bar: 0.8816, Acc.arcade machine: 0.9088, Acc.hovel: 0.4878, Acc.bus: 0.9661, Acc.towel: 0.8292, Acc.light: 0.6665, Acc.truck: 0.5350, Acc.tower: 0.5534, Acc.chandelier: 0.8431, Acc.awning: 0.4714, Acc.streetlight: 0.3464, Acc.booth: 0.6289, Acc.television receiver: 0.9033, Acc.airplane: 0.7791, Acc.dirt track: 0.2805, Acc.apparel: 0.7553, Acc.pole: 0.3916, Acc.land: 0.0363, Acc.bannister: 0.1305, Acc.escalator: 0.8007, Acc.ottoman: 0.5800, Acc.bottle: 0.7097, Acc.buffet: 0.6649, Acc.poster: 0.4003, Acc.stage: 0.5283, Acc.van: 0.6109, Acc.ship: 0.7902, Acc.fountain: 0.3976, Acc.conveyer belt: 0.9600, Acc.canopy: 0.7649, Acc.washer: 0.9188, Acc.plaything: 0.4346, Acc.swimming pool: 0.8797, Acc.stool: 0.5594, Acc.barrel: 0.7179, Acc.basket: 0.5063, Acc.waterfall: 0.6273, Acc.tent: 0.9872, Acc.bag: 0.3070, Acc.minibike: 0.8700, Acc.cradle: 0.9834, Acc.oven: 0.7572, Acc.ball: 0.4481, Acc.food: 0.6768, Acc.step: 0.1237, Acc.tank: 0.6759, Acc.trade name: 0.2018, Acc.microwave: 0.9431, Acc.pot: 0.6258, Acc.animal: 0.6731, Acc.bicycle: 0.6923, Acc.lake: 0.6447, Acc.dishwasher: 0.7369, Acc.screen: 0.7411, Acc.blanket: 0.2984, Acc.sculpture: 0.8652, Acc.hood: 0.7199, Acc.sconce: 0.6857, Acc.vase: 0.5583, Acc.traffic light: 0.5473, Acc.tray: 0.1778, Acc.ashcan: 0.6026, Acc.fan: 0.7873, Acc.pier: 0.4527, Acc.crt screen: 0.0345, Acc.plate: 0.7053, Acc.monitor: 0.8239, Acc.bulletin board: 0.6210, Acc.shower: 0.0521, Acc.radiator: 0.7236, Acc.glass: 0.1679, Acc.clock: 0.4774, Acc.flag: 0.6396 2023-11-10 21:25:03,883 - mmseg - INFO - Iter [46050/80000] lr: 1.698e-05, eta: 7:38:37, time: 2.301, data_time: 1.613, memory: 60073, decode.loss_ce: 0.1645, decode.acc_seg: 92.8318, aux.loss_ce: 0.2966, aux.acc_seg: 73.7113, loss: 0.4611 2023-11-10 21:25:38,595 - mmseg - INFO - Iter [46100/80000] lr: 1.695e-05, eta: 7:37:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1659, decode.acc_seg: 92.7623, aux.loss_ce: 0.2909, aux.acc_seg: 73.9144, loss: 0.4567 2023-11-10 21:26:13,317 - mmseg - INFO - Iter [46150/80000] lr: 1.693e-05, eta: 7:37:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1684, decode.acc_seg: 92.7989, aux.loss_ce: 0.3043, aux.acc_seg: 73.1472, loss: 0.4727 2023-11-10 21:26:48,039 - mmseg - INFO - Iter [46200/80000] lr: 1.690e-05, eta: 7:36:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1722, decode.acc_seg: 92.6301, aux.loss_ce: 0.3089, aux.acc_seg: 72.7912, loss: 0.4811 2023-11-10 21:27:22,774 - mmseg - INFO - Iter [46250/80000] lr: 1.688e-05, eta: 7:35:38, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1654, decode.acc_seg: 92.9100, aux.loss_ce: 0.3035, aux.acc_seg: 73.3051, loss: 0.4688 2023-11-10 21:27:57,484 - mmseg - INFO - Iter [46300/80000] lr: 1.685e-05, eta: 7:34:53, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1677, decode.acc_seg: 92.4200, aux.loss_ce: 0.2937, aux.acc_seg: 73.1670, loss: 0.4613 2023-11-10 21:28:32,194 - mmseg - INFO - Iter [46350/80000] lr: 1.683e-05, eta: 7:34:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1709, decode.acc_seg: 92.5115, aux.loss_ce: 0.3039, aux.acc_seg: 72.2049, loss: 0.4748 2023-11-10 21:29:06,889 - mmseg - INFO - Iter [46400/80000] lr: 1.680e-05, eta: 7:33:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1624, decode.acc_seg: 93.0793, aux.loss_ce: 0.2958, aux.acc_seg: 73.7881, loss: 0.4582 2023-11-10 21:29:41,621 - mmseg - INFO - Iter [46450/80000] lr: 1.678e-05, eta: 7:32:39, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1709, decode.acc_seg: 92.5113, aux.loss_ce: 0.2965, aux.acc_seg: 73.4702, loss: 0.4674 2023-11-10 21:30:16,332 - mmseg - INFO - Iter [46500/80000] lr: 1.675e-05, eta: 7:31:55, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1738, decode.acc_seg: 92.3883, aux.loss_ce: 0.2877, aux.acc_seg: 73.7720, loss: 0.4615 2023-11-10 21:30:51,030 - mmseg - INFO - Iter [46550/80000] lr: 1.673e-05, eta: 7:31:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1635, decode.acc_seg: 92.7483, aux.loss_ce: 0.2930, aux.acc_seg: 73.2859, loss: 0.4565 2023-11-10 21:31:25,730 - mmseg - INFO - Iter [46600/80000] lr: 1.670e-05, eta: 7:30:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1658, decode.acc_seg: 92.8866, aux.loss_ce: 0.2945, aux.acc_seg: 74.2770, loss: 0.4602 2023-11-10 21:32:00,444 - mmseg - INFO - Iter [46650/80000] lr: 1.668e-05, eta: 7:29:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1523, decode.acc_seg: 93.3617, aux.loss_ce: 0.2747, aux.acc_seg: 75.1349, loss: 0.4270 2023-11-10 21:32:35,139 - mmseg - INFO - Iter [46700/80000] lr: 1.665e-05, eta: 7:28:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1647, decode.acc_seg: 92.9650, aux.loss_ce: 0.2980, aux.acc_seg: 74.2386, loss: 0.4628 2023-11-10 21:33:12,126 - mmseg - INFO - Iter [46750/80000] lr: 1.663e-05, eta: 7:28:13, time: 0.740, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1633, decode.acc_seg: 92.9417, aux.loss_ce: 0.2904, aux.acc_seg: 74.7606, loss: 0.4536 2023-11-10 21:33:46,840 - mmseg - INFO - Iter [46800/80000] lr: 1.660e-05, eta: 7:27:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1739, decode.acc_seg: 92.5989, aux.loss_ce: 0.3033, aux.acc_seg: 73.0873, loss: 0.4772 2023-11-10 21:34:21,532 - mmseg - INFO - Iter [46850/80000] lr: 1.658e-05, eta: 7:26:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1587, decode.acc_seg: 93.0436, aux.loss_ce: 0.2754, aux.acc_seg: 75.1927, loss: 0.4341 2023-11-10 21:34:56,200 - mmseg - INFO - Iter [46900/80000] lr: 1.655e-05, eta: 7:26:00, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1544, decode.acc_seg: 93.2904, aux.loss_ce: 0.2839, aux.acc_seg: 74.8148, loss: 0.4383 2023-11-10 21:35:30,870 - mmseg - INFO - Iter [46950/80000] lr: 1.653e-05, eta: 7:25:15, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1705, decode.acc_seg: 92.8163, aux.loss_ce: 0.2948, aux.acc_seg: 74.3899, loss: 0.4653 2023-11-10 21:36:05,547 - mmseg - INFO - Saving checkpoint at 47000 iterations 2023-11-10 21:36:38,088 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:36:38,088 - mmseg - INFO - Iter [47000/80000] lr: 1.650e-05, eta: 7:24:54, time: 1.344, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1641, decode.acc_seg: 92.7570, aux.loss_ce: 0.2964, aux.acc_seg: 73.4301, loss: 0.4605 2023-11-10 21:37:58,336 - mmseg - INFO - per class results: 2023-11-10 21:37:58,342 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.93 | 90.86 | | building | 84.14 | 94.21 | | sky | 94.61 | 97.92 | | floor | 81.53 | 92.65 | | tree | 75.11 | 85.78 | | ceiling | 84.79 | 92.91 | | road | 84.5 | 92.19 | | bed | 91.0 | 96.44 | | windowpane | 61.77 | 77.21 | | grass | 69.23 | 85.7 | | cabinet | 60.9 | 72.49 | | sidewalk | 67.47 | 81.08 | | person | 83.3 | 92.98 | | earth | 38.84 | 52.27 | | door | 49.63 | 59.47 | | table | 63.39 | 77.29 | | mountain | 60.78 | 73.47 | | plant | 54.07 | 63.97 | | curtain | 73.93 | 83.53 | | chair | 59.32 | 70.03 | | car | 85.4 | 93.21 | | water | 60.97 | 75.13 | | painting | 75.49 | 84.99 | | sofa | 69.99 | 86.49 | | shelf | 44.85 | 60.2 | | house | 57.09 | 74.35 | | sea | 66.2 | 76.24 | | mirror | 72.05 | 77.96 | | rug | 53.65 | 60.9 | | field | 26.67 | 40.35 | | armchair | 43.78 | 58.64 | | seat | 61.91 | 85.64 | | fence | 45.4 | 58.12 | | desk | 54.76 | 71.81 | | rock | 49.78 | 68.55 | | wardrobe | 52.6 | 81.1 | | lamp | 69.18 | 79.57 | | bathtub | 79.85 | 87.61 | | railing | 33.19 | 44.04 | | cushion | 62.16 | 69.74 | | base | 30.39 | 40.7 | | box | 32.86 | 40.1 | | column | 49.72 | 54.26 | | signboard | 34.42 | 45.28 | | chest of drawers | 46.26 | 63.25 | | counter | 47.15 | 53.6 | | sand | 52.07 | 77.82 | | sink | 75.59 | 82.03 | | skyscraper | 39.96 | 43.27 | | fireplace | 73.8 | 89.83 | | refrigerator | 74.29 | 82.52 | | grandstand | 54.22 | 71.4 | | path | 23.57 | 29.37 | | stairs | 42.44 | 50.66 | | runway | 71.92 | 93.65 | | case | 56.5 | 72.36 | | pool table | 94.18 | 97.03 | | pillow | 63.2 | 79.06 | | screen door | 70.46 | 74.42 | | stairway | 44.36 | 58.41 | | river | 13.16 | 32.37 | | bridge | 55.27 | 67.06 | | bookcase | 43.82 | 60.32 | | blind | 17.33 | 17.89 | | coffee table | 64.15 | 83.23 | | toilet | 86.8 | 90.86 | | flower | 47.57 | 59.81 | | book | 53.07 | 76.51 | | hill | 10.36 | 17.97 | | bench | 51.52 | 60.06 | | countertop | 62.04 | 75.4 | | stove | 78.06 | 83.16 | | palm | 53.27 | 77.63 | | kitchen island | 40.99 | 56.78 | | computer | 72.18 | 84.63 | | swivel chair | 41.87 | 57.52 | | boat | 70.74 | 81.47 | | bar | 76.61 | 86.26 | | arcade machine | 81.32 | 88.61 | | hovel | 44.83 | 54.01 | | bus | 90.22 | 95.94 | | towel | 70.09 | 78.74 | | light | 52.61 | 57.44 | | truck | 40.01 | 48.36 | | tower | 28.39 | 43.23 | | chandelier | 69.49 | 77.78 | | awning | 29.43 | 37.75 | | streetlight | 28.67 | 35.41 | | booth | 44.4 | 54.87 | | television receiver | 81.57 | 87.68 | | airplane | 62.13 | 70.01 | | dirt track | 3.98 | 9.21 | | apparel | 65.18 | 74.6 | | pole | 21.55 | 26.15 | | land | 2.09 | 3.13 | | bannister | 9.87 | 12.99 | | escalator | 58.94 | 80.33 | | ottoman | 43.99 | 55.75 | | bottle | 42.31 | 69.1 | | buffet | 56.46 | 71.75 | | poster | 25.8 | 30.0 | | stage | 20.13 | 43.9 | | van | 41.05 | 51.1 | | ship | 51.45 | 54.22 | | fountain | 36.69 | 37.59 | | conveyer belt | 73.05 | 94.61 | | canopy | 66.36 | 79.1 | | washer | 83.15 | 89.77 | | plaything | 23.76 | 31.44 | | swimming pool | 58.48 | 84.2 | | stool | 47.65 | 58.32 | | barrel | 46.86 | 58.07 | | basket | 37.13 | 45.28 | | waterfall | 53.16 | 66.18 | | tent | 94.44 | 98.97 | | bag | 18.88 | 21.49 | | minibike | 73.61 | 84.2 | | cradle | 88.39 | 96.5 | | oven | 57.77 | 71.48 | | ball | 54.56 | 65.37 | | food | 53.46 | 69.08 | | step | 10.57 | 10.94 | | tank | 55.59 | 67.34 | | trade name | 16.58 | 18.11 | | microwave | 87.2 | 92.63 | | pot | 49.06 | 55.31 | | animal | 58.48 | 59.82 | | bicycle | 56.32 | 69.03 | | lake | 51.37 | 66.08 | | dishwasher | 61.64 | 73.8 | | screen | 50.75 | 66.65 | | blanket | 25.92 | 29.48 | | sculpture | 74.44 | 81.57 | | hood | 66.39 | 71.77 | | sconce | 54.54 | 64.56 | | vase | 40.65 | 51.22 | | traffic light | 34.42 | 44.32 | | tray | 15.85 | 19.9 | | ashcan | 46.84 | 57.46 | | fan | 64.41 | 74.82 | | pier | 34.36 | 46.62 | | crt screen | 2.51 | 3.63 | | plate | 53.44 | 64.78 | | monitor | 62.32 | 74.11 | | bulletin board | 43.47 | 50.29 | | shower | 3.75 | 7.65 | | radiator | 58.48 | 67.9 | | glass | 15.55 | 16.44 | | clock | 38.52 | 41.82 | | flag | 45.47 | 47.52 | +---------------------+-------+-------+ 2023-11-10 21:37:58,342 - mmseg - INFO - Summary: 2023-11-10 21:37:58,342 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.42 | 53.4 | 63.96 | +-------+------+-------+ 2023-11-10 21:37:58,343 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:37:58,343 - mmseg - INFO - Iter(val) [250] aAcc: 0.8442, mIoU: 0.5340, mAcc: 0.6396, IoU.wall: 0.7893, IoU.building: 0.8414, IoU.sky: 0.9461, IoU.floor: 0.8153, IoU.tree: 0.7511, IoU.ceiling: 0.8479, IoU.road: 0.8450, IoU.bed : 0.9100, IoU.windowpane: 0.6177, IoU.grass: 0.6923, IoU.cabinet: 0.6090, IoU.sidewalk: 0.6747, IoU.person: 0.8330, IoU.earth: 0.3884, IoU.door: 0.4963, IoU.table: 0.6339, IoU.mountain: 0.6078, IoU.plant: 0.5407, IoU.curtain: 0.7393, IoU.chair: 0.5932, IoU.car: 0.8540, IoU.water: 0.6097, IoU.painting: 0.7549, IoU.sofa: 0.6999, IoU.shelf: 0.4485, IoU.house: 0.5709, IoU.sea: 0.6620, IoU.mirror: 0.7205, IoU.rug: 0.5365, IoU.field: 0.2667, IoU.armchair: 0.4378, IoU.seat: 0.6191, IoU.fence: 0.4540, IoU.desk: 0.5476, IoU.rock: 0.4978, IoU.wardrobe: 0.5260, IoU.lamp: 0.6918, IoU.bathtub: 0.7985, IoU.railing: 0.3319, IoU.cushion: 0.6216, IoU.base: 0.3039, IoU.box: 0.3286, IoU.column: 0.4972, IoU.signboard: 0.3442, IoU.chest of drawers: 0.4626, IoU.counter: 0.4715, IoU.sand: 0.5207, IoU.sink: 0.7559, IoU.skyscraper: 0.3996, IoU.fireplace: 0.7380, IoU.refrigerator: 0.7429, IoU.grandstand: 0.5422, IoU.path: 0.2357, IoU.stairs: 0.4244, IoU.runway: 0.7192, IoU.case: 0.5650, IoU.pool table: 0.9418, IoU.pillow: 0.6320, IoU.screen door: 0.7046, IoU.stairway: 0.4436, IoU.river: 0.1316, IoU.bridge: 0.5527, IoU.bookcase: 0.4382, IoU.blind: 0.1733, IoU.coffee table: 0.6415, IoU.toilet: 0.8680, IoU.flower: 0.4757, IoU.book: 0.5307, IoU.hill: 0.1036, IoU.bench: 0.5152, IoU.countertop: 0.6204, IoU.stove: 0.7806, IoU.palm: 0.5327, IoU.kitchen island: 0.4099, IoU.computer: 0.7218, IoU.swivel chair: 0.4187, IoU.boat: 0.7074, IoU.bar: 0.7661, IoU.arcade machine: 0.8132, IoU.hovel: 0.4483, IoU.bus: 0.9022, IoU.towel: 0.7009, IoU.light: 0.5261, IoU.truck: 0.4001, IoU.tower: 0.2839, IoU.chandelier: 0.6949, IoU.awning: 0.2943, IoU.streetlight: 0.2867, IoU.booth: 0.4440, IoU.television receiver: 0.8157, IoU.airplane: 0.6213, IoU.dirt track: 0.0398, IoU.apparel: 0.6518, IoU.pole: 0.2155, IoU.land: 0.0209, IoU.bannister: 0.0987, IoU.escalator: 0.5894, IoU.ottoman: 0.4399, IoU.bottle: 0.4231, IoU.buffet: 0.5646, IoU.poster: 0.2580, IoU.stage: 0.2013, IoU.van: 0.4105, IoU.ship: 0.5145, IoU.fountain: 0.3669, IoU.conveyer belt: 0.7305, IoU.canopy: 0.6636, IoU.washer: 0.8315, IoU.plaything: 0.2376, IoU.swimming pool: 0.5848, IoU.stool: 0.4765, IoU.barrel: 0.4686, IoU.basket: 0.3713, IoU.waterfall: 0.5316, IoU.tent: 0.9444, IoU.bag: 0.1888, IoU.minibike: 0.7361, IoU.cradle: 0.8839, IoU.oven: 0.5777, IoU.ball: 0.5456, IoU.food: 0.5346, IoU.step: 0.1057, IoU.tank: 0.5559, IoU.trade name: 0.1658, IoU.microwave: 0.8720, IoU.pot: 0.4906, IoU.animal: 0.5848, IoU.bicycle: 0.5632, IoU.lake: 0.5137, IoU.dishwasher: 0.6164, IoU.screen: 0.5075, IoU.blanket: 0.2592, IoU.sculpture: 0.7444, IoU.hood: 0.6639, IoU.sconce: 0.5454, IoU.vase: 0.4065, IoU.traffic light: 0.3442, IoU.tray: 0.1585, IoU.ashcan: 0.4684, IoU.fan: 0.6441, IoU.pier: 0.3436, IoU.crt screen: 0.0251, IoU.plate: 0.5344, IoU.monitor: 0.6232, IoU.bulletin board: 0.4347, IoU.shower: 0.0375, IoU.radiator: 0.5848, IoU.glass: 0.1555, IoU.clock: 0.3852, IoU.flag: 0.4547, Acc.wall: 0.9086, Acc.building: 0.9421, Acc.sky: 0.9792, Acc.floor: 0.9265, Acc.tree: 0.8578, Acc.ceiling: 0.9291, Acc.road: 0.9219, Acc.bed : 0.9644, Acc.windowpane: 0.7721, Acc.grass: 0.8570, Acc.cabinet: 0.7249, Acc.sidewalk: 0.8108, Acc.person: 0.9298, Acc.earth: 0.5227, Acc.door: 0.5947, Acc.table: 0.7729, Acc.mountain: 0.7347, Acc.plant: 0.6397, Acc.curtain: 0.8353, Acc.chair: 0.7003, Acc.car: 0.9321, Acc.water: 0.7513, Acc.painting: 0.8499, Acc.sofa: 0.8649, Acc.shelf: 0.6020, Acc.house: 0.7435, Acc.sea: 0.7624, Acc.mirror: 0.7796, Acc.rug: 0.6090, Acc.field: 0.4035, Acc.armchair: 0.5864, Acc.seat: 0.8564, Acc.fence: 0.5812, Acc.desk: 0.7181, Acc.rock: 0.6855, Acc.wardrobe: 0.8110, Acc.lamp: 0.7957, Acc.bathtub: 0.8761, Acc.railing: 0.4404, Acc.cushion: 0.6974, Acc.base: 0.4070, Acc.box: 0.4010, Acc.column: 0.5426, Acc.signboard: 0.4528, Acc.chest of drawers: 0.6325, Acc.counter: 0.5360, Acc.sand: 0.7782, Acc.sink: 0.8203, Acc.skyscraper: 0.4327, Acc.fireplace: 0.8983, Acc.refrigerator: 0.8252, Acc.grandstand: 0.7140, Acc.path: 0.2937, Acc.stairs: 0.5066, Acc.runway: 0.9365, Acc.case: 0.7236, Acc.pool table: 0.9703, Acc.pillow: 0.7906, Acc.screen door: 0.7442, Acc.stairway: 0.5841, Acc.river: 0.3237, Acc.bridge: 0.6706, Acc.bookcase: 0.6032, Acc.blind: 0.1789, Acc.coffee table: 0.8323, Acc.toilet: 0.9086, Acc.flower: 0.5981, Acc.book: 0.7651, Acc.hill: 0.1797, Acc.bench: 0.6006, Acc.countertop: 0.7540, Acc.stove: 0.8316, Acc.palm: 0.7763, Acc.kitchen island: 0.5678, Acc.computer: 0.8463, Acc.swivel chair: 0.5752, Acc.boat: 0.8147, Acc.bar: 0.8626, Acc.arcade machine: 0.8861, Acc.hovel: 0.5401, Acc.bus: 0.9594, Acc.towel: 0.7874, Acc.light: 0.5744, Acc.truck: 0.4836, Acc.tower: 0.4323, Acc.chandelier: 0.7778, Acc.awning: 0.3775, Acc.streetlight: 0.3541, Acc.booth: 0.5487, Acc.television receiver: 0.8768, Acc.airplane: 0.7001, Acc.dirt track: 0.0921, Acc.apparel: 0.7460, Acc.pole: 0.2615, Acc.land: 0.0313, Acc.bannister: 0.1299, Acc.escalator: 0.8033, Acc.ottoman: 0.5575, Acc.bottle: 0.6910, Acc.buffet: 0.7175, Acc.poster: 0.3000, Acc.stage: 0.4390, Acc.van: 0.5110, Acc.ship: 0.5422, Acc.fountain: 0.3759, Acc.conveyer belt: 0.9461, Acc.canopy: 0.7910, Acc.washer: 0.8977, Acc.plaything: 0.3144, Acc.swimming pool: 0.8420, Acc.stool: 0.5832, Acc.barrel: 0.5807, Acc.basket: 0.4528, Acc.waterfall: 0.6618, Acc.tent: 0.9897, Acc.bag: 0.2149, Acc.minibike: 0.8420, Acc.cradle: 0.9650, Acc.oven: 0.7148, Acc.ball: 0.6537, Acc.food: 0.6908, Acc.step: 0.1094, Acc.tank: 0.6734, Acc.trade name: 0.1811, Acc.microwave: 0.9263, Acc.pot: 0.5531, Acc.animal: 0.5982, Acc.bicycle: 0.6903, Acc.lake: 0.6608, Acc.dishwasher: 0.7380, Acc.screen: 0.6665, Acc.blanket: 0.2948, Acc.sculpture: 0.8157, Acc.hood: 0.7177, Acc.sconce: 0.6456, Acc.vase: 0.5122, Acc.traffic light: 0.4432, Acc.tray: 0.1990, Acc.ashcan: 0.5746, Acc.fan: 0.7482, Acc.pier: 0.4662, Acc.crt screen: 0.0363, Acc.plate: 0.6478, Acc.monitor: 0.7411, Acc.bulletin board: 0.5029, Acc.shower: 0.0765, Acc.radiator: 0.6790, Acc.glass: 0.1644, Acc.clock: 0.4182, Acc.flag: 0.4752 2023-11-10 21:38:33,139 - mmseg - INFO - Iter [47050/80000] lr: 1.648e-05, eta: 7:25:05, time: 2.301, data_time: 1.613, memory: 60073, decode.loss_ce: 0.1555, decode.acc_seg: 93.2073, aux.loss_ce: 0.2946, aux.acc_seg: 73.5909, loss: 0.4501 2023-11-10 21:39:07,844 - mmseg - INFO - Iter [47100/80000] lr: 1.645e-05, eta: 7:24:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1623, decode.acc_seg: 92.7888, aux.loss_ce: 0.2934, aux.acc_seg: 73.5466, loss: 0.4557 2023-11-10 21:39:42,552 - mmseg - INFO - Iter [47150/80000] lr: 1.643e-05, eta: 7:23:36, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1670, decode.acc_seg: 92.7088, aux.loss_ce: 0.2804, aux.acc_seg: 74.3452, loss: 0.4474 2023-11-10 21:40:17,274 - mmseg - INFO - Iter [47200/80000] lr: 1.640e-05, eta: 7:22:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1564, decode.acc_seg: 93.1721, aux.loss_ce: 0.2907, aux.acc_seg: 73.2420, loss: 0.4471 2023-11-10 21:40:51,976 - mmseg - INFO - Iter [47250/80000] lr: 1.638e-05, eta: 7:22:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1596, decode.acc_seg: 92.8775, aux.loss_ce: 0.2862, aux.acc_seg: 73.5383, loss: 0.4459 2023-11-10 21:41:26,691 - mmseg - INFO - Iter [47300/80000] lr: 1.635e-05, eta: 7:21:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1559, decode.acc_seg: 93.2352, aux.loss_ce: 0.2927, aux.acc_seg: 73.6604, loss: 0.4486 2023-11-10 21:42:01,370 - mmseg - INFO - Iter [47350/80000] lr: 1.633e-05, eta: 7:20:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1644, decode.acc_seg: 92.9081, aux.loss_ce: 0.2967, aux.acc_seg: 74.0323, loss: 0.4611 2023-11-10 21:42:36,072 - mmseg - INFO - Iter [47400/80000] lr: 1.630e-05, eta: 7:19:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1700, decode.acc_seg: 92.7131, aux.loss_ce: 0.2975, aux.acc_seg: 73.6689, loss: 0.4676 2023-11-10 21:43:10,799 - mmseg - INFO - Iter [47450/80000] lr: 1.628e-05, eta: 7:19:09, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1614, decode.acc_seg: 93.0919, aux.loss_ce: 0.2904, aux.acc_seg: 73.0320, loss: 0.4518 2023-11-10 21:43:45,496 - mmseg - INFO - Iter [47500/80000] lr: 1.625e-05, eta: 7:18:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1663, decode.acc_seg: 92.8897, aux.loss_ce: 0.2873, aux.acc_seg: 74.3478, loss: 0.4536 2023-11-10 21:44:20,212 - mmseg - INFO - Iter [47550/80000] lr: 1.623e-05, eta: 7:17:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1679, decode.acc_seg: 92.7686, aux.loss_ce: 0.2936, aux.acc_seg: 73.2996, loss: 0.4615 2023-11-10 21:44:54,924 - mmseg - INFO - Iter [47600/80000] lr: 1.620e-05, eta: 7:16:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1579, decode.acc_seg: 93.0952, aux.loss_ce: 0.2891, aux.acc_seg: 74.0631, loss: 0.4470 2023-11-10 21:45:29,621 - mmseg - INFO - Iter [47650/80000] lr: 1.618e-05, eta: 7:16:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1634, decode.acc_seg: 92.7633, aux.loss_ce: 0.3067, aux.acc_seg: 72.8228, loss: 0.4700 2023-11-10 21:46:04,305 - mmseg - INFO - Iter [47700/80000] lr: 1.615e-05, eta: 7:15:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1595, decode.acc_seg: 92.9264, aux.loss_ce: 0.2860, aux.acc_seg: 74.3413, loss: 0.4455 2023-11-10 21:46:38,995 - mmseg - INFO - Iter [47750/80000] lr: 1.613e-05, eta: 7:14:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1635, decode.acc_seg: 92.5414, aux.loss_ce: 0.2943, aux.acc_seg: 73.1204, loss: 0.4577 2023-11-10 21:47:13,688 - mmseg - INFO - Iter [47800/80000] lr: 1.610e-05, eta: 7:13:59, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1653, decode.acc_seg: 93.0422, aux.loss_ce: 0.3002, aux.acc_seg: 73.6076, loss: 0.4655 2023-11-10 21:47:48,380 - mmseg - INFO - Iter [47850/80000] lr: 1.608e-05, eta: 7:13:14, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1676, decode.acc_seg: 92.5752, aux.loss_ce: 0.2966, aux.acc_seg: 72.9798, loss: 0.4641 2023-11-10 21:48:23,069 - mmseg - INFO - Iter [47900/80000] lr: 1.605e-05, eta: 7:12:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1644, decode.acc_seg: 92.9442, aux.loss_ce: 0.2906, aux.acc_seg: 74.2947, loss: 0.4550 2023-11-10 21:48:57,757 - mmseg - INFO - Iter [47950/80000] lr: 1.603e-05, eta: 7:11:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1559, decode.acc_seg: 93.3767, aux.loss_ce: 0.2840, aux.acc_seg: 74.6753, loss: 0.4399 2023-11-10 21:49:34,724 - mmseg - INFO - Saving checkpoint at 48000 iterations 2023-11-10 21:50:04,041 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:50:04,041 - mmseg - INFO - Iter [48000/80000] lr: 1.600e-05, eta: 7:11:23, time: 1.326, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1649, decode.acc_seg: 92.8066, aux.loss_ce: 0.2938, aux.acc_seg: 74.0756, loss: 0.4588 2023-11-10 21:51:25,281 - mmseg - INFO - per class results: 2023-11-10 21:51:25,286 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.0 | 89.91 | | building | 84.23 | 93.43 | | sky | 94.66 | 97.56 | | floor | 81.9 | 90.59 | | tree | 75.25 | 88.76 | | ceiling | 84.59 | 92.3 | | road | 85.38 | 91.02 | | bed | 90.91 | 96.71 | | windowpane | 63.7 | 80.85 | | grass | 71.43 | 85.42 | | cabinet | 60.82 | 70.12 | | sidewalk | 68.46 | 83.05 | | person | 82.54 | 94.66 | | earth | 39.43 | 51.02 | | door | 49.39 | 62.45 | | table | 63.91 | 76.32 | | mountain | 59.83 | 76.15 | | plant | 54.19 | 64.1 | | curtain | 74.73 | 82.82 | | chair | 60.96 | 75.87 | | car | 85.74 | 93.69 | | water | 60.04 | 73.99 | | painting | 75.01 | 88.19 | | sofa | 70.6 | 80.01 | | shelf | 42.91 | 60.14 | | house | 55.17 | 73.24 | | sea | 69.14 | 82.23 | | mirror | 72.86 | 81.2 | | rug | 58.72 | 67.52 | | field | 30.0 | 43.09 | | armchair | 48.73 | 71.64 | | seat | 61.78 | 83.95 | | fence | 42.61 | 53.16 | | desk | 52.43 | 75.01 | | rock | 51.34 | 75.92 | | wardrobe | 54.09 | 72.15 | | lamp | 69.25 | 80.9 | | bathtub | 81.96 | 87.3 | | railing | 33.36 | 46.0 | | cushion | 64.09 | 78.1 | | base | 33.13 | 44.71 | | box | 32.05 | 39.13 | | column | 50.66 | 56.05 | | signboard | 35.19 | 45.9 | | chest of drawers | 40.95 | 68.85 | | counter | 48.17 | 59.95 | | sand | 56.32 | 82.32 | | sink | 75.14 | 82.84 | | skyscraper | 42.21 | 49.25 | | fireplace | 74.32 | 89.36 | | refrigerator | 76.69 | 89.27 | | grandstand | 54.99 | 70.9 | | path | 25.61 | 33.98 | | stairs | 39.2 | 47.64 | | runway | 71.2 | 94.73 | | case | 55.53 | 64.88 | | pool table | 94.07 | 97.16 | | pillow | 61.77 | 71.25 | | screen door | 65.57 | 68.5 | | stairway | 37.95 | 49.44 | | river | 11.83 | 29.37 | | bridge | 65.06 | 72.37 | | bookcase | 40.93 | 59.2 | | blind | 33.14 | 37.08 | | coffee table | 63.07 | 83.22 | | toilet | 86.35 | 93.37 | | flower | 48.52 | 66.51 | | book | 53.3 | 77.77 | | hill | 6.25 | 9.7 | | bench | 51.91 | 61.16 | | countertop | 61.86 | 78.97 | | stove | 77.26 | 85.86 | | palm | 47.83 | 78.96 | | kitchen island | 50.6 | 67.37 | | computer | 71.87 | 85.35 | | swivel chair | 41.26 | 57.11 | | boat | 67.6 | 79.91 | | bar | 72.06 | 86.59 | | arcade machine | 81.09 | 87.91 | | hovel | 43.9 | 51.75 | | bus | 90.9 | 95.81 | | towel | 72.88 | 82.53 | | light | 56.22 | 63.48 | | truck | 42.39 | 50.29 | | tower | 32.6 | 49.0 | | chandelier | 71.03 | 83.1 | | awning | 34.84 | 43.02 | | streetlight | 30.62 | 36.61 | | booth | 50.04 | 58.8 | | television receiver | 82.23 | 88.87 | | airplane | 64.28 | 72.75 | | dirt track | 2.17 | 4.84 | | apparel | 58.09 | 81.93 | | pole | 27.67 | 37.65 | | land | 1.93 | 4.82 | | bannister | 10.24 | 14.49 | | escalator | 59.16 | 81.3 | | ottoman | 46.99 | 60.84 | | bottle | 40.72 | 71.22 | | buffet | 52.79 | 62.36 | | poster | 24.95 | 29.64 | | stage | 19.72 | 36.39 | | van | 44.75 | 59.22 | | ship | 74.4 | 86.48 | | fountain | 33.67 | 34.08 | | conveyer belt | 76.37 | 94.89 | | canopy | 60.45 | 76.3 | | washer | 83.69 | 91.33 | | plaything | 23.79 | 36.96 | | swimming pool | 59.75 | 89.69 | | stool | 46.43 | 54.91 | | barrel | 54.06 | 63.75 | | basket | 37.84 | 49.04 | | waterfall | 48.58 | 56.93 | | tent | 95.34 | 98.64 | | bag | 18.15 | 20.82 | | minibike | 73.43 | 86.45 | | cradle | 88.56 | 96.42 | | oven | 58.82 | 79.52 | | ball | 51.6 | 59.67 | | food | 58.22 | 76.88 | | step | 15.06 | 17.26 | | tank | 51.49 | 69.1 | | trade name | 16.31 | 17.39 | | microwave | 86.16 | 94.56 | | pot | 46.57 | 52.06 | | animal | 56.9 | 58.38 | | bicycle | 55.86 | 70.88 | | lake | 49.03 | 69.65 | | dishwasher | 59.23 | 73.71 | | screen | 47.17 | 69.8 | | blanket | 28.05 | 32.9 | | sculpture | 69.06 | 85.42 | | hood | 67.94 | 73.82 | | sconce | 54.3 | 65.21 | | vase | 40.93 | 54.49 | | traffic light | 37.12 | 54.77 | | tray | 15.35 | 19.21 | | ashcan | 44.58 | 52.38 | | fan | 64.99 | 75.43 | | pier | 35.83 | 45.61 | | crt screen | 3.2 | 5.08 | | plate | 56.38 | 72.03 | | monitor | 65.9 | 79.2 | | bulletin board | 44.3 | 54.64 | | shower | 3.88 | 7.17 | | radiator | 59.27 | 66.48 | | glass | 16.34 | 17.36 | | clock | 40.65 | 45.78 | | flag | 57.21 | 61.01 | +---------------------+-------+-------+ 2023-11-10 21:51:25,286 - mmseg - INFO - Summary: 2023-11-10 21:51:25,286 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.55 | 54.01 | 65.66 | +-------+-------+-------+ 2023-11-10 21:51:25,287 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 21:51:25,287 - mmseg - INFO - Iter(val) [250] aAcc: 0.8455, mIoU: 0.5401, mAcc: 0.6566, IoU.wall: 0.7900, IoU.building: 0.8423, IoU.sky: 0.9466, IoU.floor: 0.8190, IoU.tree: 0.7525, IoU.ceiling: 0.8459, IoU.road: 0.8538, IoU.bed : 0.9091, IoU.windowpane: 0.6370, IoU.grass: 0.7143, IoU.cabinet: 0.6082, IoU.sidewalk: 0.6846, IoU.person: 0.8254, IoU.earth: 0.3943, IoU.door: 0.4939, IoU.table: 0.6391, IoU.mountain: 0.5983, IoU.plant: 0.5419, IoU.curtain: 0.7473, IoU.chair: 0.6096, IoU.car: 0.8574, IoU.water: 0.6004, IoU.painting: 0.7501, IoU.sofa: 0.7060, IoU.shelf: 0.4291, IoU.house: 0.5517, IoU.sea: 0.6914, IoU.mirror: 0.7286, IoU.rug: 0.5872, IoU.field: 0.3000, IoU.armchair: 0.4873, IoU.seat: 0.6178, IoU.fence: 0.4261, IoU.desk: 0.5243, IoU.rock: 0.5134, IoU.wardrobe: 0.5409, IoU.lamp: 0.6925, IoU.bathtub: 0.8196, IoU.railing: 0.3336, IoU.cushion: 0.6409, IoU.base: 0.3313, IoU.box: 0.3205, IoU.column: 0.5066, IoU.signboard: 0.3519, IoU.chest of drawers: 0.4095, IoU.counter: 0.4817, IoU.sand: 0.5632, IoU.sink: 0.7514, IoU.skyscraper: 0.4221, IoU.fireplace: 0.7432, IoU.refrigerator: 0.7669, IoU.grandstand: 0.5499, IoU.path: 0.2561, IoU.stairs: 0.3920, IoU.runway: 0.7120, IoU.case: 0.5553, IoU.pool table: 0.9407, IoU.pillow: 0.6177, IoU.screen door: 0.6557, IoU.stairway: 0.3795, IoU.river: 0.1183, IoU.bridge: 0.6506, IoU.bookcase: 0.4093, IoU.blind: 0.3314, IoU.coffee table: 0.6307, IoU.toilet: 0.8635, IoU.flower: 0.4852, IoU.book: 0.5330, IoU.hill: 0.0625, IoU.bench: 0.5191, IoU.countertop: 0.6186, IoU.stove: 0.7726, IoU.palm: 0.4783, IoU.kitchen island: 0.5060, IoU.computer: 0.7187, IoU.swivel chair: 0.4126, IoU.boat: 0.6760, IoU.bar: 0.7206, IoU.arcade machine: 0.8109, IoU.hovel: 0.4390, IoU.bus: 0.9090, IoU.towel: 0.7288, IoU.light: 0.5622, IoU.truck: 0.4239, IoU.tower: 0.3260, IoU.chandelier: 0.7103, IoU.awning: 0.3484, IoU.streetlight: 0.3062, IoU.booth: 0.5004, IoU.television receiver: 0.8223, IoU.airplane: 0.6428, IoU.dirt track: 0.0217, IoU.apparel: 0.5809, IoU.pole: 0.2767, IoU.land: 0.0193, IoU.bannister: 0.1024, IoU.escalator: 0.5916, IoU.ottoman: 0.4699, IoU.bottle: 0.4072, IoU.buffet: 0.5279, IoU.poster: 0.2495, IoU.stage: 0.1972, IoU.van: 0.4475, IoU.ship: 0.7440, IoU.fountain: 0.3367, IoU.conveyer belt: 0.7637, IoU.canopy: 0.6045, IoU.washer: 0.8369, IoU.plaything: 0.2379, IoU.swimming pool: 0.5975, IoU.stool: 0.4643, IoU.barrel: 0.5406, IoU.basket: 0.3784, IoU.waterfall: 0.4858, IoU.tent: 0.9534, IoU.bag: 0.1815, IoU.minibike: 0.7343, IoU.cradle: 0.8856, IoU.oven: 0.5882, IoU.ball: 0.5160, IoU.food: 0.5822, IoU.step: 0.1506, IoU.tank: 0.5149, IoU.trade name: 0.1631, IoU.microwave: 0.8616, IoU.pot: 0.4657, IoU.animal: 0.5690, IoU.bicycle: 0.5586, IoU.lake: 0.4903, IoU.dishwasher: 0.5923, IoU.screen: 0.4717, IoU.blanket: 0.2805, IoU.sculpture: 0.6906, IoU.hood: 0.6794, IoU.sconce: 0.5430, IoU.vase: 0.4093, IoU.traffic light: 0.3712, IoU.tray: 0.1535, IoU.ashcan: 0.4458, IoU.fan: 0.6499, IoU.pier: 0.3583, IoU.crt screen: 0.0320, IoU.plate: 0.5638, IoU.monitor: 0.6590, IoU.bulletin board: 0.4430, IoU.shower: 0.0388, IoU.radiator: 0.5927, IoU.glass: 0.1634, IoU.clock: 0.4065, IoU.flag: 0.5721, Acc.wall: 0.8991, Acc.building: 0.9343, Acc.sky: 0.9756, Acc.floor: 0.9059, Acc.tree: 0.8876, Acc.ceiling: 0.9230, Acc.road: 0.9102, Acc.bed : 0.9671, Acc.windowpane: 0.8085, Acc.grass: 0.8542, Acc.cabinet: 0.7012, Acc.sidewalk: 0.8305, Acc.person: 0.9466, Acc.earth: 0.5102, Acc.door: 0.6245, Acc.table: 0.7632, Acc.mountain: 0.7615, Acc.plant: 0.6410, Acc.curtain: 0.8282, Acc.chair: 0.7587, Acc.car: 0.9369, Acc.water: 0.7399, Acc.painting: 0.8819, Acc.sofa: 0.8001, Acc.shelf: 0.6014, Acc.house: 0.7324, Acc.sea: 0.8223, Acc.mirror: 0.8120, Acc.rug: 0.6752, Acc.field: 0.4309, Acc.armchair: 0.7164, Acc.seat: 0.8395, Acc.fence: 0.5316, Acc.desk: 0.7501, Acc.rock: 0.7592, Acc.wardrobe: 0.7215, Acc.lamp: 0.8090, Acc.bathtub: 0.8730, Acc.railing: 0.4600, Acc.cushion: 0.7810, Acc.base: 0.4471, Acc.box: 0.3913, Acc.column: 0.5605, Acc.signboard: 0.4590, Acc.chest of drawers: 0.6885, Acc.counter: 0.5995, Acc.sand: 0.8232, Acc.sink: 0.8284, Acc.skyscraper: 0.4925, Acc.fireplace: 0.8936, Acc.refrigerator: 0.8927, Acc.grandstand: 0.7090, Acc.path: 0.3398, Acc.stairs: 0.4764, Acc.runway: 0.9473, Acc.case: 0.6488, Acc.pool table: 0.9716, Acc.pillow: 0.7125, Acc.screen door: 0.6850, Acc.stairway: 0.4944, Acc.river: 0.2937, Acc.bridge: 0.7237, Acc.bookcase: 0.5920, Acc.blind: 0.3708, Acc.coffee table: 0.8322, Acc.toilet: 0.9337, Acc.flower: 0.6651, Acc.book: 0.7777, Acc.hill: 0.0970, Acc.bench: 0.6116, Acc.countertop: 0.7897, Acc.stove: 0.8586, Acc.palm: 0.7896, Acc.kitchen island: 0.6737, Acc.computer: 0.8535, Acc.swivel chair: 0.5711, Acc.boat: 0.7991, Acc.bar: 0.8659, Acc.arcade machine: 0.8791, Acc.hovel: 0.5175, Acc.bus: 0.9581, Acc.towel: 0.8253, Acc.light: 0.6348, Acc.truck: 0.5029, Acc.tower: 0.4900, Acc.chandelier: 0.8310, Acc.awning: 0.4302, Acc.streetlight: 0.3661, Acc.booth: 0.5880, Acc.television receiver: 0.8887, Acc.airplane: 0.7275, Acc.dirt track: 0.0484, Acc.apparel: 0.8193, Acc.pole: 0.3765, Acc.land: 0.0482, Acc.bannister: 0.1449, Acc.escalator: 0.8130, Acc.ottoman: 0.6084, Acc.bottle: 0.7122, Acc.buffet: 0.6236, Acc.poster: 0.2964, Acc.stage: 0.3639, Acc.van: 0.5922, Acc.ship: 0.8648, Acc.fountain: 0.3408, Acc.conveyer belt: 0.9489, Acc.canopy: 0.7630, Acc.washer: 0.9133, Acc.plaything: 0.3696, Acc.swimming pool: 0.8969, Acc.stool: 0.5491, Acc.barrel: 0.6375, Acc.basket: 0.4904, Acc.waterfall: 0.5693, Acc.tent: 0.9864, Acc.bag: 0.2082, Acc.minibike: 0.8645, Acc.cradle: 0.9642, Acc.oven: 0.7952, Acc.ball: 0.5967, Acc.food: 0.7688, Acc.step: 0.1726, Acc.tank: 0.6910, Acc.trade name: 0.1739, Acc.microwave: 0.9456, Acc.pot: 0.5206, Acc.animal: 0.5838, Acc.bicycle: 0.7088, Acc.lake: 0.6965, Acc.dishwasher: 0.7371, Acc.screen: 0.6980, Acc.blanket: 0.3290, Acc.sculpture: 0.8542, Acc.hood: 0.7382, Acc.sconce: 0.6521, Acc.vase: 0.5449, Acc.traffic light: 0.5477, Acc.tray: 0.1921, Acc.ashcan: 0.5238, Acc.fan: 0.7543, Acc.pier: 0.4561, Acc.crt screen: 0.0508, Acc.plate: 0.7203, Acc.monitor: 0.7920, Acc.bulletin board: 0.5464, Acc.shower: 0.0717, Acc.radiator: 0.6648, Acc.glass: 0.1736, Acc.clock: 0.4578, Acc.flag: 0.6101 2023-11-10 21:52:00,053 - mmseg - INFO - Iter [48050/80000] lr: 1.598e-05, eta: 7:11:33, time: 2.320, data_time: 1.632, memory: 60073, decode.loss_ce: 0.1593, decode.acc_seg: 93.1228, aux.loss_ce: 0.2944, aux.acc_seg: 73.5850, loss: 0.4536 2023-11-10 21:52:34,767 - mmseg - INFO - Iter [48100/80000] lr: 1.595e-05, eta: 7:10:48, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1567, decode.acc_seg: 93.0544, aux.loss_ce: 0.2835, aux.acc_seg: 74.0814, loss: 0.4402 2023-11-10 21:53:09,477 - mmseg - INFO - Iter [48150/80000] lr: 1.593e-05, eta: 7:10:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1614, decode.acc_seg: 93.0346, aux.loss_ce: 0.2999, aux.acc_seg: 73.4413, loss: 0.4613 2023-11-10 21:53:44,202 - mmseg - INFO - Iter [48200/80000] lr: 1.590e-05, eta: 7:09:20, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1647, decode.acc_seg: 92.8084, aux.loss_ce: 0.2861, aux.acc_seg: 73.7647, loss: 0.4508 2023-11-10 21:54:18,916 - mmseg - INFO - Iter [48250/80000] lr: 1.588e-05, eta: 7:08:35, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1639, decode.acc_seg: 92.9244, aux.loss_ce: 0.2955, aux.acc_seg: 74.1278, loss: 0.4594 2023-11-10 21:54:53,615 - mmseg - INFO - Iter [48300/80000] lr: 1.585e-05, eta: 7:07:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1559, decode.acc_seg: 93.2383, aux.loss_ce: 0.2849, aux.acc_seg: 74.8205, loss: 0.4408 2023-11-10 21:55:28,313 - mmseg - INFO - Iter [48350/80000] lr: 1.583e-05, eta: 7:07:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1617, decode.acc_seg: 92.9968, aux.loss_ce: 0.2941, aux.acc_seg: 73.7058, loss: 0.4557 2023-11-10 21:56:02,998 - mmseg - INFO - Iter [48400/80000] lr: 1.580e-05, eta: 7:06:22, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1644, decode.acc_seg: 92.8299, aux.loss_ce: 0.3014, aux.acc_seg: 73.5425, loss: 0.4658 2023-11-10 21:56:37,683 - mmseg - INFO - Iter [48450/80000] lr: 1.578e-05, eta: 7:05:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1586, decode.acc_seg: 93.1410, aux.loss_ce: 0.2950, aux.acc_seg: 73.1683, loss: 0.4536 2023-11-10 21:57:12,396 - mmseg - INFO - Iter [48500/80000] lr: 1.575e-05, eta: 7:04:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1545, decode.acc_seg: 93.3343, aux.loss_ce: 0.2867, aux.acc_seg: 73.7677, loss: 0.4412 2023-11-10 21:57:47,111 - mmseg - INFO - Iter [48550/80000] lr: 1.573e-05, eta: 7:04:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1553, decode.acc_seg: 93.2292, aux.loss_ce: 0.2913, aux.acc_seg: 74.0053, loss: 0.4466 2023-11-10 21:58:21,818 - mmseg - INFO - Iter [48600/80000] lr: 1.570e-05, eta: 7:03:26, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1531, decode.acc_seg: 93.2142, aux.loss_ce: 0.2775, aux.acc_seg: 74.9073, loss: 0.4306 2023-11-10 21:58:56,521 - mmseg - INFO - Iter [48650/80000] lr: 1.568e-05, eta: 7:02:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1548, decode.acc_seg: 93.1290, aux.loss_ce: 0.2904, aux.acc_seg: 73.6897, loss: 0.4453 2023-11-10 21:59:31,196 - mmseg - INFO - Iter [48700/80000] lr: 1.565e-05, eta: 7:01:57, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1569, decode.acc_seg: 93.0561, aux.loss_ce: 0.2915, aux.acc_seg: 73.2953, loss: 0.4485 2023-11-10 22:00:05,903 - mmseg - INFO - Iter [48750/80000] lr: 1.563e-05, eta: 7:01:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1646, decode.acc_seg: 92.7734, aux.loss_ce: 0.2828, aux.acc_seg: 74.2334, loss: 0.4475 2023-11-10 22:00:40,603 - mmseg - INFO - Iter [48800/80000] lr: 1.560e-05, eta: 7:00:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1649, decode.acc_seg: 92.8985, aux.loss_ce: 0.3022, aux.acc_seg: 73.3331, loss: 0.4672 2023-11-10 22:01:15,288 - mmseg - INFO - Iter [48850/80000] lr: 1.558e-05, eta: 6:59:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1490, decode.acc_seg: 93.5863, aux.loss_ce: 0.2720, aux.acc_seg: 75.4605, loss: 0.4210 2023-11-10 22:01:49,976 - mmseg - INFO - Iter [48900/80000] lr: 1.555e-05, eta: 6:59:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1511, decode.acc_seg: 93.3484, aux.loss_ce: 0.2919, aux.acc_seg: 74.1386, loss: 0.4430 2023-11-10 22:02:24,701 - mmseg - INFO - Iter [48950/80000] lr: 1.553e-05, eta: 6:58:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1666, decode.acc_seg: 92.6888, aux.loss_ce: 0.2947, aux.acc_seg: 73.2944, loss: 0.4613 2023-11-10 22:02:59,436 - mmseg - INFO - Saving checkpoint at 49000 iterations 2023-11-10 22:03:28,763 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:03:28,763 - mmseg - INFO - Iter [49000/80000] lr: 1.550e-05, eta: 6:57:51, time: 1.281, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1575, decode.acc_seg: 93.1691, aux.loss_ce: 0.2823, aux.acc_seg: 74.8208, loss: 0.4398 2023-11-10 22:04:49,042 - mmseg - INFO - per class results: 2023-11-10 22:04:49,047 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.24 | 88.6 | | building | 83.99 | 92.74 | | sky | 94.69 | 97.38 | | floor | 82.35 | 90.51 | | tree | 75.6 | 89.41 | | ceiling | 84.96 | 93.14 | | road | 85.62 | 90.57 | | bed | 90.2 | 97.21 | | windowpane | 63.46 | 77.64 | | grass | 70.14 | 84.0 | | cabinet | 62.58 | 74.43 | | sidewalk | 68.17 | 83.15 | | person | 83.02 | 93.54 | | earth | 40.8 | 53.75 | | door | 48.97 | 68.21 | | table | 64.17 | 75.57 | | mountain | 61.39 | 75.83 | | plant | 54.17 | 66.22 | | curtain | 74.87 | 85.89 | | chair | 60.38 | 73.87 | | car | 85.85 | 93.41 | | water | 61.47 | 76.13 | | painting | 74.65 | 88.0 | | sofa | 71.17 | 85.14 | | shelf | 44.69 | 62.07 | | house | 53.54 | 73.6 | | sea | 67.43 | 77.18 | | mirror | 72.61 | 79.62 | | rug | 60.17 | 71.77 | | field | 33.87 | 51.3 | | armchair | 47.81 | 63.54 | | seat | 64.38 | 87.1 | | fence | 46.68 | 60.18 | | desk | 54.07 | 76.98 | | rock | 53.01 | 74.78 | | wardrobe | 55.01 | 73.72 | | lamp | 69.22 | 81.67 | | bathtub | 82.9 | 88.69 | | railing | 28.31 | 36.24 | | cushion | 63.55 | 79.58 | | base | 30.71 | 40.47 | | box | 34.07 | 42.6 | | column | 50.33 | 65.93 | | signboard | 35.48 | 48.53 | | chest of drawers | 40.68 | 58.62 | | counter | 46.95 | 55.24 | | sand | 53.29 | 80.06 | | sink | 74.06 | 82.07 | | skyscraper | 45.43 | 56.64 | | fireplace | 73.83 | 91.26 | | refrigerator | 75.13 | 85.43 | | grandstand | 55.91 | 75.9 | | path | 25.94 | 34.95 | | stairs | 32.8 | 38.68 | | runway | 71.17 | 93.66 | | case | 59.81 | 72.17 | | pool table | 94.05 | 97.67 | | pillow | 55.51 | 61.24 | | screen door | 44.44 | 45.99 | | stairway | 39.75 | 60.66 | | river | 12.32 | 29.5 | | bridge | 67.53 | 77.89 | | bookcase | 42.75 | 59.03 | | blind | 42.88 | 53.17 | | coffee table | 63.21 | 83.96 | | toilet | 86.47 | 92.62 | | flower | 48.04 | 63.28 | | book | 51.72 | 78.82 | | hill | 9.9 | 15.37 | | bench | 55.4 | 67.08 | | countertop | 60.67 | 79.51 | | stove | 78.98 | 85.68 | | palm | 52.5 | 73.02 | | kitchen island | 49.07 | 57.19 | | computer | 72.41 | 85.8 | | swivel chair | 39.73 | 67.97 | | boat | 61.32 | 81.08 | | bar | 72.56 | 87.66 | | arcade machine | 78.28 | 85.4 | | hovel | 43.9 | 51.45 | | bus | 89.67 | 96.18 | | towel | 70.81 | 89.58 | | light | 56.35 | 65.84 | | truck | 40.59 | 49.07 | | tower | 34.47 | 62.38 | | chandelier | 69.89 | 79.76 | | awning | 36.56 | 46.45 | | streetlight | 29.75 | 35.3 | | booth | 50.22 | 75.72 | | television receiver | 77.95 | 89.74 | | airplane | 62.62 | 76.11 | | dirt track | 7.6 | 22.95 | | apparel | 64.05 | 76.36 | | pole | 26.87 | 36.02 | | land | 2.41 | 5.45 | | bannister | 11.59 | 16.27 | | escalator | 56.07 | 84.58 | | ottoman | 42.28 | 59.35 | | bottle | 41.84 | 70.76 | | buffet | 50.12 | 55.36 | | poster | 28.92 | 38.16 | | stage | 22.99 | 46.42 | | van | 46.43 | 62.83 | | ship | 71.85 | 79.38 | | fountain | 44.81 | 45.79 | | conveyer belt | 71.54 | 95.98 | | canopy | 50.61 | 63.81 | | washer | 83.04 | 90.36 | | plaything | 30.43 | 53.12 | | swimming pool | 59.84 | 88.97 | | stool | 49.26 | 59.52 | | barrel | 49.74 | 53.23 | | basket | 37.52 | 48.63 | | waterfall | 50.05 | 58.24 | | tent | 94.09 | 98.27 | | bag | 22.76 | 29.67 | | minibike | 73.16 | 83.76 | | cradle | 85.68 | 98.63 | | oven | 62.48 | 72.5 | | ball | 55.81 | 65.1 | | food | 57.85 | 75.09 | | step | 15.97 | 17.95 | | tank | 57.95 | 68.7 | | trade name | 25.25 | 28.94 | | microwave | 86.45 | 93.08 | | pot | 48.13 | 53.61 | | animal | 63.74 | 66.68 | | bicycle | 55.3 | 69.84 | | lake | 51.03 | 68.42 | | dishwasher | 58.87 | 71.88 | | screen | 49.11 | 73.58 | | blanket | 26.57 | 31.42 | | sculpture | 68.84 | 86.39 | | hood | 67.72 | 73.19 | | sconce | 54.98 | 68.06 | | vase | 41.27 | 55.02 | | traffic light | 36.33 | 51.03 | | tray | 13.3 | 15.45 | | ashcan | 46.8 | 58.92 | | fan | 65.3 | 75.83 | | pier | 34.41 | 46.29 | | crt screen | 4.32 | 6.4 | | plate | 57.32 | 72.27 | | monitor | 57.74 | 80.18 | | bulletin board | 43.54 | 53.12 | | shower | 3.2 | 6.5 | | radiator | 58.04 | 69.83 | | glass | 19.29 | 21.32 | | clock | 42.54 | 47.36 | | flag | 55.16 | 58.1 | +---------------------+-------+-------+ 2023-11-10 22:04:49,047 - mmseg - INFO - Summary: 2023-11-10 22:04:49,047 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.6 | 54.18 | 66.57 | +------+-------+-------+ 2023-11-10 22:04:49,048 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:04:49,049 - mmseg - INFO - Iter(val) [250] aAcc: 0.8460, mIoU: 0.5418, mAcc: 0.6657, IoU.wall: 0.7924, IoU.building: 0.8399, IoU.sky: 0.9469, IoU.floor: 0.8235, IoU.tree: 0.7560, IoU.ceiling: 0.8496, IoU.road: 0.8562, IoU.bed : 0.9020, IoU.windowpane: 0.6346, IoU.grass: 0.7014, IoU.cabinet: 0.6258, IoU.sidewalk: 0.6817, IoU.person: 0.8302, IoU.earth: 0.4080, IoU.door: 0.4897, IoU.table: 0.6417, IoU.mountain: 0.6139, IoU.plant: 0.5417, IoU.curtain: 0.7487, IoU.chair: 0.6038, IoU.car: 0.8585, IoU.water: 0.6147, IoU.painting: 0.7465, IoU.sofa: 0.7117, IoU.shelf: 0.4469, IoU.house: 0.5354, IoU.sea: 0.6743, IoU.mirror: 0.7261, IoU.rug: 0.6017, IoU.field: 0.3387, IoU.armchair: 0.4781, IoU.seat: 0.6438, IoU.fence: 0.4668, IoU.desk: 0.5407, IoU.rock: 0.5301, IoU.wardrobe: 0.5501, IoU.lamp: 0.6922, IoU.bathtub: 0.8290, IoU.railing: 0.2831, IoU.cushion: 0.6355, IoU.base: 0.3071, IoU.box: 0.3407, IoU.column: 0.5033, IoU.signboard: 0.3548, IoU.chest of drawers: 0.4068, IoU.counter: 0.4695, IoU.sand: 0.5329, IoU.sink: 0.7406, IoU.skyscraper: 0.4543, IoU.fireplace: 0.7383, IoU.refrigerator: 0.7513, IoU.grandstand: 0.5591, IoU.path: 0.2594, IoU.stairs: 0.3280, IoU.runway: 0.7117, IoU.case: 0.5981, IoU.pool table: 0.9405, IoU.pillow: 0.5551, IoU.screen door: 0.4444, IoU.stairway: 0.3975, IoU.river: 0.1232, IoU.bridge: 0.6753, IoU.bookcase: 0.4275, IoU.blind: 0.4288, IoU.coffee table: 0.6321, IoU.toilet: 0.8647, IoU.flower: 0.4804, IoU.book: 0.5172, IoU.hill: 0.0990, IoU.bench: 0.5540, IoU.countertop: 0.6067, IoU.stove: 0.7898, IoU.palm: 0.5250, IoU.kitchen island: 0.4907, IoU.computer: 0.7241, IoU.swivel chair: 0.3973, IoU.boat: 0.6132, IoU.bar: 0.7256, IoU.arcade machine: 0.7828, IoU.hovel: 0.4390, IoU.bus: 0.8967, IoU.towel: 0.7081, IoU.light: 0.5635, IoU.truck: 0.4059, IoU.tower: 0.3447, IoU.chandelier: 0.6989, IoU.awning: 0.3656, IoU.streetlight: 0.2975, IoU.booth: 0.5022, IoU.television receiver: 0.7795, IoU.airplane: 0.6262, IoU.dirt track: 0.0760, IoU.apparel: 0.6405, IoU.pole: 0.2687, IoU.land: 0.0241, IoU.bannister: 0.1159, IoU.escalator: 0.5607, IoU.ottoman: 0.4228, IoU.bottle: 0.4184, IoU.buffet: 0.5012, IoU.poster: 0.2892, IoU.stage: 0.2299, IoU.van: 0.4643, IoU.ship: 0.7185, IoU.fountain: 0.4481, IoU.conveyer belt: 0.7154, IoU.canopy: 0.5061, IoU.washer: 0.8304, IoU.plaything: 0.3043, IoU.swimming pool: 0.5984, IoU.stool: 0.4926, IoU.barrel: 0.4974, IoU.basket: 0.3752, IoU.waterfall: 0.5005, IoU.tent: 0.9409, IoU.bag: 0.2276, IoU.minibike: 0.7316, IoU.cradle: 0.8568, IoU.oven: 0.6248, IoU.ball: 0.5581, IoU.food: 0.5785, IoU.step: 0.1597, IoU.tank: 0.5795, IoU.trade name: 0.2525, IoU.microwave: 0.8645, IoU.pot: 0.4813, IoU.animal: 0.6374, IoU.bicycle: 0.5530, IoU.lake: 0.5103, IoU.dishwasher: 0.5887, IoU.screen: 0.4911, IoU.blanket: 0.2657, IoU.sculpture: 0.6884, IoU.hood: 0.6772, IoU.sconce: 0.5498, IoU.vase: 0.4127, IoU.traffic light: 0.3633, IoU.tray: 0.1330, IoU.ashcan: 0.4680, IoU.fan: 0.6530, IoU.pier: 0.3441, IoU.crt screen: 0.0432, IoU.plate: 0.5732, IoU.monitor: 0.5774, IoU.bulletin board: 0.4354, IoU.shower: 0.0320, IoU.radiator: 0.5804, IoU.glass: 0.1929, IoU.clock: 0.4254, IoU.flag: 0.5516, Acc.wall: 0.8860, Acc.building: 0.9274, Acc.sky: 0.9738, Acc.floor: 0.9051, Acc.tree: 0.8941, Acc.ceiling: 0.9314, Acc.road: 0.9057, Acc.bed : 0.9721, Acc.windowpane: 0.7764, Acc.grass: 0.8400, Acc.cabinet: 0.7443, Acc.sidewalk: 0.8315, Acc.person: 0.9354, Acc.earth: 0.5375, Acc.door: 0.6821, Acc.table: 0.7557, Acc.mountain: 0.7583, Acc.plant: 0.6622, Acc.curtain: 0.8589, Acc.chair: 0.7387, Acc.car: 0.9341, Acc.water: 0.7613, Acc.painting: 0.8800, Acc.sofa: 0.8514, Acc.shelf: 0.6207, Acc.house: 0.7360, Acc.sea: 0.7718, Acc.mirror: 0.7962, Acc.rug: 0.7177, Acc.field: 0.5130, Acc.armchair: 0.6354, Acc.seat: 0.8710, Acc.fence: 0.6018, Acc.desk: 0.7698, Acc.rock: 0.7478, Acc.wardrobe: 0.7372, Acc.lamp: 0.8167, Acc.bathtub: 0.8869, Acc.railing: 0.3624, Acc.cushion: 0.7958, Acc.base: 0.4047, Acc.box: 0.4260, Acc.column: 0.6593, Acc.signboard: 0.4853, Acc.chest of drawers: 0.5862, Acc.counter: 0.5524, Acc.sand: 0.8006, Acc.sink: 0.8207, Acc.skyscraper: 0.5664, Acc.fireplace: 0.9126, Acc.refrigerator: 0.8543, Acc.grandstand: 0.7590, Acc.path: 0.3495, Acc.stairs: 0.3868, Acc.runway: 0.9366, Acc.case: 0.7217, Acc.pool table: 0.9767, Acc.pillow: 0.6124, Acc.screen door: 0.4599, Acc.stairway: 0.6066, Acc.river: 0.2950, Acc.bridge: 0.7789, Acc.bookcase: 0.5903, Acc.blind: 0.5317, Acc.coffee table: 0.8396, Acc.toilet: 0.9262, Acc.flower: 0.6328, Acc.book: 0.7882, Acc.hill: 0.1537, Acc.bench: 0.6708, Acc.countertop: 0.7951, Acc.stove: 0.8568, Acc.palm: 0.7302, Acc.kitchen island: 0.5719, Acc.computer: 0.8580, Acc.swivel chair: 0.6797, Acc.boat: 0.8108, Acc.bar: 0.8766, Acc.arcade machine: 0.8540, Acc.hovel: 0.5145, Acc.bus: 0.9618, Acc.towel: 0.8958, Acc.light: 0.6584, Acc.truck: 0.4907, Acc.tower: 0.6238, Acc.chandelier: 0.7976, Acc.awning: 0.4645, Acc.streetlight: 0.3530, Acc.booth: 0.7572, Acc.television receiver: 0.8974, Acc.airplane: 0.7611, Acc.dirt track: 0.2295, Acc.apparel: 0.7636, Acc.pole: 0.3602, Acc.land: 0.0545, Acc.bannister: 0.1627, Acc.escalator: 0.8458, Acc.ottoman: 0.5935, Acc.bottle: 0.7076, Acc.buffet: 0.5536, Acc.poster: 0.3816, Acc.stage: 0.4642, Acc.van: 0.6283, Acc.ship: 0.7938, Acc.fountain: 0.4579, Acc.conveyer belt: 0.9598, Acc.canopy: 0.6381, Acc.washer: 0.9036, Acc.plaything: 0.5312, Acc.swimming pool: 0.8897, Acc.stool: 0.5952, Acc.barrel: 0.5323, Acc.basket: 0.4863, Acc.waterfall: 0.5824, Acc.tent: 0.9827, Acc.bag: 0.2967, Acc.minibike: 0.8376, Acc.cradle: 0.9863, Acc.oven: 0.7250, Acc.ball: 0.6510, Acc.food: 0.7509, Acc.step: 0.1795, Acc.tank: 0.6870, Acc.trade name: 0.2894, Acc.microwave: 0.9308, Acc.pot: 0.5361, Acc.animal: 0.6668, Acc.bicycle: 0.6984, Acc.lake: 0.6842, Acc.dishwasher: 0.7188, Acc.screen: 0.7358, Acc.blanket: 0.3142, Acc.sculpture: 0.8639, Acc.hood: 0.7319, Acc.sconce: 0.6806, Acc.vase: 0.5502, Acc.traffic light: 0.5103, Acc.tray: 0.1545, Acc.ashcan: 0.5892, Acc.fan: 0.7583, Acc.pier: 0.4629, Acc.crt screen: 0.0640, Acc.plate: 0.7227, Acc.monitor: 0.8018, Acc.bulletin board: 0.5312, Acc.shower: 0.0650, Acc.radiator: 0.6983, Acc.glass: 0.2132, Acc.clock: 0.4736, Acc.flag: 0.5810 2023-11-10 22:05:23,843 - mmseg - INFO - Iter [49050/80000] lr: 1.548e-05, eta: 6:57:58, time: 2.302, data_time: 1.613, memory: 60073, decode.loss_ce: 0.1623, decode.acc_seg: 92.9544, aux.loss_ce: 0.3058, aux.acc_seg: 72.5144, loss: 0.4681 2023-11-10 22:05:58,553 - mmseg - INFO - Iter [49100/80000] lr: 1.545e-05, eta: 6:57:14, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1606, decode.acc_seg: 92.9722, aux.loss_ce: 0.2836, aux.acc_seg: 74.7927, loss: 0.4442 2023-11-10 22:06:33,264 - mmseg - INFO - Iter [49150/80000] lr: 1.543e-05, eta: 6:56:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1594, decode.acc_seg: 93.1146, aux.loss_ce: 0.2983, aux.acc_seg: 73.7881, loss: 0.4577 2023-11-10 22:07:07,957 - mmseg - INFO - Iter [49200/80000] lr: 1.540e-05, eta: 6:55:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1596, decode.acc_seg: 93.0802, aux.loss_ce: 0.2917, aux.acc_seg: 74.2616, loss: 0.4513 2023-11-10 22:07:42,667 - mmseg - INFO - Iter [49250/80000] lr: 1.538e-05, eta: 6:55:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1573, decode.acc_seg: 93.2912, aux.loss_ce: 0.2916, aux.acc_seg: 74.0297, loss: 0.4489 2023-11-10 22:08:19,658 - mmseg - INFO - Iter [49300/80000] lr: 1.535e-05, eta: 6:54:19, time: 0.740, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1576, decode.acc_seg: 93.1008, aux.loss_ce: 0.2859, aux.acc_seg: 74.6848, loss: 0.4435 2023-11-10 22:08:54,375 - mmseg - INFO - Iter [49350/80000] lr: 1.533e-05, eta: 6:53:35, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1523, decode.acc_seg: 93.4119, aux.loss_ce: 0.2946, aux.acc_seg: 73.4214, loss: 0.4468 2023-11-10 22:09:29,081 - mmseg - INFO - Iter [49400/80000] lr: 1.530e-05, eta: 6:52:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1498, decode.acc_seg: 93.4344, aux.loss_ce: 0.2954, aux.acc_seg: 73.2610, loss: 0.4451 2023-11-10 22:10:03,810 - mmseg - INFO - Iter [49450/80000] lr: 1.528e-05, eta: 6:52:07, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1624, decode.acc_seg: 92.9586, aux.loss_ce: 0.2997, aux.acc_seg: 73.3923, loss: 0.4621 2023-11-10 22:10:38,518 - mmseg - INFO - Iter [49500/80000] lr: 1.525e-05, eta: 6:51:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1522, decode.acc_seg: 93.1679, aux.loss_ce: 0.2835, aux.acc_seg: 74.1943, loss: 0.4356 2023-11-10 22:11:13,250 - mmseg - INFO - Iter [49550/80000] lr: 1.523e-05, eta: 6:50:39, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1576, decode.acc_seg: 93.1205, aux.loss_ce: 0.2898, aux.acc_seg: 74.2738, loss: 0.4473 2023-11-10 22:11:47,970 - mmseg - INFO - Iter [49600/80000] lr: 1.520e-05, eta: 6:49:55, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1593, decode.acc_seg: 93.0653, aux.loss_ce: 0.2910, aux.acc_seg: 73.8082, loss: 0.4503 2023-11-10 22:12:22,672 - mmseg - INFO - Iter [49650/80000] lr: 1.518e-05, eta: 6:49:11, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1624, decode.acc_seg: 92.9979, aux.loss_ce: 0.2926, aux.acc_seg: 74.8018, loss: 0.4551 2023-11-10 22:12:57,383 - mmseg - INFO - Iter [49700/80000] lr: 1.515e-05, eta: 6:48:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1594, decode.acc_seg: 93.2271, aux.loss_ce: 0.2783, aux.acc_seg: 75.4951, loss: 0.4377 2023-11-10 22:13:32,080 - mmseg - INFO - Iter [49750/80000] lr: 1.513e-05, eta: 6:47:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1594, decode.acc_seg: 93.0717, aux.loss_ce: 0.3022, aux.acc_seg: 72.8834, loss: 0.4617 2023-11-10 22:14:06,774 - mmseg - INFO - Iter [49800/80000] lr: 1.510e-05, eta: 6:46:59, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1619, decode.acc_seg: 93.0883, aux.loss_ce: 0.2956, aux.acc_seg: 73.6608, loss: 0.4576 2023-11-10 22:14:41,484 - mmseg - INFO - Iter [49850/80000] lr: 1.508e-05, eta: 6:46:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1683, decode.acc_seg: 92.7255, aux.loss_ce: 0.3051, aux.acc_seg: 73.3173, loss: 0.4734 2023-11-10 22:15:16,187 - mmseg - INFO - Iter [49900/80000] lr: 1.505e-05, eta: 6:45:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1643, decode.acc_seg: 92.7325, aux.loss_ce: 0.3032, aux.acc_seg: 72.3767, loss: 0.4675 2023-11-10 22:15:50,902 - mmseg - INFO - Iter [49950/80000] lr: 1.503e-05, eta: 6:44:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1586, decode.acc_seg: 93.0831, aux.loss_ce: 0.2884, aux.acc_seg: 73.5994, loss: 0.4470 2023-11-10 22:16:25,620 - mmseg - INFO - Saving checkpoint at 50000 iterations 2023-11-10 22:16:54,484 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:16:54,484 - mmseg - INFO - Iter [50000/80000] lr: 1.500e-05, eta: 6:44:21, time: 1.272, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1581, decode.acc_seg: 93.1011, aux.loss_ce: 0.2746, aux.acc_seg: 75.5436, loss: 0.4327 2023-11-10 22:18:14,845 - mmseg - INFO - per class results: 2023-11-10 22:18:14,855 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.34 | 89.98 | | building | 84.29 | 93.75 | | sky | 94.75 | 97.47 | | floor | 82.46 | 91.24 | | tree | 75.31 | 88.76 | | ceiling | 84.85 | 92.11 | | road | 85.97 | 91.56 | | bed | 90.83 | 97.06 | | windowpane | 64.0 | 78.78 | | grass | 67.42 | 80.94 | | cabinet | 61.73 | 73.31 | | sidewalk | 69.22 | 82.02 | | person | 83.05 | 93.94 | | earth | 39.9 | 55.99 | | door | 51.37 | 66.68 | | table | 62.92 | 73.96 | | mountain | 59.57 | 76.15 | | plant | 54.64 | 67.16 | | curtain | 74.7 | 84.9 | | chair | 60.99 | 74.52 | | car | 85.67 | 94.26 | | water | 60.86 | 72.83 | | painting | 74.56 | 86.49 | | sofa | 71.45 | 82.83 | | shelf | 44.19 | 60.32 | | house | 51.58 | 65.54 | | sea | 66.31 | 83.04 | | mirror | 73.72 | 82.91 | | rug | 58.09 | 66.39 | | field | 25.08 | 38.73 | | armchair | 48.59 | 69.05 | | seat | 66.33 | 86.32 | | fence | 46.2 | 61.41 | | desk | 51.91 | 72.75 | | rock | 50.71 | 68.17 | | wardrobe | 55.59 | 73.96 | | lamp | 69.8 | 79.57 | | bathtub | 82.35 | 85.77 | | railing | 30.5 | 40.19 | | cushion | 64.12 | 79.02 | | base | 30.7 | 40.79 | | box | 33.45 | 42.98 | | column | 51.43 | 59.48 | | signboard | 35.01 | 48.53 | | chest of drawers | 38.3 | 56.49 | | counter | 47.18 | 54.86 | | sand | 54.91 | 79.18 | | sink | 73.86 | 79.94 | | skyscraper | 47.47 | 56.93 | | fireplace | 72.46 | 90.32 | | refrigerator | 76.62 | 86.99 | | grandstand | 54.12 | 74.9 | | path | 22.8 | 29.32 | | stairs | 36.16 | 40.95 | | runway | 72.52 | 95.19 | | case | 61.12 | 77.08 | | pool table | 93.96 | 97.53 | | pillow | 60.18 | 68.15 | | screen door | 66.48 | 72.23 | | stairway | 45.73 | 60.76 | | river | 11.18 | 24.0 | | bridge | 63.12 | 69.54 | | bookcase | 46.17 | 64.04 | | blind | 38.42 | 43.11 | | coffee table | 63.05 | 85.78 | | toilet | 86.69 | 91.71 | | flower | 48.16 | 62.97 | | book | 53.14 | 76.52 | | hill | 6.95 | 10.15 | | bench | 57.44 | 68.53 | | countertop | 61.69 | 75.87 | | stove | 78.38 | 82.8 | | palm | 52.99 | 75.34 | | kitchen island | 45.8 | 57.38 | | computer | 71.71 | 87.36 | | swivel chair | 41.15 | 59.41 | | boat | 68.75 | 79.63 | | bar | 73.71 | 87.32 | | arcade machine | 75.86 | 79.53 | | hovel | 43.67 | 50.98 | | bus | 89.81 | 96.21 | | towel | 72.67 | 83.02 | | light | 55.96 | 64.14 | | truck | 40.08 | 47.19 | | tower | 28.63 | 42.02 | | chandelier | 69.54 | 79.01 | | awning | 33.0 | 40.7 | | streetlight | 30.18 | 36.29 | | booth | 54.0 | 63.25 | | television receiver | 80.45 | 89.51 | | airplane | 67.57 | 78.06 | | dirt track | 3.44 | 8.19 | | apparel | 60.72 | 72.97 | | pole | 28.12 | 37.72 | | land | 2.85 | 5.0 | | bannister | 9.59 | 13.1 | | escalator | 54.52 | 81.74 | | ottoman | 45.14 | 58.75 | | bottle | 41.05 | 67.31 | | buffet | 49.03 | 53.67 | | poster | 28.1 | 33.57 | | stage | 22.91 | 51.13 | | van | 44.64 | 60.58 | | ship | 70.73 | 77.63 | | fountain | 46.02 | 47.05 | | conveyer belt | 68.68 | 96.02 | | canopy | 56.0 | 72.82 | | washer | 83.65 | 91.48 | | plaything | 21.13 | 27.43 | | swimming pool | 61.56 | 87.58 | | stool | 48.41 | 61.28 | | barrel | 48.5 | 55.72 | | basket | 37.61 | 48.6 | | waterfall | 51.69 | 64.18 | | tent | 95.92 | 98.19 | | bag | 20.37 | 22.49 | | minibike | 73.62 | 86.2 | | cradle | 85.25 | 97.17 | | oven | 59.8 | 77.38 | | ball | 52.2 | 57.72 | | food | 55.35 | 70.95 | | step | 11.43 | 11.67 | | tank | 64.01 | 80.8 | | trade name | 19.33 | 21.31 | | microwave | 86.02 | 93.53 | | pot | 51.6 | 60.01 | | animal | 62.37 | 64.0 | | bicycle | 54.41 | 68.96 | | lake | 49.2 | 67.89 | | dishwasher | 60.42 | 76.37 | | screen | 50.76 | 70.94 | | blanket | 18.88 | 20.79 | | sculpture | 69.84 | 83.94 | | hood | 65.46 | 69.19 | | sconce | 55.48 | 68.39 | | vase | 39.4 | 48.98 | | traffic light | 38.03 | 52.45 | | tray | 14.93 | 18.2 | | ashcan | 46.33 | 57.6 | | fan | 65.76 | 78.72 | | pier | 36.67 | 44.57 | | crt screen | 6.96 | 11.54 | | plate | 56.29 | 72.74 | | monitor | 60.35 | 72.07 | | bulletin board | 41.98 | 50.58 | | shower | 5.51 | 6.39 | | radiator | 61.71 | 71.68 | | glass | 17.62 | 18.61 | | clock | 43.21 | 50.03 | | flag | 45.66 | 47.44 | +---------------------+-------+-------+ 2023-11-10 22:18:14,855 - mmseg - INFO - Summary: 2023-11-10 22:18:14,855 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.66 | 54.1 | 65.38 | +-------+------+-------+ 2023-11-10 22:18:14,857 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:18:14,857 - mmseg - INFO - Iter(val) [250] aAcc: 0.8466, mIoU: 0.5410, mAcc: 0.6538, IoU.wall: 0.7934, IoU.building: 0.8429, IoU.sky: 0.9475, IoU.floor: 0.8246, IoU.tree: 0.7531, IoU.ceiling: 0.8485, IoU.road: 0.8597, IoU.bed : 0.9083, IoU.windowpane: 0.6400, IoU.grass: 0.6742, IoU.cabinet: 0.6173, IoU.sidewalk: 0.6922, IoU.person: 0.8305, IoU.earth: 0.3990, IoU.door: 0.5137, IoU.table: 0.6292, IoU.mountain: 0.5957, IoU.plant: 0.5464, IoU.curtain: 0.7470, IoU.chair: 0.6099, IoU.car: 0.8567, IoU.water: 0.6086, IoU.painting: 0.7456, IoU.sofa: 0.7145, IoU.shelf: 0.4419, IoU.house: 0.5158, IoU.sea: 0.6631, IoU.mirror: 0.7372, IoU.rug: 0.5809, IoU.field: 0.2508, IoU.armchair: 0.4859, IoU.seat: 0.6633, IoU.fence: 0.4620, IoU.desk: 0.5191, IoU.rock: 0.5071, IoU.wardrobe: 0.5559, IoU.lamp: 0.6980, IoU.bathtub: 0.8235, IoU.railing: 0.3050, IoU.cushion: 0.6412, IoU.base: 0.3070, IoU.box: 0.3345, IoU.column: 0.5143, IoU.signboard: 0.3501, IoU.chest of drawers: 0.3830, IoU.counter: 0.4718, IoU.sand: 0.5491, IoU.sink: 0.7386, IoU.skyscraper: 0.4747, IoU.fireplace: 0.7246, IoU.refrigerator: 0.7662, IoU.grandstand: 0.5412, IoU.path: 0.2280, IoU.stairs: 0.3616, IoU.runway: 0.7252, IoU.case: 0.6112, IoU.pool table: 0.9396, IoU.pillow: 0.6018, IoU.screen door: 0.6648, IoU.stairway: 0.4573, IoU.river: 0.1118, IoU.bridge: 0.6312, IoU.bookcase: 0.4617, IoU.blind: 0.3842, IoU.coffee table: 0.6305, IoU.toilet: 0.8669, IoU.flower: 0.4816, IoU.book: 0.5314, IoU.hill: 0.0695, IoU.bench: 0.5744, IoU.countertop: 0.6169, IoU.stove: 0.7838, IoU.palm: 0.5299, IoU.kitchen island: 0.4580, IoU.computer: 0.7171, IoU.swivel chair: 0.4115, IoU.boat: 0.6875, IoU.bar: 0.7371, IoU.arcade machine: 0.7586, IoU.hovel: 0.4367, IoU.bus: 0.8981, IoU.towel: 0.7267, IoU.light: 0.5596, IoU.truck: 0.4008, IoU.tower: 0.2863, IoU.chandelier: 0.6954, IoU.awning: 0.3300, IoU.streetlight: 0.3018, IoU.booth: 0.5400, IoU.television receiver: 0.8045, IoU.airplane: 0.6757, IoU.dirt track: 0.0344, IoU.apparel: 0.6072, IoU.pole: 0.2812, IoU.land: 0.0285, IoU.bannister: 0.0959, IoU.escalator: 0.5452, IoU.ottoman: 0.4514, IoU.bottle: 0.4105, IoU.buffet: 0.4903, IoU.poster: 0.2810, IoU.stage: 0.2291, IoU.van: 0.4464, IoU.ship: 0.7073, IoU.fountain: 0.4602, IoU.conveyer belt: 0.6868, IoU.canopy: 0.5600, IoU.washer: 0.8365, IoU.plaything: 0.2113, IoU.swimming pool: 0.6156, IoU.stool: 0.4841, IoU.barrel: 0.4850, IoU.basket: 0.3761, IoU.waterfall: 0.5169, IoU.tent: 0.9592, IoU.bag: 0.2037, IoU.minibike: 0.7362, IoU.cradle: 0.8525, IoU.oven: 0.5980, IoU.ball: 0.5220, IoU.food: 0.5535, IoU.step: 0.1143, IoU.tank: 0.6401, IoU.trade name: 0.1933, IoU.microwave: 0.8602, IoU.pot: 0.5160, IoU.animal: 0.6237, IoU.bicycle: 0.5441, IoU.lake: 0.4920, IoU.dishwasher: 0.6042, IoU.screen: 0.5076, IoU.blanket: 0.1888, IoU.sculpture: 0.6984, IoU.hood: 0.6546, IoU.sconce: 0.5548, IoU.vase: 0.3940, IoU.traffic light: 0.3803, IoU.tray: 0.1493, IoU.ashcan: 0.4633, IoU.fan: 0.6576, IoU.pier: 0.3667, IoU.crt screen: 0.0696, IoU.plate: 0.5629, IoU.monitor: 0.6035, IoU.bulletin board: 0.4198, IoU.shower: 0.0551, IoU.radiator: 0.6171, IoU.glass: 0.1762, IoU.clock: 0.4321, IoU.flag: 0.4566, Acc.wall: 0.8998, Acc.building: 0.9375, Acc.sky: 0.9747, Acc.floor: 0.9124, Acc.tree: 0.8876, Acc.ceiling: 0.9211, Acc.road: 0.9156, Acc.bed : 0.9706, Acc.windowpane: 0.7878, Acc.grass: 0.8094, Acc.cabinet: 0.7331, Acc.sidewalk: 0.8202, Acc.person: 0.9394, Acc.earth: 0.5599, Acc.door: 0.6668, Acc.table: 0.7396, Acc.mountain: 0.7615, Acc.plant: 0.6716, Acc.curtain: 0.8490, Acc.chair: 0.7452, Acc.car: 0.9426, Acc.water: 0.7283, Acc.painting: 0.8649, Acc.sofa: 0.8283, Acc.shelf: 0.6032, Acc.house: 0.6554, Acc.sea: 0.8304, Acc.mirror: 0.8291, Acc.rug: 0.6639, Acc.field: 0.3873, Acc.armchair: 0.6905, Acc.seat: 0.8632, Acc.fence: 0.6141, Acc.desk: 0.7275, Acc.rock: 0.6817, Acc.wardrobe: 0.7396, Acc.lamp: 0.7957, Acc.bathtub: 0.8577, Acc.railing: 0.4019, Acc.cushion: 0.7902, Acc.base: 0.4079, Acc.box: 0.4298, Acc.column: 0.5948, Acc.signboard: 0.4853, Acc.chest of drawers: 0.5649, Acc.counter: 0.5486, Acc.sand: 0.7918, Acc.sink: 0.7994, Acc.skyscraper: 0.5693, Acc.fireplace: 0.9032, Acc.refrigerator: 0.8699, Acc.grandstand: 0.7490, Acc.path: 0.2932, Acc.stairs: 0.4095, Acc.runway: 0.9519, Acc.case: 0.7708, Acc.pool table: 0.9753, Acc.pillow: 0.6815, Acc.screen door: 0.7223, Acc.stairway: 0.6076, Acc.river: 0.2400, Acc.bridge: 0.6954, Acc.bookcase: 0.6404, Acc.blind: 0.4311, Acc.coffee table: 0.8578, Acc.toilet: 0.9171, Acc.flower: 0.6297, Acc.book: 0.7652, Acc.hill: 0.1015, Acc.bench: 0.6853, Acc.countertop: 0.7587, Acc.stove: 0.8280, Acc.palm: 0.7534, Acc.kitchen island: 0.5738, Acc.computer: 0.8736, Acc.swivel chair: 0.5941, Acc.boat: 0.7963, Acc.bar: 0.8732, Acc.arcade machine: 0.7953, Acc.hovel: 0.5098, Acc.bus: 0.9621, Acc.towel: 0.8302, Acc.light: 0.6414, Acc.truck: 0.4719, Acc.tower: 0.4202, Acc.chandelier: 0.7901, Acc.awning: 0.4070, Acc.streetlight: 0.3629, Acc.booth: 0.6325, Acc.television receiver: 0.8951, Acc.airplane: 0.7806, Acc.dirt track: 0.0819, Acc.apparel: 0.7297, Acc.pole: 0.3772, Acc.land: 0.0500, Acc.bannister: 0.1310, Acc.escalator: 0.8174, Acc.ottoman: 0.5875, Acc.bottle: 0.6731, Acc.buffet: 0.5367, Acc.poster: 0.3357, Acc.stage: 0.5113, Acc.van: 0.6058, Acc.ship: 0.7763, Acc.fountain: 0.4705, Acc.conveyer belt: 0.9602, Acc.canopy: 0.7282, Acc.washer: 0.9148, Acc.plaything: 0.2743, Acc.swimming pool: 0.8758, Acc.stool: 0.6128, Acc.barrel: 0.5572, Acc.basket: 0.4860, Acc.waterfall: 0.6418, Acc.tent: 0.9819, Acc.bag: 0.2249, Acc.minibike: 0.8620, Acc.cradle: 0.9717, Acc.oven: 0.7738, Acc.ball: 0.5772, Acc.food: 0.7095, Acc.step: 0.1167, Acc.tank: 0.8080, Acc.trade name: 0.2131, Acc.microwave: 0.9353, Acc.pot: 0.6001, Acc.animal: 0.6400, Acc.bicycle: 0.6896, Acc.lake: 0.6789, Acc.dishwasher: 0.7637, Acc.screen: 0.7094, Acc.blanket: 0.2079, Acc.sculpture: 0.8394, Acc.hood: 0.6919, Acc.sconce: 0.6839, Acc.vase: 0.4898, Acc.traffic light: 0.5245, Acc.tray: 0.1820, Acc.ashcan: 0.5760, Acc.fan: 0.7872, Acc.pier: 0.4457, Acc.crt screen: 0.1154, Acc.plate: 0.7274, Acc.monitor: 0.7207, Acc.bulletin board: 0.5058, Acc.shower: 0.0639, Acc.radiator: 0.7168, Acc.glass: 0.1861, Acc.clock: 0.5003, Acc.flag: 0.4744 2023-11-10 22:18:49,641 - mmseg - INFO - Iter [50050/80000] lr: 1.498e-05, eta: 6:44:25, time: 2.303, data_time: 1.615, memory: 60073, decode.loss_ce: 0.1552, decode.acc_seg: 93.1879, aux.loss_ce: 0.2865, aux.acc_seg: 73.7060, loss: 0.4417 2023-11-10 22:19:24,348 - mmseg - INFO - Iter [50100/80000] lr: 1.495e-05, eta: 6:43:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1575, decode.acc_seg: 93.0183, aux.loss_ce: 0.2884, aux.acc_seg: 73.9830, loss: 0.4459 2023-11-10 22:19:59,059 - mmseg - INFO - Iter [50150/80000] lr: 1.493e-05, eta: 6:42:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1546, decode.acc_seg: 93.1419, aux.loss_ce: 0.2799, aux.acc_seg: 73.5061, loss: 0.4346 2023-11-10 22:20:33,779 - mmseg - INFO - Iter [50200/80000] lr: 1.490e-05, eta: 6:42:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1559, decode.acc_seg: 93.1894, aux.loss_ce: 0.2918, aux.acc_seg: 74.1621, loss: 0.4477 2023-11-10 22:21:08,722 - mmseg - INFO - Iter [50250/80000] lr: 1.488e-05, eta: 6:41:29, time: 0.699, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1629, decode.acc_seg: 93.0087, aux.loss_ce: 0.2984, aux.acc_seg: 73.6305, loss: 0.4613 2023-11-10 22:21:43,417 - mmseg - INFO - Iter [50300/80000] lr: 1.485e-05, eta: 6:40:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1754, decode.acc_seg: 92.6806, aux.loss_ce: 0.3030, aux.acc_seg: 73.2027, loss: 0.4784 2023-11-10 22:22:18,094 - mmseg - INFO - Iter [50350/80000] lr: 1.483e-05, eta: 6:40:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1534, decode.acc_seg: 93.1952, aux.loss_ce: 0.2762, aux.acc_seg: 74.6059, loss: 0.4296 2023-11-10 22:22:52,784 - mmseg - INFO - Iter [50400/80000] lr: 1.480e-05, eta: 6:39:18, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1591, decode.acc_seg: 93.2008, aux.loss_ce: 0.2870, aux.acc_seg: 74.6568, loss: 0.4461 2023-11-10 22:23:27,472 - mmseg - INFO - Iter [50450/80000] lr: 1.478e-05, eta: 6:38:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1581, decode.acc_seg: 93.1240, aux.loss_ce: 0.2744, aux.acc_seg: 75.2743, loss: 0.4325 2023-11-10 22:24:02,146 - mmseg - INFO - Iter [50500/80000] lr: 1.475e-05, eta: 6:37:50, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1544, decode.acc_seg: 93.1438, aux.loss_ce: 0.2928, aux.acc_seg: 73.5650, loss: 0.4473 2023-11-10 22:24:39,112 - mmseg - INFO - Iter [50550/80000] lr: 1.473e-05, eta: 6:37:07, time: 0.739, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1484, decode.acc_seg: 93.3231, aux.loss_ce: 0.2693, aux.acc_seg: 75.1244, loss: 0.4177 2023-11-10 22:25:13,784 - mmseg - INFO - Iter [50600/80000] lr: 1.470e-05, eta: 6:36:24, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1505, decode.acc_seg: 93.5633, aux.loss_ce: 0.2910, aux.acc_seg: 74.1130, loss: 0.4415 2023-11-10 22:25:48,447 - mmseg - INFO - Iter [50650/80000] lr: 1.468e-05, eta: 6:35:40, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1641, decode.acc_seg: 92.9896, aux.loss_ce: 0.2916, aux.acc_seg: 74.5534, loss: 0.4558 2023-11-10 22:26:23,111 - mmseg - INFO - Iter [50700/80000] lr: 1.465e-05, eta: 6:34:56, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1573, decode.acc_seg: 93.1818, aux.loss_ce: 0.2841, aux.acc_seg: 74.6137, loss: 0.4414 2023-11-10 22:26:57,814 - mmseg - INFO - Iter [50750/80000] lr: 1.463e-05, eta: 6:34:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1531, decode.acc_seg: 93.2782, aux.loss_ce: 0.2862, aux.acc_seg: 73.8266, loss: 0.4393 2023-11-10 22:27:32,490 - mmseg - INFO - Iter [50800/80000] lr: 1.460e-05, eta: 6:33:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1574, decode.acc_seg: 93.0982, aux.loss_ce: 0.2985, aux.acc_seg: 72.7724, loss: 0.4559 2023-11-10 22:28:07,171 - mmseg - INFO - Iter [50850/80000] lr: 1.458e-05, eta: 6:32:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1532, decode.acc_seg: 93.3000, aux.loss_ce: 0.2969, aux.acc_seg: 73.2139, loss: 0.4500 2023-11-10 22:28:41,836 - mmseg - INFO - Iter [50900/80000] lr: 1.455e-05, eta: 6:32:01, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1519, decode.acc_seg: 93.3398, aux.loss_ce: 0.2906, aux.acc_seg: 74.0957, loss: 0.4424 2023-11-10 22:29:16,524 - mmseg - INFO - Iter [50950/80000] lr: 1.453e-05, eta: 6:31:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1657, decode.acc_seg: 92.8944, aux.loss_ce: 0.2961, aux.acc_seg: 73.9783, loss: 0.4617 2023-11-10 22:29:51,200 - mmseg - INFO - Saving checkpoint at 51000 iterations 2023-11-10 22:30:21,305 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:30:21,305 - mmseg - INFO - Iter [51000/80000] lr: 1.450e-05, eta: 6:30:51, time: 1.296, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1550, decode.acc_seg: 93.2885, aux.loss_ce: 0.2978, aux.acc_seg: 73.8890, loss: 0.4529 2023-11-10 22:31:41,698 - mmseg - INFO - per class results: 2023-11-10 22:31:41,704 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.08 | 90.39 | | building | 84.82 | 93.9 | | sky | 94.74 | 97.68 | | floor | 81.76 | 91.2 | | tree | 76.0 | 88.51 | | ceiling | 84.48 | 94.21 | | road | 84.65 | 92.41 | | bed | 90.64 | 97.32 | | windowpane | 63.14 | 78.69 | | grass | 68.96 | 83.85 | | cabinet | 60.82 | 70.88 | | sidewalk | 66.03 | 77.16 | | person | 83.23 | 93.52 | | earth | 40.05 | 53.76 | | door | 48.29 | 58.75 | | table | 62.68 | 75.37 | | mountain | 59.11 | 71.79 | | plant | 54.56 | 65.27 | | curtain | 73.9 | 81.78 | | chair | 61.52 | 76.67 | | car | 86.24 | 93.7 | | water | 61.04 | 74.79 | | painting | 75.17 | 86.49 | | sofa | 71.1 | 87.09 | | shelf | 44.48 | 60.58 | | house | 56.78 | 70.04 | | sea | 67.0 | 83.12 | | mirror | 74.2 | 82.03 | | rug | 53.98 | 62.88 | | field | 28.4 | 44.24 | | armchair | 47.43 | 62.99 | | seat | 68.35 | 84.41 | | fence | 45.49 | 58.76 | | desk | 53.3 | 77.75 | | rock | 51.56 | 75.1 | | wardrobe | 57.6 | 72.11 | | lamp | 69.03 | 81.77 | | bathtub | 81.97 | 86.21 | | railing | 33.06 | 43.83 | | cushion | 62.24 | 69.44 | | base | 33.75 | 50.03 | | box | 32.69 | 41.37 | | column | 50.3 | 55.54 | | signboard | 35.36 | 48.65 | | chest of drawers | 40.9 | 65.27 | | counter | 47.6 | 55.16 | | sand | 55.17 | 79.77 | | sink | 74.05 | 83.39 | | skyscraper | 51.31 | 63.81 | | fireplace | 74.59 | 89.1 | | refrigerator | 76.98 | 89.28 | | grandstand | 51.4 | 73.78 | | path | 25.95 | 33.51 | | stairs | 37.84 | 46.59 | | runway | 73.24 | 96.39 | | case | 60.09 | 72.44 | | pool table | 94.34 | 97.57 | | pillow | 59.45 | 68.61 | | screen door | 55.73 | 59.65 | | stairway | 49.48 | 60.33 | | river | 12.32 | 25.87 | | bridge | 46.71 | 53.47 | | bookcase | 44.38 | 61.13 | | blind | 34.16 | 37.75 | | coffee table | 63.16 | 80.11 | | toilet | 85.97 | 93.05 | | flower | 47.18 | 60.91 | | book | 53.18 | 75.53 | | hill | 11.86 | 18.98 | | bench | 55.37 | 64.49 | | countertop | 62.79 | 74.34 | | stove | 78.47 | 88.14 | | palm | 52.5 | 74.06 | | kitchen island | 45.66 | 69.08 | | computer | 70.53 | 82.0 | | swivel chair | 40.76 | 59.69 | | boat | 65.43 | 83.77 | | bar | 74.48 | 85.29 | | arcade machine | 79.51 | 85.38 | | hovel | 45.32 | 52.94 | | bus | 90.12 | 96.01 | | towel | 73.17 | 82.65 | | light | 51.65 | 56.46 | | truck | 38.26 | 47.88 | | tower | 29.94 | 43.39 | | chandelier | 69.66 | 78.51 | | awning | 29.55 | 33.66 | | streetlight | 30.89 | 39.22 | | booth | 49.36 | 58.62 | | television receiver | 80.29 | 90.53 | | airplane | 66.24 | 73.27 | | dirt track | 2.73 | 6.4 | | apparel | 63.94 | 76.54 | | pole | 28.33 | 38.13 | | land | 2.17 | 3.63 | | bannister | 11.41 | 15.05 | | escalator | 58.11 | 79.25 | | ottoman | 44.0 | 56.7 | | bottle | 42.42 | 69.24 | | buffet | 48.0 | 53.24 | | poster | 27.78 | 35.43 | | stage | 20.32 | 42.23 | | van | 43.93 | 53.26 | | ship | 71.02 | 80.26 | | fountain | 46.55 | 47.19 | | conveyer belt | 72.64 | 94.88 | | canopy | 56.73 | 76.04 | | washer | 83.33 | 92.44 | | plaything | 25.52 | 34.52 | | swimming pool | 58.92 | 84.53 | | stool | 48.12 | 58.77 | | barrel | 47.66 | 57.65 | | basket | 37.98 | 48.75 | | waterfall | 42.33 | 45.06 | | tent | 95.46 | 98.43 | | bag | 21.48 | 23.91 | | minibike | 73.11 | 86.02 | | cradle | 87.96 | 97.39 | | oven | 62.9 | 77.39 | | ball | 53.05 | 71.62 | | food | 53.05 | 66.34 | | step | 14.16 | 14.44 | | tank | 60.22 | 70.97 | | trade name | 19.58 | 21.04 | | microwave | 86.08 | 94.23 | | pot | 48.12 | 53.66 | | animal | 59.34 | 60.9 | | bicycle | 53.24 | 64.49 | | lake | 51.17 | 65.1 | | dishwasher | 58.53 | 74.66 | | screen | 51.98 | 71.52 | | blanket | 28.47 | 34.5 | | sculpture | 69.58 | 86.09 | | hood | 70.88 | 77.87 | | sconce | 55.23 | 65.62 | | vase | 41.51 | 51.65 | | traffic light | 37.63 | 52.03 | | tray | 10.7 | 11.85 | | ashcan | 44.2 | 52.96 | | fan | 65.31 | 74.92 | | pier | 34.52 | 46.18 | | crt screen | 5.95 | 9.29 | | plate | 53.87 | 69.75 | | monitor | 58.2 | 78.95 | | bulletin board | 38.27 | 43.2 | | shower | 6.5 | 10.3 | | radiator | 62.36 | 73.04 | | glass | 15.92 | 16.74 | | clock | 44.95 | 52.9 | | flag | 53.46 | 57.23 | +---------------------+-------+-------+ 2023-11-10 22:31:41,704 - mmseg - INFO - Summary: 2023-11-10 22:31:41,704 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.62 | 53.98 | 65.15 | +-------+-------+-------+ 2023-11-10 22:31:41,705 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:31:41,705 - mmseg - INFO - Iter(val) [250] aAcc: 0.8462, mIoU: 0.5398, mAcc: 0.6515, IoU.wall: 0.7908, IoU.building: 0.8482, IoU.sky: 0.9474, IoU.floor: 0.8176, IoU.tree: 0.7600, IoU.ceiling: 0.8448, IoU.road: 0.8465, IoU.bed : 0.9064, IoU.windowpane: 0.6314, IoU.grass: 0.6896, IoU.cabinet: 0.6082, IoU.sidewalk: 0.6603, IoU.person: 0.8323, IoU.earth: 0.4005, IoU.door: 0.4829, IoU.table: 0.6268, IoU.mountain: 0.5911, IoU.plant: 0.5456, IoU.curtain: 0.7390, IoU.chair: 0.6152, IoU.car: 0.8624, IoU.water: 0.6104, IoU.painting: 0.7517, IoU.sofa: 0.7110, IoU.shelf: 0.4448, IoU.house: 0.5678, IoU.sea: 0.6700, IoU.mirror: 0.7420, IoU.rug: 0.5398, IoU.field: 0.2840, IoU.armchair: 0.4743, IoU.seat: 0.6835, IoU.fence: 0.4549, IoU.desk: 0.5330, IoU.rock: 0.5156, IoU.wardrobe: 0.5760, IoU.lamp: 0.6903, IoU.bathtub: 0.8197, IoU.railing: 0.3306, IoU.cushion: 0.6224, IoU.base: 0.3375, IoU.box: 0.3269, IoU.column: 0.5030, IoU.signboard: 0.3536, IoU.chest of drawers: 0.4090, IoU.counter: 0.4760, IoU.sand: 0.5517, IoU.sink: 0.7405, IoU.skyscraper: 0.5131, IoU.fireplace: 0.7459, IoU.refrigerator: 0.7698, IoU.grandstand: 0.5140, IoU.path: 0.2595, IoU.stairs: 0.3784, IoU.runway: 0.7324, IoU.case: 0.6009, IoU.pool table: 0.9434, IoU.pillow: 0.5945, IoU.screen door: 0.5573, IoU.stairway: 0.4948, IoU.river: 0.1232, IoU.bridge: 0.4671, IoU.bookcase: 0.4438, IoU.blind: 0.3416, IoU.coffee table: 0.6316, IoU.toilet: 0.8597, IoU.flower: 0.4718, IoU.book: 0.5318, IoU.hill: 0.1186, IoU.bench: 0.5537, IoU.countertop: 0.6279, IoU.stove: 0.7847, IoU.palm: 0.5250, IoU.kitchen island: 0.4566, IoU.computer: 0.7053, IoU.swivel chair: 0.4076, IoU.boat: 0.6543, IoU.bar: 0.7448, IoU.arcade machine: 0.7951, IoU.hovel: 0.4532, IoU.bus: 0.9012, IoU.towel: 0.7317, IoU.light: 0.5165, IoU.truck: 0.3826, IoU.tower: 0.2994, IoU.chandelier: 0.6966, IoU.awning: 0.2955, IoU.streetlight: 0.3089, IoU.booth: 0.4936, IoU.television receiver: 0.8029, IoU.airplane: 0.6624, IoU.dirt track: 0.0273, IoU.apparel: 0.6394, IoU.pole: 0.2833, IoU.land: 0.0217, IoU.bannister: 0.1141, IoU.escalator: 0.5811, IoU.ottoman: 0.4400, IoU.bottle: 0.4242, IoU.buffet: 0.4800, IoU.poster: 0.2778, IoU.stage: 0.2032, IoU.van: 0.4393, IoU.ship: 0.7102, IoU.fountain: 0.4655, IoU.conveyer belt: 0.7264, IoU.canopy: 0.5673, IoU.washer: 0.8333, IoU.plaything: 0.2552, IoU.swimming pool: 0.5892, IoU.stool: 0.4812, IoU.barrel: 0.4766, IoU.basket: 0.3798, IoU.waterfall: 0.4233, IoU.tent: 0.9546, IoU.bag: 0.2148, IoU.minibike: 0.7311, IoU.cradle: 0.8796, IoU.oven: 0.6290, IoU.ball: 0.5305, IoU.food: 0.5305, IoU.step: 0.1416, IoU.tank: 0.6022, IoU.trade name: 0.1958, IoU.microwave: 0.8608, IoU.pot: 0.4812, IoU.animal: 0.5934, IoU.bicycle: 0.5324, IoU.lake: 0.5117, IoU.dishwasher: 0.5853, IoU.screen: 0.5198, IoU.blanket: 0.2847, IoU.sculpture: 0.6958, IoU.hood: 0.7088, IoU.sconce: 0.5523, IoU.vase: 0.4151, IoU.traffic light: 0.3763, IoU.tray: 0.1070, IoU.ashcan: 0.4420, IoU.fan: 0.6531, IoU.pier: 0.3452, IoU.crt screen: 0.0595, IoU.plate: 0.5387, IoU.monitor: 0.5820, IoU.bulletin board: 0.3827, IoU.shower: 0.0650, IoU.radiator: 0.6236, IoU.glass: 0.1592, IoU.clock: 0.4495, IoU.flag: 0.5346, Acc.wall: 0.9039, Acc.building: 0.9390, Acc.sky: 0.9768, Acc.floor: 0.9120, Acc.tree: 0.8851, Acc.ceiling: 0.9421, Acc.road: 0.9241, Acc.bed : 0.9732, Acc.windowpane: 0.7869, Acc.grass: 0.8385, Acc.cabinet: 0.7088, Acc.sidewalk: 0.7716, Acc.person: 0.9352, Acc.earth: 0.5376, Acc.door: 0.5875, Acc.table: 0.7537, Acc.mountain: 0.7179, Acc.plant: 0.6527, Acc.curtain: 0.8178, Acc.chair: 0.7667, Acc.car: 0.9370, Acc.water: 0.7479, Acc.painting: 0.8649, Acc.sofa: 0.8709, Acc.shelf: 0.6058, Acc.house: 0.7004, Acc.sea: 0.8312, Acc.mirror: 0.8203, Acc.rug: 0.6288, Acc.field: 0.4424, Acc.armchair: 0.6299, Acc.seat: 0.8441, Acc.fence: 0.5876, Acc.desk: 0.7775, Acc.rock: 0.7510, Acc.wardrobe: 0.7211, Acc.lamp: 0.8177, Acc.bathtub: 0.8621, Acc.railing: 0.4383, Acc.cushion: 0.6944, Acc.base: 0.5003, Acc.box: 0.4137, Acc.column: 0.5554, Acc.signboard: 0.4865, Acc.chest of drawers: 0.6527, Acc.counter: 0.5516, Acc.sand: 0.7977, Acc.sink: 0.8339, Acc.skyscraper: 0.6381, Acc.fireplace: 0.8910, Acc.refrigerator: 0.8928, Acc.grandstand: 0.7378, Acc.path: 0.3351, Acc.stairs: 0.4659, Acc.runway: 0.9639, Acc.case: 0.7244, Acc.pool table: 0.9757, Acc.pillow: 0.6861, Acc.screen door: 0.5965, Acc.stairway: 0.6033, Acc.river: 0.2587, Acc.bridge: 0.5347, Acc.bookcase: 0.6113, Acc.blind: 0.3775, Acc.coffee table: 0.8011, Acc.toilet: 0.9305, Acc.flower: 0.6091, Acc.book: 0.7553, Acc.hill: 0.1898, Acc.bench: 0.6449, Acc.countertop: 0.7434, Acc.stove: 0.8814, Acc.palm: 0.7406, Acc.kitchen island: 0.6908, Acc.computer: 0.8200, Acc.swivel chair: 0.5969, Acc.boat: 0.8377, Acc.bar: 0.8529, Acc.arcade machine: 0.8538, Acc.hovel: 0.5294, Acc.bus: 0.9601, Acc.towel: 0.8265, Acc.light: 0.5646, Acc.truck: 0.4788, Acc.tower: 0.4339, Acc.chandelier: 0.7851, Acc.awning: 0.3366, Acc.streetlight: 0.3922, Acc.booth: 0.5862, Acc.television receiver: 0.9053, Acc.airplane: 0.7327, Acc.dirt track: 0.0640, Acc.apparel: 0.7654, Acc.pole: 0.3813, Acc.land: 0.0363, Acc.bannister: 0.1505, Acc.escalator: 0.7925, Acc.ottoman: 0.5670, Acc.bottle: 0.6924, Acc.buffet: 0.5324, Acc.poster: 0.3543, Acc.stage: 0.4223, Acc.van: 0.5326, Acc.ship: 0.8026, Acc.fountain: 0.4719, Acc.conveyer belt: 0.9488, Acc.canopy: 0.7604, Acc.washer: 0.9244, Acc.plaything: 0.3452, Acc.swimming pool: 0.8453, Acc.stool: 0.5877, Acc.barrel: 0.5765, Acc.basket: 0.4875, Acc.waterfall: 0.4506, Acc.tent: 0.9843, Acc.bag: 0.2391, Acc.minibike: 0.8602, Acc.cradle: 0.9739, Acc.oven: 0.7739, Acc.ball: 0.7162, Acc.food: 0.6634, Acc.step: 0.1444, Acc.tank: 0.7097, Acc.trade name: 0.2104, Acc.microwave: 0.9423, Acc.pot: 0.5366, Acc.animal: 0.6090, Acc.bicycle: 0.6449, Acc.lake: 0.6510, Acc.dishwasher: 0.7466, Acc.screen: 0.7152, Acc.blanket: 0.3450, Acc.sculpture: 0.8609, Acc.hood: 0.7787, Acc.sconce: 0.6562, Acc.vase: 0.5165, Acc.traffic light: 0.5203, Acc.tray: 0.1185, Acc.ashcan: 0.5296, Acc.fan: 0.7492, Acc.pier: 0.4618, Acc.crt screen: 0.0929, Acc.plate: 0.6975, Acc.monitor: 0.7895, Acc.bulletin board: 0.4320, Acc.shower: 0.1030, Acc.radiator: 0.7304, Acc.glass: 0.1674, Acc.clock: 0.5290, Acc.flag: 0.5723 2023-11-10 22:32:16,509 - mmseg - INFO - Iter [51050/80000] lr: 1.448e-05, eta: 6:30:53, time: 2.304, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1581, decode.acc_seg: 92.9144, aux.loss_ce: 0.2815, aux.acc_seg: 74.2847, loss: 0.4397 2023-11-10 22:32:51,226 - mmseg - INFO - Iter [51100/80000] lr: 1.445e-05, eta: 6:30:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1494, decode.acc_seg: 93.5422, aux.loss_ce: 0.2823, aux.acc_seg: 74.4138, loss: 0.4317 2023-11-10 22:33:25,951 - mmseg - INFO - Iter [51150/80000] lr: 1.443e-05, eta: 6:29:25, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1514, decode.acc_seg: 93.4608, aux.loss_ce: 0.2879, aux.acc_seg: 74.1414, loss: 0.4393 2023-11-10 22:34:00,662 - mmseg - INFO - Iter [51200/80000] lr: 1.440e-05, eta: 6:28:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1508, decode.acc_seg: 93.2031, aux.loss_ce: 0.2909, aux.acc_seg: 73.5521, loss: 0.4417 2023-11-10 22:34:35,353 - mmseg - INFO - Iter [51250/80000] lr: 1.438e-05, eta: 6:27:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1579, decode.acc_seg: 93.0145, aux.loss_ce: 0.2719, aux.acc_seg: 75.6096, loss: 0.4297 2023-11-10 22:35:10,049 - mmseg - INFO - Iter [51300/80000] lr: 1.435e-05, eta: 6:27:14, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1649, decode.acc_seg: 92.8229, aux.loss_ce: 0.2976, aux.acc_seg: 73.0463, loss: 0.4625 2023-11-10 22:35:44,725 - mmseg - INFO - Iter [51350/80000] lr: 1.433e-05, eta: 6:26:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1529, decode.acc_seg: 93.2435, aux.loss_ce: 0.2780, aux.acc_seg: 74.8759, loss: 0.4309 2023-11-10 22:36:19,408 - mmseg - INFO - Iter [51400/80000] lr: 1.430e-05, eta: 6:25:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1562, decode.acc_seg: 93.0645, aux.loss_ce: 0.2881, aux.acc_seg: 73.9200, loss: 0.4443 2023-11-10 22:36:54,105 - mmseg - INFO - Iter [51450/80000] lr: 1.428e-05, eta: 6:25:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1546, decode.acc_seg: 93.2447, aux.loss_ce: 0.2919, aux.acc_seg: 73.9047, loss: 0.4465 2023-11-10 22:37:28,800 - mmseg - INFO - Iter [51500/80000] lr: 1.425e-05, eta: 6:24:19, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1578, decode.acc_seg: 93.1584, aux.loss_ce: 0.2881, aux.acc_seg: 74.3060, loss: 0.4458 2023-11-10 22:38:03,498 - mmseg - INFO - Iter [51550/80000] lr: 1.423e-05, eta: 6:23:36, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1508, decode.acc_seg: 93.4085, aux.loss_ce: 0.2838, aux.acc_seg: 74.3091, loss: 0.4346 2023-11-10 22:38:38,191 - mmseg - INFO - Iter [51600/80000] lr: 1.420e-05, eta: 6:22:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1491, decode.acc_seg: 93.3731, aux.loss_ce: 0.2814, aux.acc_seg: 73.9188, loss: 0.4304 2023-11-10 22:39:12,881 - mmseg - INFO - Iter [51650/80000] lr: 1.418e-05, eta: 6:22:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1492, decode.acc_seg: 93.4699, aux.loss_ce: 0.2847, aux.acc_seg: 74.6544, loss: 0.4339 2023-11-10 22:39:47,576 - mmseg - INFO - Iter [51700/80000] lr: 1.415e-05, eta: 6:21:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1496, decode.acc_seg: 93.4011, aux.loss_ce: 0.2866, aux.acc_seg: 73.7100, loss: 0.4362 2023-11-10 22:40:22,299 - mmseg - INFO - Iter [51750/80000] lr: 1.413e-05, eta: 6:20:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1480, decode.acc_seg: 93.3953, aux.loss_ce: 0.2834, aux.acc_seg: 74.8419, loss: 0.4314 2023-11-10 22:40:59,307 - mmseg - INFO - Iter [51800/80000] lr: 1.410e-05, eta: 6:19:59, time: 0.740, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1571, decode.acc_seg: 93.0504, aux.loss_ce: 0.2831, aux.acc_seg: 74.2960, loss: 0.4402 2023-11-10 22:41:34,010 - mmseg - INFO - Iter [51850/80000] lr: 1.408e-05, eta: 6:19:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1471, decode.acc_seg: 93.6725, aux.loss_ce: 0.2859, aux.acc_seg: 74.3815, loss: 0.4330 2023-11-10 22:42:08,704 - mmseg - INFO - Iter [51900/80000] lr: 1.405e-05, eta: 6:18:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1614, decode.acc_seg: 93.0527, aux.loss_ce: 0.2996, aux.acc_seg: 73.4039, loss: 0.4609 2023-11-10 22:42:43,391 - mmseg - INFO - Iter [51950/80000] lr: 1.403e-05, eta: 6:17:49, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1515, decode.acc_seg: 93.3369, aux.loss_ce: 0.2806, aux.acc_seg: 74.5772, loss: 0.4321 2023-11-10 22:43:18,061 - mmseg - INFO - Saving checkpoint at 52000 iterations 2023-11-10 22:43:48,144 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:43:48,144 - mmseg - INFO - Iter [52000/80000] lr: 1.400e-05, eta: 6:17:21, time: 1.295, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1504, decode.acc_seg: 93.5639, aux.loss_ce: 0.2925, aux.acc_seg: 73.7636, loss: 0.4429 2023-11-10 22:45:08,571 - mmseg - INFO - per class results: 2023-11-10 22:45:08,576 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.22 | 88.01 | | building | 84.43 | 93.85 | | sky | 94.72 | 97.46 | | floor | 82.41 | 90.85 | | tree | 76.02 | 88.37 | | ceiling | 85.03 | 92.68 | | road | 85.36 | 91.54 | | bed | 90.97 | 96.92 | | windowpane | 63.02 | 82.45 | | grass | 68.92 | 82.2 | | cabinet | 60.44 | 74.13 | | sidewalk | 66.94 | 79.69 | | person | 82.43 | 94.63 | | earth | 40.1 | 54.69 | | door | 50.48 | 64.6 | | table | 62.08 | 76.38 | | mountain | 61.97 | 73.52 | | plant | 55.48 | 66.02 | | curtain | 74.44 | 84.98 | | chair | 61.18 | 76.32 | | car | 85.4 | 94.7 | | water | 61.05 | 75.55 | | painting | 73.61 | 88.48 | | sofa | 70.76 | 89.03 | | shelf | 41.87 | 53.05 | | house | 58.09 | 72.29 | | sea | 65.52 | 76.88 | | mirror | 73.71 | 83.93 | | rug | 58.82 | 67.57 | | field | 30.39 | 48.74 | | armchair | 47.39 | 59.41 | | seat | 64.0 | 88.13 | | fence | 46.47 | 62.84 | | desk | 49.93 | 77.17 | | rock | 54.06 | 77.11 | | wardrobe | 56.86 | 75.96 | | lamp | 70.5 | 81.03 | | bathtub | 81.63 | 88.26 | | railing | 31.96 | 45.52 | | cushion | 63.1 | 72.82 | | base | 25.16 | 33.95 | | box | 32.75 | 43.0 | | column | 50.13 | 59.49 | | signboard | 35.17 | 45.63 | | chest of drawers | 40.95 | 66.54 | | counter | 46.52 | 59.15 | | sand | 52.05 | 77.25 | | sink | 74.73 | 82.81 | | skyscraper | 50.22 | 64.64 | | fireplace | 71.81 | 90.87 | | refrigerator | 74.33 | 88.11 | | grandstand | 56.31 | 78.11 | | path | 28.4 | 40.45 | | stairs | 34.68 | 43.43 | | runway | 72.45 | 97.42 | | case | 59.93 | 78.93 | | pool table | 94.3 | 97.56 | | pillow | 62.99 | 74.92 | | screen door | 69.08 | 72.69 | | stairway | 43.7 | 56.34 | | river | 11.37 | 25.76 | | bridge | 51.31 | 58.11 | | bookcase | 41.57 | 53.33 | | blind | 29.42 | 32.82 | | coffee table | 62.45 | 81.25 | | toilet | 86.12 | 93.01 | | flower | 48.21 | 67.1 | | book | 51.68 | 78.41 | | hill | 13.19 | 21.56 | | bench | 55.83 | 67.44 | | countertop | 60.7 | 80.65 | | stove | 77.35 | 85.72 | | palm | 52.11 | 77.89 | | kitchen island | 39.47 | 51.33 | | computer | 73.88 | 86.68 | | swivel chair | 40.17 | 60.3 | | boat | 67.06 | 80.21 | | bar | 71.97 | 88.67 | | arcade machine | 78.8 | 86.93 | | hovel | 47.02 | 56.28 | | bus | 90.34 | 96.15 | | towel | 72.15 | 82.8 | | light | 57.72 | 67.23 | | truck | 38.41 | 44.87 | | tower | 36.63 | 59.88 | | chandelier | 70.55 | 80.8 | | awning | 36.42 | 45.7 | | streetlight | 28.69 | 33.9 | | booth | 46.18 | 56.02 | | television receiver | 80.8 | 89.06 | | airplane | 62.39 | 79.27 | | dirt track | 5.23 | 14.12 | | apparel | 62.88 | 74.43 | | pole | 24.84 | 33.31 | | land | 2.46 | 4.75 | | bannister | 11.15 | 14.28 | | escalator | 54.45 | 85.3 | | ottoman | 48.66 | 61.66 | | bottle | 41.76 | 68.6 | | buffet | 47.29 | 53.15 | | poster | 25.96 | 32.85 | | stage | 19.24 | 41.83 | | van | 41.77 | 53.14 | | ship | 65.75 | 68.57 | | fountain | 44.38 | 45.81 | | conveyer belt | 72.12 | 94.75 | | canopy | 54.21 | 70.62 | | washer | 84.11 | 92.79 | | plaything | 21.35 | 34.79 | | swimming pool | 57.57 | 84.48 | | stool | 47.82 | 57.97 | | barrel | 49.82 | 69.25 | | basket | 37.91 | 47.88 | | waterfall | 51.26 | 63.35 | | tent | 94.57 | 98.63 | | bag | 20.61 | 23.42 | | minibike | 72.67 | 88.11 | | cradle | 86.22 | 97.37 | | oven | 62.17 | 77.97 | | ball | 57.5 | 69.36 | | food | 53.24 | 72.79 | | step | 17.19 | 19.46 | | tank | 59.55 | 76.43 | | trade name | 17.98 | 19.21 | | microwave | 84.83 | 94.17 | | pot | 53.59 | 62.61 | | animal | 61.35 | 63.99 | | bicycle | 55.72 | 72.29 | | lake | 50.15 | 70.5 | | dishwasher | 60.37 | 75.93 | | screen | 49.19 | 74.48 | | blanket | 24.18 | 31.61 | | sculpture | 71.02 | 86.31 | | hood | 66.34 | 70.38 | | sconce | 54.95 | 66.29 | | vase | 41.53 | 56.23 | | traffic light | 35.71 | 54.39 | | tray | 10.92 | 12.3 | | ashcan | 46.49 | 56.4 | | fan | 66.49 | 82.0 | | pier | 35.85 | 44.85 | | crt screen | 6.33 | 11.51 | | plate | 54.85 | 67.44 | | monitor | 59.63 | 73.74 | | bulletin board | 42.18 | 49.05 | | shower | 5.28 | 8.96 | | radiator | 60.85 | 69.88 | | glass | 18.53 | 20.04 | | clock | 45.9 | 52.91 | | flag | 55.71 | 60.46 | +---------------------+-------+-------+ 2023-11-10 22:45:08,576 - mmseg - INFO - Summary: 2023-11-10 22:45:08,576 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.56 | 53.99 | 66.32 | +-------+-------+-------+ 2023-11-10 22:45:08,577 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:45:08,578 - mmseg - INFO - Iter(val) [250] aAcc: 0.8456, mIoU: 0.5399, mAcc: 0.6632, IoU.wall: 0.7922, IoU.building: 0.8443, IoU.sky: 0.9472, IoU.floor: 0.8241, IoU.tree: 0.7602, IoU.ceiling: 0.8503, IoU.road: 0.8536, IoU.bed : 0.9097, IoU.windowpane: 0.6302, IoU.grass: 0.6892, IoU.cabinet: 0.6044, IoU.sidewalk: 0.6694, IoU.person: 0.8243, IoU.earth: 0.4010, IoU.door: 0.5048, IoU.table: 0.6208, IoU.mountain: 0.6197, IoU.plant: 0.5548, IoU.curtain: 0.7444, IoU.chair: 0.6118, IoU.car: 0.8540, IoU.water: 0.6105, IoU.painting: 0.7361, IoU.sofa: 0.7076, IoU.shelf: 0.4187, IoU.house: 0.5809, IoU.sea: 0.6552, IoU.mirror: 0.7371, IoU.rug: 0.5882, IoU.field: 0.3039, IoU.armchair: 0.4739, IoU.seat: 0.6400, IoU.fence: 0.4647, IoU.desk: 0.4993, IoU.rock: 0.5406, IoU.wardrobe: 0.5686, IoU.lamp: 0.7050, IoU.bathtub: 0.8163, IoU.railing: 0.3196, IoU.cushion: 0.6310, IoU.base: 0.2516, IoU.box: 0.3275, IoU.column: 0.5013, IoU.signboard: 0.3517, IoU.chest of drawers: 0.4095, IoU.counter: 0.4652, IoU.sand: 0.5205, IoU.sink: 0.7473, IoU.skyscraper: 0.5022, IoU.fireplace: 0.7181, IoU.refrigerator: 0.7433, IoU.grandstand: 0.5631, IoU.path: 0.2840, IoU.stairs: 0.3468, IoU.runway: 0.7245, IoU.case: 0.5993, IoU.pool table: 0.9430, IoU.pillow: 0.6299, IoU.screen door: 0.6908, IoU.stairway: 0.4370, IoU.river: 0.1137, IoU.bridge: 0.5131, IoU.bookcase: 0.4157, IoU.blind: 0.2942, IoU.coffee table: 0.6245, IoU.toilet: 0.8612, IoU.flower: 0.4821, IoU.book: 0.5168, IoU.hill: 0.1319, IoU.bench: 0.5583, IoU.countertop: 0.6070, IoU.stove: 0.7735, IoU.palm: 0.5211, IoU.kitchen island: 0.3947, IoU.computer: 0.7388, IoU.swivel chair: 0.4017, IoU.boat: 0.6706, IoU.bar: 0.7197, IoU.arcade machine: 0.7880, IoU.hovel: 0.4702, IoU.bus: 0.9034, IoU.towel: 0.7215, IoU.light: 0.5772, IoU.truck: 0.3841, IoU.tower: 0.3663, IoU.chandelier: 0.7055, IoU.awning: 0.3642, IoU.streetlight: 0.2869, IoU.booth: 0.4618, IoU.television receiver: 0.8080, IoU.airplane: 0.6239, IoU.dirt track: 0.0523, IoU.apparel: 0.6288, IoU.pole: 0.2484, IoU.land: 0.0246, IoU.bannister: 0.1115, IoU.escalator: 0.5445, IoU.ottoman: 0.4866, IoU.bottle: 0.4176, IoU.buffet: 0.4729, IoU.poster: 0.2596, IoU.stage: 0.1924, IoU.van: 0.4177, IoU.ship: 0.6575, IoU.fountain: 0.4438, IoU.conveyer belt: 0.7212, IoU.canopy: 0.5421, IoU.washer: 0.8411, IoU.plaything: 0.2135, IoU.swimming pool: 0.5757, IoU.stool: 0.4782, IoU.barrel: 0.4982, IoU.basket: 0.3791, IoU.waterfall: 0.5126, IoU.tent: 0.9457, IoU.bag: 0.2061, IoU.minibike: 0.7267, IoU.cradle: 0.8622, IoU.oven: 0.6217, IoU.ball: 0.5750, IoU.food: 0.5324, IoU.step: 0.1719, IoU.tank: 0.5955, IoU.trade name: 0.1798, IoU.microwave: 0.8483, IoU.pot: 0.5359, IoU.animal: 0.6135, IoU.bicycle: 0.5572, IoU.lake: 0.5015, IoU.dishwasher: 0.6037, IoU.screen: 0.4919, IoU.blanket: 0.2418, IoU.sculpture: 0.7102, IoU.hood: 0.6634, IoU.sconce: 0.5495, IoU.vase: 0.4153, IoU.traffic light: 0.3571, IoU.tray: 0.1092, IoU.ashcan: 0.4649, IoU.fan: 0.6649, IoU.pier: 0.3585, IoU.crt screen: 0.0633, IoU.plate: 0.5485, IoU.monitor: 0.5963, IoU.bulletin board: 0.4218, IoU.shower: 0.0528, IoU.radiator: 0.6085, IoU.glass: 0.1853, IoU.clock: 0.4590, IoU.flag: 0.5571, Acc.wall: 0.8801, Acc.building: 0.9385, Acc.sky: 0.9746, Acc.floor: 0.9085, Acc.tree: 0.8837, Acc.ceiling: 0.9268, Acc.road: 0.9154, Acc.bed : 0.9692, Acc.windowpane: 0.8245, Acc.grass: 0.8220, Acc.cabinet: 0.7413, Acc.sidewalk: 0.7969, Acc.person: 0.9463, Acc.earth: 0.5469, Acc.door: 0.6460, Acc.table: 0.7638, Acc.mountain: 0.7352, Acc.plant: 0.6602, Acc.curtain: 0.8498, Acc.chair: 0.7632, Acc.car: 0.9470, Acc.water: 0.7555, Acc.painting: 0.8848, Acc.sofa: 0.8903, Acc.shelf: 0.5305, Acc.house: 0.7229, Acc.sea: 0.7688, Acc.mirror: 0.8393, Acc.rug: 0.6757, Acc.field: 0.4874, Acc.armchair: 0.5941, Acc.seat: 0.8813, Acc.fence: 0.6284, Acc.desk: 0.7717, Acc.rock: 0.7711, Acc.wardrobe: 0.7596, Acc.lamp: 0.8103, Acc.bathtub: 0.8826, Acc.railing: 0.4552, Acc.cushion: 0.7282, Acc.base: 0.3395, Acc.box: 0.4300, Acc.column: 0.5949, Acc.signboard: 0.4563, Acc.chest of drawers: 0.6654, Acc.counter: 0.5915, Acc.sand: 0.7725, Acc.sink: 0.8281, Acc.skyscraper: 0.6464, Acc.fireplace: 0.9087, Acc.refrigerator: 0.8811, Acc.grandstand: 0.7811, Acc.path: 0.4045, Acc.stairs: 0.4343, Acc.runway: 0.9742, Acc.case: 0.7893, Acc.pool table: 0.9756, Acc.pillow: 0.7492, Acc.screen door: 0.7269, Acc.stairway: 0.5634, Acc.river: 0.2576, Acc.bridge: 0.5811, Acc.bookcase: 0.5333, Acc.blind: 0.3282, Acc.coffee table: 0.8125, Acc.toilet: 0.9301, Acc.flower: 0.6710, Acc.book: 0.7841, Acc.hill: 0.2156, Acc.bench: 0.6744, Acc.countertop: 0.8065, Acc.stove: 0.8572, Acc.palm: 0.7789, Acc.kitchen island: 0.5133, Acc.computer: 0.8668, Acc.swivel chair: 0.6030, Acc.boat: 0.8021, Acc.bar: 0.8867, Acc.arcade machine: 0.8693, Acc.hovel: 0.5628, Acc.bus: 0.9615, Acc.towel: 0.8280, Acc.light: 0.6723, Acc.truck: 0.4487, Acc.tower: 0.5988, Acc.chandelier: 0.8080, Acc.awning: 0.4570, Acc.streetlight: 0.3390, Acc.booth: 0.5602, Acc.television receiver: 0.8906, Acc.airplane: 0.7927, Acc.dirt track: 0.1412, Acc.apparel: 0.7443, Acc.pole: 0.3331, Acc.land: 0.0475, Acc.bannister: 0.1428, Acc.escalator: 0.8530, Acc.ottoman: 0.6166, Acc.bottle: 0.6860, Acc.buffet: 0.5315, Acc.poster: 0.3285, Acc.stage: 0.4183, Acc.van: 0.5314, Acc.ship: 0.6857, Acc.fountain: 0.4581, Acc.conveyer belt: 0.9475, Acc.canopy: 0.7062, Acc.washer: 0.9279, Acc.plaything: 0.3479, Acc.swimming pool: 0.8448, Acc.stool: 0.5797, Acc.barrel: 0.6925, Acc.basket: 0.4788, Acc.waterfall: 0.6335, Acc.tent: 0.9863, Acc.bag: 0.2342, Acc.minibike: 0.8811, Acc.cradle: 0.9737, Acc.oven: 0.7797, Acc.ball: 0.6936, Acc.food: 0.7279, Acc.step: 0.1946, Acc.tank: 0.7643, Acc.trade name: 0.1921, Acc.microwave: 0.9417, Acc.pot: 0.6261, Acc.animal: 0.6399, Acc.bicycle: 0.7229, Acc.lake: 0.7050, Acc.dishwasher: 0.7593, Acc.screen: 0.7448, Acc.blanket: 0.3161, Acc.sculpture: 0.8631, Acc.hood: 0.7038, Acc.sconce: 0.6629, Acc.vase: 0.5623, Acc.traffic light: 0.5439, Acc.tray: 0.1230, Acc.ashcan: 0.5640, Acc.fan: 0.8200, Acc.pier: 0.4485, Acc.crt screen: 0.1151, Acc.plate: 0.6744, Acc.monitor: 0.7374, Acc.bulletin board: 0.4905, Acc.shower: 0.0896, Acc.radiator: 0.6988, Acc.glass: 0.2004, Acc.clock: 0.5291, Acc.flag: 0.6046 2023-11-10 22:45:43,363 - mmseg - INFO - Iter [52050/80000] lr: 1.398e-05, eta: 6:17:21, time: 2.304, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1493, decode.acc_seg: 93.3850, aux.loss_ce: 0.2840, aux.acc_seg: 74.1198, loss: 0.4333 2023-11-10 22:46:18,085 - mmseg - INFO - Iter [52100/80000] lr: 1.395e-05, eta: 6:16:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1562, decode.acc_seg: 93.0555, aux.loss_ce: 0.2829, aux.acc_seg: 74.7703, loss: 0.4391 2023-11-10 22:46:52,773 - mmseg - INFO - Iter [52150/80000] lr: 1.393e-05, eta: 6:15:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1549, decode.acc_seg: 93.2680, aux.loss_ce: 0.2875, aux.acc_seg: 74.4066, loss: 0.4425 2023-11-10 22:47:27,434 - mmseg - INFO - Iter [52200/80000] lr: 1.390e-05, eta: 6:15:10, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1464, decode.acc_seg: 93.6317, aux.loss_ce: 0.2731, aux.acc_seg: 75.6691, loss: 0.4195 2023-11-10 22:48:02,104 - mmseg - INFO - Iter [52250/80000] lr: 1.388e-05, eta: 6:14:27, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1546, decode.acc_seg: 93.2050, aux.loss_ce: 0.2873, aux.acc_seg: 74.4110, loss: 0.4419 2023-11-10 22:48:36,801 - mmseg - INFO - Iter [52300/80000] lr: 1.385e-05, eta: 6:13:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1568, decode.acc_seg: 93.0915, aux.loss_ce: 0.2958, aux.acc_seg: 73.6309, loss: 0.4526 2023-11-10 22:49:11,479 - mmseg - INFO - Iter [52350/80000] lr: 1.383e-05, eta: 6:13:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1582, decode.acc_seg: 93.0005, aux.loss_ce: 0.2875, aux.acc_seg: 74.2846, loss: 0.4457 2023-11-10 22:49:46,164 - mmseg - INFO - Iter [52400/80000] lr: 1.380e-05, eta: 6:12:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1532, decode.acc_seg: 93.3535, aux.loss_ce: 0.2779, aux.acc_seg: 74.8183, loss: 0.4311 2023-11-10 22:50:20,828 - mmseg - INFO - Iter [52450/80000] lr: 1.378e-05, eta: 6:11:33, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1524, decode.acc_seg: 93.3335, aux.loss_ce: 0.2959, aux.acc_seg: 73.5585, loss: 0.4484 2023-11-10 22:50:55,496 - mmseg - INFO - Iter [52500/80000] lr: 1.375e-05, eta: 6:10:49, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1571, decode.acc_seg: 93.1991, aux.loss_ce: 0.2832, aux.acc_seg: 74.0827, loss: 0.4403 2023-11-10 22:51:30,179 - mmseg - INFO - Iter [52550/80000] lr: 1.373e-05, eta: 6:10:06, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1608, decode.acc_seg: 93.0733, aux.loss_ce: 0.3000, aux.acc_seg: 73.0247, loss: 0.4608 2023-11-10 22:52:04,846 - mmseg - INFO - Iter [52600/80000] lr: 1.370e-05, eta: 6:09:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1571, decode.acc_seg: 93.3715, aux.loss_ce: 0.2970, aux.acc_seg: 74.2566, loss: 0.4541 2023-11-10 22:52:39,527 - mmseg - INFO - Iter [52650/80000] lr: 1.368e-05, eta: 6:08:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1548, decode.acc_seg: 93.2460, aux.loss_ce: 0.2864, aux.acc_seg: 74.1161, loss: 0.4413 2023-11-10 22:53:14,216 - mmseg - INFO - Iter [52700/80000] lr: 1.365e-05, eta: 6:07:55, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1507, decode.acc_seg: 93.5011, aux.loss_ce: 0.2882, aux.acc_seg: 75.1652, loss: 0.4389 2023-11-10 22:53:48,888 - mmseg - INFO - Iter [52750/80000] lr: 1.363e-05, eta: 6:07:12, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1446, decode.acc_seg: 93.6152, aux.loss_ce: 0.2746, aux.acc_seg: 75.1051, loss: 0.4193 2023-11-10 22:54:23,552 - mmseg - INFO - Iter [52800/80000] lr: 1.360e-05, eta: 6:06:28, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1465, decode.acc_seg: 93.4305, aux.loss_ce: 0.2692, aux.acc_seg: 75.9613, loss: 0.4157 2023-11-10 22:54:58,238 - mmseg - INFO - Iter [52850/80000] lr: 1.358e-05, eta: 6:05:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1585, decode.acc_seg: 93.1062, aux.loss_ce: 0.2909, aux.acc_seg: 74.2481, loss: 0.4493 2023-11-10 22:55:32,908 - mmseg - INFO - Iter [52900/80000] lr: 1.355e-05, eta: 6:05:02, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1553, decode.acc_seg: 93.2026, aux.loss_ce: 0.2950, aux.acc_seg: 73.1433, loss: 0.4503 2023-11-10 22:56:07,597 - mmseg - INFO - Iter [52950/80000] lr: 1.353e-05, eta: 6:04:18, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1579, decode.acc_seg: 93.0568, aux.loss_ce: 0.2855, aux.acc_seg: 74.3168, loss: 0.4434 2023-11-10 22:56:42,244 - mmseg - INFO - Saving checkpoint at 53000 iterations 2023-11-10 22:57:14,433 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:57:14,433 - mmseg - INFO - Iter [53000/80000] lr: 1.350e-05, eta: 6:03:51, time: 1.337, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1525, decode.acc_seg: 93.1971, aux.loss_ce: 0.2872, aux.acc_seg: 73.7629, loss: 0.4397 2023-11-10 22:58:34,866 - mmseg - INFO - per class results: 2023-11-10 22:58:34,871 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.37 | 87.62 | | building | 85.03 | 93.58 | | sky | 94.74 | 97.54 | | floor | 82.38 | 90.66 | | tree | 75.3 | 88.87 | | ceiling | 84.31 | 93.69 | | road | 85.21 | 91.51 | | bed | 90.99 | 96.9 | | windowpane | 62.84 | 79.56 | | grass | 69.93 | 86.77 | | cabinet | 61.42 | 73.76 | | sidewalk | 68.16 | 82.33 | | person | 82.46 | 94.5 | | earth | 38.84 | 48.57 | | door | 51.14 | 66.87 | | table | 63.93 | 77.66 | | mountain | 61.52 | 75.01 | | plant | 54.37 | 67.34 | | curtain | 74.92 | 86.28 | | chair | 61.07 | 74.62 | | car | 85.76 | 94.47 | | water | 61.54 | 76.4 | | painting | 73.47 | 90.48 | | sofa | 70.82 | 86.07 | | shelf | 43.81 | 65.93 | | house | 57.86 | 74.6 | | sea | 67.34 | 81.31 | | mirror | 73.21 | 83.43 | | rug | 60.16 | 67.56 | | field | 31.95 | 43.46 | | armchair | 49.43 | 71.67 | | seat | 68.11 | 86.43 | | fence | 47.14 | 64.95 | | desk | 51.72 | 76.86 | | rock | 55.7 | 78.65 | | wardrobe | 55.45 | 73.22 | | lamp | 70.01 | 81.89 | | bathtub | 81.99 | 86.84 | | railing | 33.92 | 47.33 | | cushion | 61.57 | 71.89 | | base | 31.65 | 43.86 | | box | 31.22 | 42.13 | | column | 51.11 | 60.1 | | signboard | 35.31 | 47.45 | | chest of drawers | 41.37 | 61.0 | | counter | 42.35 | 47.86 | | sand | 55.84 | 85.64 | | sink | 75.28 | 82.14 | | skyscraper | 50.42 | 61.65 | | fireplace | 74.2 | 90.01 | | refrigerator | 76.48 | 88.35 | | grandstand | 56.7 | 77.27 | | path | 26.63 | 37.44 | | stairs | 41.31 | 48.68 | | runway | 69.8 | 92.09 | | case | 60.59 | 72.31 | | pool table | 94.13 | 97.4 | | pillow | 63.14 | 75.25 | | screen door | 56.4 | 58.73 | | stairway | 48.77 | 64.21 | | river | 11.72 | 24.8 | | bridge | 60.52 | 69.34 | | bookcase | 42.83 | 63.66 | | blind | 33.82 | 39.07 | | coffee table | 62.57 | 83.6 | | toilet | 86.97 | 92.92 | | flower | 47.18 | 66.67 | | book | 52.33 | 76.58 | | hill | 8.92 | 13.57 | | bench | 57.96 | 67.67 | | countertop | 62.01 | 75.64 | | stove | 78.05 | 85.68 | | palm | 51.61 | 78.1 | | kitchen island | 46.67 | 70.02 | | computer | 74.17 | 87.19 | | swivel chair | 41.29 | 66.18 | | boat | 64.62 | 81.34 | | bar | 72.29 | 88.0 | | arcade machine | 79.01 | 88.33 | | hovel | 42.03 | 51.84 | | bus | 90.27 | 95.63 | | towel | 71.51 | 83.81 | | light | 55.24 | 61.84 | | truck | 38.53 | 47.24 | | tower | 30.46 | 42.81 | | chandelier | 71.11 | 82.36 | | awning | 36.35 | 45.88 | | streetlight | 30.85 | 39.48 | | booth | 41.83 | 58.61 | | television receiver | 79.59 | 90.74 | | airplane | 63.27 | 74.78 | | dirt track | 7.96 | 24.54 | | apparel | 61.23 | 72.8 | | pole | 27.28 | 39.82 | | land | 4.28 | 8.15 | | bannister | 11.18 | 14.76 | | escalator | 56.43 | 81.49 | | ottoman | 46.95 | 64.1 | | bottle | 41.93 | 71.93 | | buffet | 50.29 | 57.93 | | poster | 25.58 | 30.84 | | stage | 21.21 | 51.97 | | van | 46.09 | 60.16 | | ship | 72.15 | 85.14 | | fountain | 45.67 | 46.75 | | conveyer belt | 65.76 | 96.48 | | canopy | 55.91 | 73.32 | | washer | 82.87 | 89.39 | | plaything | 22.09 | 36.2 | | swimming pool | 57.86 | 84.92 | | stool | 48.57 | 63.42 | | barrel | 48.91 | 67.07 | | basket | 38.57 | 50.15 | | waterfall | 47.86 | 57.78 | | tent | 95.74 | 98.09 | | bag | 17.9 | 20.07 | | minibike | 73.41 | 87.42 | | cradle | 87.04 | 98.45 | | oven | 60.27 | 75.67 | | ball | 57.01 | 66.8 | | food | 55.53 | 73.65 | | step | 13.03 | 13.52 | | tank | 64.09 | 84.58 | | trade name | 23.58 | 25.95 | | microwave | 83.55 | 94.59 | | pot | 52.25 | 60.97 | | animal | 54.86 | 56.2 | | bicycle | 55.49 | 70.59 | | lake | 55.02 | 71.63 | | dishwasher | 61.23 | 72.1 | | screen | 53.42 | 79.2 | | blanket | 21.03 | 24.12 | | sculpture | 66.69 | 88.03 | | hood | 66.76 | 72.28 | | sconce | 55.09 | 67.47 | | vase | 40.6 | 61.04 | | traffic light | 36.58 | 50.29 | | tray | 14.19 | 16.41 | | ashcan | 46.16 | 54.13 | | fan | 65.05 | 75.04 | | pier | 35.89 | 45.08 | | crt screen | 3.57 | 5.31 | | plate | 56.4 | 71.72 | | monitor | 58.57 | 71.3 | | bulletin board | 42.77 | 58.04 | | shower | 5.15 | 14.0 | | radiator | 61.19 | 71.68 | | glass | 17.18 | 18.28 | | clock | 47.77 | 55.94 | | flag | 51.61 | 55.99 | +---------------------+-------+-------+ 2023-11-10 22:58:34,872 - mmseg - INFO - Summary: 2023-11-10 22:58:34,872 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.73 | 54.26 | 66.93 | +-------+-------+-------+ 2023-11-10 22:58:34,872 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 22:58:34,873 - mmseg - INFO - Iter(val) [250] aAcc: 0.8473, mIoU: 0.5426, mAcc: 0.6693, IoU.wall: 0.7937, IoU.building: 0.8503, IoU.sky: 0.9474, IoU.floor: 0.8238, IoU.tree: 0.7530, IoU.ceiling: 0.8431, IoU.road: 0.8521, IoU.bed : 0.9099, IoU.windowpane: 0.6284, IoU.grass: 0.6993, IoU.cabinet: 0.6142, IoU.sidewalk: 0.6816, IoU.person: 0.8246, IoU.earth: 0.3884, IoU.door: 0.5114, IoU.table: 0.6393, IoU.mountain: 0.6152, IoU.plant: 0.5437, IoU.curtain: 0.7492, IoU.chair: 0.6107, IoU.car: 0.8576, IoU.water: 0.6154, IoU.painting: 0.7347, IoU.sofa: 0.7082, IoU.shelf: 0.4381, IoU.house: 0.5786, IoU.sea: 0.6734, IoU.mirror: 0.7321, IoU.rug: 0.6016, IoU.field: 0.3195, IoU.armchair: 0.4943, IoU.seat: 0.6811, IoU.fence: 0.4714, IoU.desk: 0.5172, IoU.rock: 0.5570, IoU.wardrobe: 0.5545, IoU.lamp: 0.7001, IoU.bathtub: 0.8199, IoU.railing: 0.3392, IoU.cushion: 0.6157, IoU.base: 0.3165, IoU.box: 0.3122, IoU.column: 0.5111, IoU.signboard: 0.3531, IoU.chest of drawers: 0.4137, IoU.counter: 0.4235, IoU.sand: 0.5584, IoU.sink: 0.7528, IoU.skyscraper: 0.5042, IoU.fireplace: 0.7420, IoU.refrigerator: 0.7648, IoU.grandstand: 0.5670, IoU.path: 0.2663, IoU.stairs: 0.4131, IoU.runway: 0.6980, IoU.case: 0.6059, IoU.pool table: 0.9413, IoU.pillow: 0.6314, IoU.screen door: 0.5640, IoU.stairway: 0.4877, IoU.river: 0.1172, IoU.bridge: 0.6052, IoU.bookcase: 0.4283, IoU.blind: 0.3382, IoU.coffee table: 0.6257, IoU.toilet: 0.8697, IoU.flower: 0.4718, IoU.book: 0.5233, IoU.hill: 0.0892, IoU.bench: 0.5796, IoU.countertop: 0.6201, IoU.stove: 0.7805, IoU.palm: 0.5161, IoU.kitchen island: 0.4667, IoU.computer: 0.7417, IoU.swivel chair: 0.4129, IoU.boat: 0.6462, IoU.bar: 0.7229, IoU.arcade machine: 0.7901, IoU.hovel: 0.4203, IoU.bus: 0.9027, IoU.towel: 0.7151, IoU.light: 0.5524, IoU.truck: 0.3853, IoU.tower: 0.3046, IoU.chandelier: 0.7111, IoU.awning: 0.3635, IoU.streetlight: 0.3085, IoU.booth: 0.4183, IoU.television receiver: 0.7959, IoU.airplane: 0.6327, IoU.dirt track: 0.0796, IoU.apparel: 0.6123, IoU.pole: 0.2728, IoU.land: 0.0428, IoU.bannister: 0.1118, IoU.escalator: 0.5643, IoU.ottoman: 0.4695, IoU.bottle: 0.4193, IoU.buffet: 0.5029, IoU.poster: 0.2558, IoU.stage: 0.2121, IoU.van: 0.4609, IoU.ship: 0.7215, IoU.fountain: 0.4567, IoU.conveyer belt: 0.6576, IoU.canopy: 0.5591, IoU.washer: 0.8287, IoU.plaything: 0.2209, IoU.swimming pool: 0.5786, IoU.stool: 0.4857, IoU.barrel: 0.4891, IoU.basket: 0.3857, IoU.waterfall: 0.4786, IoU.tent: 0.9574, IoU.bag: 0.1790, IoU.minibike: 0.7341, IoU.cradle: 0.8704, IoU.oven: 0.6027, IoU.ball: 0.5701, IoU.food: 0.5553, IoU.step: 0.1303, IoU.tank: 0.6409, IoU.trade name: 0.2358, IoU.microwave: 0.8355, IoU.pot: 0.5225, IoU.animal: 0.5486, IoU.bicycle: 0.5549, IoU.lake: 0.5502, IoU.dishwasher: 0.6123, IoU.screen: 0.5342, IoU.blanket: 0.2103, IoU.sculpture: 0.6669, IoU.hood: 0.6676, IoU.sconce: 0.5509, IoU.vase: 0.4060, IoU.traffic light: 0.3658, IoU.tray: 0.1419, IoU.ashcan: 0.4616, IoU.fan: 0.6505, IoU.pier: 0.3589, IoU.crt screen: 0.0357, IoU.plate: 0.5640, IoU.monitor: 0.5857, IoU.bulletin board: 0.4277, IoU.shower: 0.0515, IoU.radiator: 0.6119, IoU.glass: 0.1718, IoU.clock: 0.4777, IoU.flag: 0.5161, Acc.wall: 0.8762, Acc.building: 0.9358, Acc.sky: 0.9754, Acc.floor: 0.9066, Acc.tree: 0.8887, Acc.ceiling: 0.9369, Acc.road: 0.9151, Acc.bed : 0.9690, Acc.windowpane: 0.7956, Acc.grass: 0.8677, Acc.cabinet: 0.7376, Acc.sidewalk: 0.8233, Acc.person: 0.9450, Acc.earth: 0.4857, Acc.door: 0.6687, Acc.table: 0.7766, Acc.mountain: 0.7501, Acc.plant: 0.6734, Acc.curtain: 0.8628, Acc.chair: 0.7462, Acc.car: 0.9447, Acc.water: 0.7640, Acc.painting: 0.9048, Acc.sofa: 0.8607, Acc.shelf: 0.6593, Acc.house: 0.7460, Acc.sea: 0.8131, Acc.mirror: 0.8343, Acc.rug: 0.6756, Acc.field: 0.4346, Acc.armchair: 0.7167, Acc.seat: 0.8643, Acc.fence: 0.6495, Acc.desk: 0.7686, Acc.rock: 0.7865, Acc.wardrobe: 0.7322, Acc.lamp: 0.8189, Acc.bathtub: 0.8684, Acc.railing: 0.4733, Acc.cushion: 0.7189, Acc.base: 0.4386, Acc.box: 0.4213, Acc.column: 0.6010, Acc.signboard: 0.4745, Acc.chest of drawers: 0.6100, Acc.counter: 0.4786, Acc.sand: 0.8564, Acc.sink: 0.8214, Acc.skyscraper: 0.6165, Acc.fireplace: 0.9001, Acc.refrigerator: 0.8835, Acc.grandstand: 0.7727, Acc.path: 0.3744, Acc.stairs: 0.4868, Acc.runway: 0.9209, Acc.case: 0.7231, Acc.pool table: 0.9740, Acc.pillow: 0.7525, Acc.screen door: 0.5873, Acc.stairway: 0.6421, Acc.river: 0.2480, Acc.bridge: 0.6934, Acc.bookcase: 0.6366, Acc.blind: 0.3907, Acc.coffee table: 0.8360, Acc.toilet: 0.9292, Acc.flower: 0.6667, Acc.book: 0.7658, Acc.hill: 0.1357, Acc.bench: 0.6767, Acc.countertop: 0.7564, Acc.stove: 0.8568, Acc.palm: 0.7810, Acc.kitchen island: 0.7002, Acc.computer: 0.8719, Acc.swivel chair: 0.6618, Acc.boat: 0.8134, Acc.bar: 0.8800, Acc.arcade machine: 0.8833, Acc.hovel: 0.5184, Acc.bus: 0.9563, Acc.towel: 0.8381, Acc.light: 0.6184, Acc.truck: 0.4724, Acc.tower: 0.4281, Acc.chandelier: 0.8236, Acc.awning: 0.4588, Acc.streetlight: 0.3948, Acc.booth: 0.5861, Acc.television receiver: 0.9074, Acc.airplane: 0.7478, Acc.dirt track: 0.2454, Acc.apparel: 0.7280, Acc.pole: 0.3982, Acc.land: 0.0815, Acc.bannister: 0.1476, Acc.escalator: 0.8149, Acc.ottoman: 0.6410, Acc.bottle: 0.7193, Acc.buffet: 0.5793, Acc.poster: 0.3084, Acc.stage: 0.5197, Acc.van: 0.6016, Acc.ship: 0.8514, Acc.fountain: 0.4675, Acc.conveyer belt: 0.9648, Acc.canopy: 0.7332, Acc.washer: 0.8939, Acc.plaything: 0.3620, Acc.swimming pool: 0.8492, Acc.stool: 0.6342, Acc.barrel: 0.6707, Acc.basket: 0.5015, Acc.waterfall: 0.5778, Acc.tent: 0.9809, Acc.bag: 0.2007, Acc.minibike: 0.8742, Acc.cradle: 0.9845, Acc.oven: 0.7567, Acc.ball: 0.6680, Acc.food: 0.7365, Acc.step: 0.1352, Acc.tank: 0.8458, Acc.trade name: 0.2595, Acc.microwave: 0.9459, Acc.pot: 0.6097, Acc.animal: 0.5620, Acc.bicycle: 0.7059, Acc.lake: 0.7163, Acc.dishwasher: 0.7210, Acc.screen: 0.7920, Acc.blanket: 0.2412, Acc.sculpture: 0.8803, Acc.hood: 0.7228, Acc.sconce: 0.6747, Acc.vase: 0.6104, Acc.traffic light: 0.5029, Acc.tray: 0.1641, Acc.ashcan: 0.5413, Acc.fan: 0.7504, Acc.pier: 0.4508, Acc.crt screen: 0.0531, Acc.plate: 0.7172, Acc.monitor: 0.7130, Acc.bulletin board: 0.5804, Acc.shower: 0.1400, Acc.radiator: 0.7168, Acc.glass: 0.1828, Acc.clock: 0.5594, Acc.flag: 0.5599 2023-11-10 22:59:11,918 - mmseg - INFO - Iter [53050/80000] lr: 1.348e-05, eta: 6:03:50, time: 2.350, data_time: 1.660, memory: 60073, decode.loss_ce: 0.1521, decode.acc_seg: 93.3541, aux.loss_ce: 0.2850, aux.acc_seg: 74.2892, loss: 0.4371 2023-11-10 22:59:46,606 - mmseg - INFO - Iter [53100/80000] lr: 1.345e-05, eta: 6:03:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1457, decode.acc_seg: 93.6931, aux.loss_ce: 0.2758, aux.acc_seg: 75.1235, loss: 0.4215 2023-11-10 23:00:21,298 - mmseg - INFO - Iter [53150/80000] lr: 1.343e-05, eta: 6:02:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1470, decode.acc_seg: 93.5589, aux.loss_ce: 0.2768, aux.acc_seg: 75.2263, loss: 0.4237 2023-11-10 23:00:55,994 - mmseg - INFO - Iter [53200/80000] lr: 1.340e-05, eta: 6:01:40, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1517, decode.acc_seg: 93.4172, aux.loss_ce: 0.2859, aux.acc_seg: 74.6056, loss: 0.4376 2023-11-10 23:01:30,698 - mmseg - INFO - Iter [53250/80000] lr: 1.338e-05, eta: 6:00:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1550, decode.acc_seg: 93.1407, aux.loss_ce: 0.2818, aux.acc_seg: 74.7698, loss: 0.4368 2023-11-10 23:02:05,413 - mmseg - INFO - Iter [53300/80000] lr: 1.335e-05, eta: 6:00:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1482, decode.acc_seg: 93.4501, aux.loss_ce: 0.2743, aux.acc_seg: 75.1950, loss: 0.4225 2023-11-10 23:02:40,106 - mmseg - INFO - Iter [53350/80000] lr: 1.333e-05, eta: 5:59:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1427, decode.acc_seg: 93.7390, aux.loss_ce: 0.2911, aux.acc_seg: 73.2684, loss: 0.4339 2023-11-10 23:03:14,821 - mmseg - INFO - Iter [53400/80000] lr: 1.330e-05, eta: 5:58:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1505, decode.acc_seg: 93.4327, aux.loss_ce: 0.2939, aux.acc_seg: 73.5458, loss: 0.4444 2023-11-10 23:03:49,529 - mmseg - INFO - Iter [53450/80000] lr: 1.328e-05, eta: 5:58:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1515, decode.acc_seg: 93.4471, aux.loss_ce: 0.2918, aux.acc_seg: 73.9300, loss: 0.4433 2023-11-10 23:04:24,244 - mmseg - INFO - Iter [53500/80000] lr: 1.325e-05, eta: 5:57:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1510, decode.acc_seg: 93.4120, aux.loss_ce: 0.2817, aux.acc_seg: 74.9216, loss: 0.4327 2023-11-10 23:04:58,955 - mmseg - INFO - Iter [53550/80000] lr: 1.323e-05, eta: 5:56:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1553, decode.acc_seg: 93.0863, aux.loss_ce: 0.3045, aux.acc_seg: 73.2728, loss: 0.4598 2023-11-10 23:05:33,662 - mmseg - INFO - Iter [53600/80000] lr: 1.320e-05, eta: 5:55:53, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1475, decode.acc_seg: 93.4606, aux.loss_ce: 0.2781, aux.acc_seg: 74.8841, loss: 0.4257 2023-11-10 23:06:08,357 - mmseg - INFO - Iter [53650/80000] lr: 1.318e-05, eta: 5:55:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1519, decode.acc_seg: 93.4047, aux.loss_ce: 0.2880, aux.acc_seg: 73.8192, loss: 0.4399 2023-11-10 23:06:43,067 - mmseg - INFO - Iter [53700/80000] lr: 1.315e-05, eta: 5:54:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1533, decode.acc_seg: 93.2115, aux.loss_ce: 0.2996, aux.acc_seg: 72.8674, loss: 0.4530 2023-11-10 23:07:17,762 - mmseg - INFO - Iter [53750/80000] lr: 1.313e-05, eta: 5:53:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1470, decode.acc_seg: 93.5026, aux.loss_ce: 0.2873, aux.acc_seg: 74.3187, loss: 0.4342 2023-11-10 23:07:52,451 - mmseg - INFO - Iter [53800/80000] lr: 1.310e-05, eta: 5:53:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1508, decode.acc_seg: 93.5235, aux.loss_ce: 0.2861, aux.acc_seg: 74.5244, loss: 0.4368 2023-11-10 23:08:27,148 - mmseg - INFO - Iter [53850/80000] lr: 1.308e-05, eta: 5:52:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1491, decode.acc_seg: 93.4201, aux.loss_ce: 0.2944, aux.acc_seg: 73.8460, loss: 0.4434 2023-11-10 23:09:01,853 - mmseg - INFO - Iter [53900/80000] lr: 1.305e-05, eta: 5:51:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1398, decode.acc_seg: 93.9297, aux.loss_ce: 0.2710, aux.acc_seg: 75.5404, loss: 0.4108 2023-11-10 23:09:36,550 - mmseg - INFO - Iter [53950/80000] lr: 1.303e-05, eta: 5:50:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1521, decode.acc_seg: 93.4060, aux.loss_ce: 0.2918, aux.acc_seg: 74.2583, loss: 0.4439 2023-11-10 23:10:11,238 - mmseg - INFO - Saving checkpoint at 54000 iterations 2023-11-10 23:10:43,006 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:10:43,006 - mmseg - INFO - Iter [54000/80000] lr: 1.300e-05, eta: 5:50:23, time: 1.329, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1467, decode.acc_seg: 93.4308, aux.loss_ce: 0.2776, aux.acc_seg: 74.4945, loss: 0.4244 2023-11-10 23:12:03,462 - mmseg - INFO - per class results: 2023-11-10 23:12:03,467 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.86 | 89.93 | | building | 84.6 | 93.77 | | sky | 94.62 | 97.64 | | floor | 82.13 | 91.0 | | tree | 74.97 | 89.34 | | ceiling | 84.24 | 93.74 | | road | 83.91 | 92.28 | | bed | 91.36 | 96.66 | | windowpane | 63.43 | 80.69 | | grass | 70.24 | 83.99 | | cabinet | 61.05 | 72.7 | | sidewalk | 64.49 | 75.36 | | person | 82.82 | 93.54 | | earth | 39.92 | 52.23 | | door | 49.63 | 60.42 | | table | 63.59 | 75.93 | | mountain | 60.43 | 72.41 | | plant | 53.75 | 64.23 | | curtain | 73.43 | 83.4 | | chair | 62.32 | 74.19 | | car | 85.57 | 93.93 | | water | 59.08 | 72.85 | | painting | 75.26 | 88.07 | | sofa | 71.17 | 85.66 | | shelf | 44.42 | 62.68 | | house | 55.89 | 68.83 | | sea | 66.89 | 80.6 | | mirror | 73.47 | 82.71 | | rug | 57.82 | 66.41 | | field | 31.85 | 47.52 | | armchair | 47.57 | 64.55 | | seat | 66.58 | 86.78 | | fence | 47.53 | 62.72 | | desk | 51.91 | 71.95 | | rock | 54.43 | 76.89 | | wardrobe | 54.75 | 71.39 | | lamp | 69.91 | 79.51 | | bathtub | 81.02 | 86.49 | | railing | 32.79 | 44.81 | | cushion | 64.06 | 77.75 | | base | 25.12 | 34.97 | | box | 33.22 | 41.77 | | column | 51.03 | 56.84 | | signboard | 34.56 | 44.7 | | chest of drawers | 39.98 | 58.27 | | counter | 45.81 | 52.82 | | sand | 56.13 | 83.46 | | sink | 75.39 | 80.79 | | skyscraper | 46.14 | 54.18 | | fireplace | 74.1 | 89.8 | | refrigerator | 74.02 | 82.82 | | grandstand | 56.26 | 75.14 | | path | 25.39 | 34.52 | | stairs | 41.21 | 50.32 | | runway | 71.4 | 95.79 | | case | 57.1 | 70.05 | | pool table | 94.0 | 97.69 | | pillow | 63.03 | 72.07 | | screen door | 55.16 | 56.61 | | stairway | 46.95 | 59.86 | | river | 11.85 | 29.7 | | bridge | 57.29 | 64.23 | | bookcase | 42.5 | 56.2 | | blind | 33.07 | 38.17 | | coffee table | 62.22 | 85.0 | | toilet | 86.94 | 91.56 | | flower | 48.11 | 63.72 | | book | 53.8 | 74.36 | | hill | 10.17 | 17.18 | | bench | 53.35 | 62.27 | | countertop | 62.58 | 78.9 | | stove | 78.19 | 85.31 | | palm | 52.12 | 71.64 | | kitchen island | 43.08 | 67.32 | | computer | 71.24 | 83.33 | | swivel chair | 40.45 | 55.95 | | boat | 67.34 | 83.54 | | bar | 71.73 | 87.81 | | arcade machine | 78.95 | 84.01 | | hovel | 44.97 | 52.53 | | bus | 90.18 | 95.93 | | towel | 70.74 | 81.1 | | light | 55.23 | 61.71 | | truck | 42.58 | 53.89 | | tower | 30.18 | 46.71 | | chandelier | 70.47 | 81.08 | | awning | 36.06 | 44.37 | | streetlight | 28.84 | 34.42 | | booth | 49.14 | 61.52 | | television receiver | 79.92 | 90.25 | | airplane | 64.73 | 71.34 | | dirt track | 7.08 | 19.47 | | apparel | 63.35 | 72.87 | | pole | 25.08 | 32.83 | | land | 2.24 | 4.05 | | bannister | 10.39 | 14.49 | | escalator | 58.02 | 81.06 | | ottoman | 46.84 | 59.69 | | bottle | 41.96 | 70.29 | | buffet | 50.92 | 59.08 | | poster | 24.22 | 27.35 | | stage | 16.88 | 37.4 | | van | 40.71 | 48.99 | | ship | 69.56 | 76.95 | | fountain | 40.94 | 41.72 | | conveyer belt | 73.93 | 95.35 | | canopy | 50.36 | 63.1 | | washer | 82.41 | 88.1 | | plaything | 22.8 | 36.94 | | swimming pool | 61.86 | 92.6 | | stool | 47.26 | 55.04 | | barrel | 52.48 | 61.13 | | basket | 39.3 | 47.9 | | waterfall | 51.43 | 59.16 | | tent | 94.82 | 98.42 | | bag | 21.3 | 25.77 | | minibike | 73.27 | 86.1 | | cradle | 84.65 | 98.13 | | oven | 61.34 | 77.27 | | ball | 55.26 | 65.5 | | food | 56.04 | 74.32 | | step | 14.74 | 16.05 | | tank | 60.21 | 72.14 | | trade name | 17.66 | 18.71 | | microwave | 85.46 | 92.97 | | pot | 54.6 | 64.66 | | animal | 58.96 | 60.69 | | bicycle | 54.63 | 70.09 | | lake | 52.22 | 67.87 | | dishwasher | 60.62 | 73.63 | | screen | 53.84 | 72.2 | | blanket | 21.64 | 24.58 | | sculpture | 70.02 | 86.31 | | hood | 62.59 | 64.98 | | sconce | 53.89 | 64.08 | | vase | 41.45 | 53.36 | | traffic light | 35.83 | 53.29 | | tray | 16.9 | 20.48 | | ashcan | 47.02 | 58.18 | | fan | 65.54 | 75.62 | | pier | 36.36 | 44.77 | | crt screen | 5.83 | 9.21 | | plate | 54.67 | 70.4 | | monitor | 62.41 | 78.02 | | bulletin board | 39.93 | 45.86 | | shower | 3.4 | 6.65 | | radiator | 61.15 | 69.39 | | glass | 17.71 | 18.99 | | clock | 43.23 | 48.76 | | flag | 44.65 | 46.62 | +---------------------+-------+-------+ 2023-11-10 23:12:03,467 - mmseg - INFO - Summary: 2023-11-10 23:12:03,468 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.54 | 53.93 | 65.15 | +-------+-------+-------+ 2023-11-10 23:12:03,469 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:12:03,469 - mmseg - INFO - Iter(val) [250] aAcc: 0.8454, mIoU: 0.5393, mAcc: 0.6515, IoU.wall: 0.7886, IoU.building: 0.8460, IoU.sky: 0.9462, IoU.floor: 0.8213, IoU.tree: 0.7497, IoU.ceiling: 0.8424, IoU.road: 0.8391, IoU.bed : 0.9136, IoU.windowpane: 0.6343, IoU.grass: 0.7024, IoU.cabinet: 0.6105, IoU.sidewalk: 0.6449, IoU.person: 0.8282, IoU.earth: 0.3992, IoU.door: 0.4963, IoU.table: 0.6359, IoU.mountain: 0.6043, IoU.plant: 0.5375, IoU.curtain: 0.7343, IoU.chair: 0.6232, IoU.car: 0.8557, IoU.water: 0.5908, IoU.painting: 0.7526, IoU.sofa: 0.7117, IoU.shelf: 0.4442, IoU.house: 0.5589, IoU.sea: 0.6689, IoU.mirror: 0.7347, IoU.rug: 0.5782, IoU.field: 0.3185, IoU.armchair: 0.4757, IoU.seat: 0.6658, IoU.fence: 0.4753, IoU.desk: 0.5191, IoU.rock: 0.5443, IoU.wardrobe: 0.5475, IoU.lamp: 0.6991, IoU.bathtub: 0.8102, IoU.railing: 0.3279, IoU.cushion: 0.6406, IoU.base: 0.2512, IoU.box: 0.3322, IoU.column: 0.5103, IoU.signboard: 0.3456, IoU.chest of drawers: 0.3998, IoU.counter: 0.4581, IoU.sand: 0.5613, IoU.sink: 0.7539, IoU.skyscraper: 0.4614, IoU.fireplace: 0.7410, IoU.refrigerator: 0.7402, IoU.grandstand: 0.5626, IoU.path: 0.2539, IoU.stairs: 0.4121, IoU.runway: 0.7140, IoU.case: 0.5710, IoU.pool table: 0.9400, IoU.pillow: 0.6303, IoU.screen door: 0.5516, IoU.stairway: 0.4695, IoU.river: 0.1185, IoU.bridge: 0.5729, IoU.bookcase: 0.4250, IoU.blind: 0.3307, IoU.coffee table: 0.6222, IoU.toilet: 0.8694, IoU.flower: 0.4811, IoU.book: 0.5380, IoU.hill: 0.1017, IoU.bench: 0.5335, IoU.countertop: 0.6258, IoU.stove: 0.7819, IoU.palm: 0.5212, IoU.kitchen island: 0.4308, IoU.computer: 0.7124, IoU.swivel chair: 0.4045, IoU.boat: 0.6734, IoU.bar: 0.7173, IoU.arcade machine: 0.7895, IoU.hovel: 0.4497, IoU.bus: 0.9018, IoU.towel: 0.7074, IoU.light: 0.5523, IoU.truck: 0.4258, IoU.tower: 0.3018, IoU.chandelier: 0.7047, IoU.awning: 0.3606, IoU.streetlight: 0.2884, IoU.booth: 0.4914, IoU.television receiver: 0.7992, IoU.airplane: 0.6473, IoU.dirt track: 0.0708, IoU.apparel: 0.6335, IoU.pole: 0.2508, IoU.land: 0.0224, IoU.bannister: 0.1039, IoU.escalator: 0.5802, IoU.ottoman: 0.4684, IoU.bottle: 0.4196, IoU.buffet: 0.5092, IoU.poster: 0.2422, IoU.stage: 0.1688, IoU.van: 0.4071, IoU.ship: 0.6956, IoU.fountain: 0.4094, IoU.conveyer belt: 0.7393, IoU.canopy: 0.5036, IoU.washer: 0.8241, IoU.plaything: 0.2280, IoU.swimming pool: 0.6186, IoU.stool: 0.4726, IoU.barrel: 0.5248, IoU.basket: 0.3930, IoU.waterfall: 0.5143, IoU.tent: 0.9482, IoU.bag: 0.2130, IoU.minibike: 0.7327, IoU.cradle: 0.8465, IoU.oven: 0.6134, IoU.ball: 0.5526, IoU.food: 0.5604, IoU.step: 0.1474, IoU.tank: 0.6021, IoU.trade name: 0.1766, IoU.microwave: 0.8546, IoU.pot: 0.5460, IoU.animal: 0.5896, IoU.bicycle: 0.5463, IoU.lake: 0.5222, IoU.dishwasher: 0.6062, IoU.screen: 0.5384, IoU.blanket: 0.2164, IoU.sculpture: 0.7002, IoU.hood: 0.6259, IoU.sconce: 0.5389, IoU.vase: 0.4145, IoU.traffic light: 0.3583, IoU.tray: 0.1690, IoU.ashcan: 0.4702, IoU.fan: 0.6554, IoU.pier: 0.3636, IoU.crt screen: 0.0583, IoU.plate: 0.5467, IoU.monitor: 0.6241, IoU.bulletin board: 0.3993, IoU.shower: 0.0340, IoU.radiator: 0.6115, IoU.glass: 0.1771, IoU.clock: 0.4323, IoU.flag: 0.4465, Acc.wall: 0.8993, Acc.building: 0.9377, Acc.sky: 0.9764, Acc.floor: 0.9100, Acc.tree: 0.8934, Acc.ceiling: 0.9374, Acc.road: 0.9228, Acc.bed : 0.9666, Acc.windowpane: 0.8069, Acc.grass: 0.8399, Acc.cabinet: 0.7270, Acc.sidewalk: 0.7536, Acc.person: 0.9354, Acc.earth: 0.5223, Acc.door: 0.6042, Acc.table: 0.7593, Acc.mountain: 0.7241, Acc.plant: 0.6423, Acc.curtain: 0.8340, Acc.chair: 0.7419, Acc.car: 0.9393, Acc.water: 0.7285, Acc.painting: 0.8807, Acc.sofa: 0.8566, Acc.shelf: 0.6268, Acc.house: 0.6883, Acc.sea: 0.8060, Acc.mirror: 0.8271, Acc.rug: 0.6641, Acc.field: 0.4752, Acc.armchair: 0.6455, Acc.seat: 0.8678, Acc.fence: 0.6272, Acc.desk: 0.7195, Acc.rock: 0.7689, Acc.wardrobe: 0.7139, Acc.lamp: 0.7951, Acc.bathtub: 0.8649, Acc.railing: 0.4481, Acc.cushion: 0.7775, Acc.base: 0.3497, Acc.box: 0.4177, Acc.column: 0.5684, Acc.signboard: 0.4470, Acc.chest of drawers: 0.5827, Acc.counter: 0.5282, Acc.sand: 0.8346, Acc.sink: 0.8079, Acc.skyscraper: 0.5418, Acc.fireplace: 0.8980, Acc.refrigerator: 0.8282, Acc.grandstand: 0.7514, Acc.path: 0.3452, Acc.stairs: 0.5032, Acc.runway: 0.9579, Acc.case: 0.7005, Acc.pool table: 0.9769, Acc.pillow: 0.7207, Acc.screen door: 0.5661, Acc.stairway: 0.5986, Acc.river: 0.2970, Acc.bridge: 0.6423, Acc.bookcase: 0.5620, Acc.blind: 0.3817, Acc.coffee table: 0.8500, Acc.toilet: 0.9156, Acc.flower: 0.6372, Acc.book: 0.7436, Acc.hill: 0.1718, Acc.bench: 0.6227, Acc.countertop: 0.7890, Acc.stove: 0.8531, Acc.palm: 0.7164, Acc.kitchen island: 0.6732, Acc.computer: 0.8333, Acc.swivel chair: 0.5595, Acc.boat: 0.8354, Acc.bar: 0.8781, Acc.arcade machine: 0.8401, Acc.hovel: 0.5253, Acc.bus: 0.9593, Acc.towel: 0.8110, Acc.light: 0.6171, Acc.truck: 0.5389, Acc.tower: 0.4671, Acc.chandelier: 0.8108, Acc.awning: 0.4437, Acc.streetlight: 0.3442, Acc.booth: 0.6152, Acc.television receiver: 0.9025, Acc.airplane: 0.7134, Acc.dirt track: 0.1947, Acc.apparel: 0.7287, Acc.pole: 0.3283, Acc.land: 0.0405, Acc.bannister: 0.1449, Acc.escalator: 0.8106, Acc.ottoman: 0.5969, Acc.bottle: 0.7029, Acc.buffet: 0.5908, Acc.poster: 0.2735, Acc.stage: 0.3740, Acc.van: 0.4899, Acc.ship: 0.7695, Acc.fountain: 0.4172, Acc.conveyer belt: 0.9535, Acc.canopy: 0.6310, Acc.washer: 0.8810, Acc.plaything: 0.3694, Acc.swimming pool: 0.9260, Acc.stool: 0.5504, Acc.barrel: 0.6113, Acc.basket: 0.4790, Acc.waterfall: 0.5916, Acc.tent: 0.9842, Acc.bag: 0.2577, Acc.minibike: 0.8610, Acc.cradle: 0.9813, Acc.oven: 0.7727, Acc.ball: 0.6550, Acc.food: 0.7432, Acc.step: 0.1605, Acc.tank: 0.7214, Acc.trade name: 0.1871, Acc.microwave: 0.9297, Acc.pot: 0.6466, Acc.animal: 0.6069, Acc.bicycle: 0.7009, Acc.lake: 0.6787, Acc.dishwasher: 0.7363, Acc.screen: 0.7220, Acc.blanket: 0.2458, Acc.sculpture: 0.8631, Acc.hood: 0.6498, Acc.sconce: 0.6408, Acc.vase: 0.5336, Acc.traffic light: 0.5329, Acc.tray: 0.2048, Acc.ashcan: 0.5818, Acc.fan: 0.7562, Acc.pier: 0.4477, Acc.crt screen: 0.0921, Acc.plate: 0.7040, Acc.monitor: 0.7802, Acc.bulletin board: 0.4586, Acc.shower: 0.0665, Acc.radiator: 0.6939, Acc.glass: 0.1899, Acc.clock: 0.4876, Acc.flag: 0.4662 2023-11-10 23:12:38,260 - mmseg - INFO - Iter [54050/80000] lr: 1.298e-05, eta: 5:50:18, time: 2.305, data_time: 1.617, memory: 60073, decode.loss_ce: 0.1608, decode.acc_seg: 92.9284, aux.loss_ce: 0.2882, aux.acc_seg: 74.1398, loss: 0.4489 2023-11-10 23:13:12,959 - mmseg - INFO - Iter [54100/80000] lr: 1.295e-05, eta: 5:49:35, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1465, decode.acc_seg: 93.5853, aux.loss_ce: 0.2812, aux.acc_seg: 74.5009, loss: 0.4277 2023-11-10 23:13:47,655 - mmseg - INFO - Iter [54150/80000] lr: 1.293e-05, eta: 5:48:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1509, decode.acc_seg: 93.5471, aux.loss_ce: 0.2808, aux.acc_seg: 74.9581, loss: 0.4317 2023-11-10 23:14:22,348 - mmseg - INFO - Iter [54200/80000] lr: 1.290e-05, eta: 5:48:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1527, decode.acc_seg: 93.1938, aux.loss_ce: 0.2751, aux.acc_seg: 74.8746, loss: 0.4278 2023-11-10 23:14:57,035 - mmseg - INFO - Iter [54250/80000] lr: 1.288e-05, eta: 5:47:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1557, decode.acc_seg: 93.2826, aux.loss_ce: 0.2906, aux.acc_seg: 74.1437, loss: 0.4463 2023-11-10 23:15:31,720 - mmseg - INFO - Iter [54300/80000] lr: 1.285e-05, eta: 5:46:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1550, decode.acc_seg: 93.2791, aux.loss_ce: 0.2825, aux.acc_seg: 75.0370, loss: 0.4375 2023-11-10 23:16:08,748 - mmseg - INFO - Iter [54350/80000] lr: 1.283e-05, eta: 5:46:00, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1487, decode.acc_seg: 93.4985, aux.loss_ce: 0.2872, aux.acc_seg: 73.4349, loss: 0.4359 2023-11-10 23:16:43,443 - mmseg - INFO - Iter [54400/80000] lr: 1.280e-05, eta: 5:45:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1449, decode.acc_seg: 93.6066, aux.loss_ce: 0.2830, aux.acc_seg: 74.2265, loss: 0.4279 2023-11-10 23:17:18,156 - mmseg - INFO - Iter [54450/80000] lr: 1.278e-05, eta: 5:44:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1418, decode.acc_seg: 93.7001, aux.loss_ce: 0.2618, aux.acc_seg: 75.8698, loss: 0.4036 2023-11-10 23:17:52,844 - mmseg - INFO - Iter [54500/80000] lr: 1.275e-05, eta: 5:43:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1505, decode.acc_seg: 93.5820, aux.loss_ce: 0.2834, aux.acc_seg: 74.8337, loss: 0.4339 2023-11-10 23:18:27,561 - mmseg - INFO - Iter [54550/80000] lr: 1.273e-05, eta: 5:43:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1463, decode.acc_seg: 93.4672, aux.loss_ce: 0.2870, aux.acc_seg: 73.7500, loss: 0.4333 2023-11-10 23:19:02,268 - mmseg - INFO - Iter [54600/80000] lr: 1.270e-05, eta: 5:42:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1514, decode.acc_seg: 93.2723, aux.loss_ce: 0.2919, aux.acc_seg: 73.6128, loss: 0.4433 2023-11-10 23:19:36,954 - mmseg - INFO - Iter [54650/80000] lr: 1.268e-05, eta: 5:41:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1576, decode.acc_seg: 93.1885, aux.loss_ce: 0.2853, aux.acc_seg: 74.5326, loss: 0.4430 2023-11-10 23:20:11,659 - mmseg - INFO - Iter [54700/80000] lr: 1.265e-05, eta: 5:40:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1522, decode.acc_seg: 93.3308, aux.loss_ce: 0.2859, aux.acc_seg: 74.7359, loss: 0.4381 2023-11-10 23:20:46,373 - mmseg - INFO - Iter [54750/80000] lr: 1.263e-05, eta: 5:40:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1477, decode.acc_seg: 93.5404, aux.loss_ce: 0.2886, aux.acc_seg: 74.1969, loss: 0.4363 2023-11-10 23:21:21,078 - mmseg - INFO - Iter [54800/80000] lr: 1.260e-05, eta: 5:39:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1455, decode.acc_seg: 93.5841, aux.loss_ce: 0.2767, aux.acc_seg: 74.6397, loss: 0.4222 2023-11-10 23:21:55,766 - mmseg - INFO - Iter [54850/80000] lr: 1.258e-05, eta: 5:38:49, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1389, decode.acc_seg: 93.9512, aux.loss_ce: 0.2633, aux.acc_seg: 76.0364, loss: 0.4022 2023-11-10 23:22:30,508 - mmseg - INFO - Iter [54900/80000] lr: 1.255e-05, eta: 5:38:06, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1364, decode.acc_seg: 94.0107, aux.loss_ce: 0.2765, aux.acc_seg: 74.5854, loss: 0.4129 2023-11-10 23:23:05,228 - mmseg - INFO - Iter [54950/80000] lr: 1.253e-05, eta: 5:37:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1571, decode.acc_seg: 93.1385, aux.loss_ce: 0.2821, aux.acc_seg: 74.4046, loss: 0.4392 2023-11-10 23:23:39,943 - mmseg - INFO - Saving checkpoint at 55000 iterations 2023-11-10 23:24:09,259 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:24:09,259 - mmseg - INFO - Iter [55000/80000] lr: 1.250e-05, eta: 5:36:53, time: 1.281, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1525, decode.acc_seg: 93.3333, aux.loss_ce: 0.2768, aux.acc_seg: 75.2153, loss: 0.4293 2023-11-10 23:25:29,814 - mmseg - INFO - per class results: 2023-11-10 23:25:29,820 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.22 | 89.38 | | building | 84.31 | 93.64 | | sky | 94.67 | 97.47 | | floor | 82.24 | 91.51 | | tree | 75.19 | 86.22 | | ceiling | 84.5 | 92.37 | | road | 85.53 | 91.15 | | bed | 91.36 | 96.52 | | windowpane | 63.58 | 81.16 | | grass | 67.29 | 80.25 | | cabinet | 61.67 | 70.96 | | sidewalk | 68.26 | 82.33 | | person | 82.83 | 94.13 | | earth | 39.56 | 53.05 | | door | 51.69 | 65.87 | | table | 63.6 | 76.41 | | mountain | 60.94 | 74.34 | | plant | 54.86 | 68.74 | | curtain | 74.46 | 83.16 | | chair | 62.01 | 75.14 | | car | 85.94 | 94.53 | | water | 61.0 | 75.44 | | painting | 73.38 | 88.0 | | sofa | 71.3 | 86.03 | | shelf | 43.26 | 64.22 | | house | 56.93 | 72.32 | | sea | 68.38 | 81.1 | | mirror | 72.27 | 79.03 | | rug | 57.54 | 66.59 | | field | 28.96 | 44.59 | | armchair | 47.14 | 61.45 | | seat | 66.59 | 87.83 | | fence | 44.14 | 55.26 | | desk | 53.07 | 77.53 | | rock | 52.19 | 82.02 | | wardrobe | 57.49 | 78.86 | | lamp | 69.95 | 80.51 | | bathtub | 81.42 | 86.52 | | railing | 33.36 | 47.25 | | cushion | 64.21 | 80.94 | | base | 27.99 | 37.02 | | box | 32.8 | 40.79 | | column | 51.98 | 60.74 | | signboard | 34.91 | 50.28 | | chest of drawers | 43.82 | 66.8 | | counter | 48.25 | 58.61 | | sand | 56.8 | 81.83 | | sink | 74.85 | 82.25 | | skyscraper | 50.99 | 65.75 | | fireplace | 74.08 | 87.63 | | refrigerator | 78.67 | 87.99 | | grandstand | 56.53 | 74.51 | | path | 28.29 | 41.49 | | stairs | 40.44 | 48.6 | | runway | 72.13 | 95.37 | | case | 52.72 | 64.36 | | pool table | 93.61 | 97.93 | | pillow | 61.68 | 70.29 | | screen door | 72.9 | 79.13 | | stairway | 46.6 | 59.52 | | river | 11.15 | 23.5 | | bridge | 54.79 | 65.47 | | bookcase | 42.26 | 58.52 | | blind | 29.34 | 32.71 | | coffee table | 64.04 | 83.24 | | toilet | 86.24 | 93.28 | | flower | 47.14 | 65.44 | | book | 53.96 | 76.84 | | hill | 9.1 | 12.66 | | bench | 55.77 | 65.29 | | countertop | 62.38 | 82.87 | | stove | 78.16 | 86.07 | | palm | 53.85 | 79.16 | | kitchen island | 45.38 | 62.47 | | computer | 72.21 | 85.32 | | swivel chair | 41.88 | 57.23 | | boat | 69.03 | 84.3 | | bar | 75.72 | 83.06 | | arcade machine | 76.64 | 81.28 | | hovel | 44.42 | 52.81 | | bus | 90.53 | 96.16 | | towel | 72.22 | 82.75 | | light | 56.96 | 67.84 | | truck | 41.21 | 49.84 | | tower | 32.89 | 52.04 | | chandelier | 71.22 | 82.75 | | awning | 37.67 | 48.47 | | streetlight | 30.03 | 35.63 | | booth | 49.0 | 59.83 | | television receiver | 81.28 | 90.09 | | airplane | 68.38 | 76.69 | | dirt track | 7.29 | 31.05 | | apparel | 63.04 | 81.76 | | pole | 29.57 | 42.82 | | land | 4.97 | 8.69 | | bannister | 9.23 | 12.03 | | escalator | 56.0 | 78.51 | | ottoman | 46.97 | 60.02 | | bottle | 43.16 | 68.76 | | buffet | 52.78 | 61.37 | | poster | 27.25 | 32.73 | | stage | 15.08 | 38.37 | | van | 46.64 | 60.88 | | ship | 69.27 | 79.12 | | fountain | 37.81 | 38.41 | | conveyer belt | 64.89 | 95.54 | | canopy | 54.32 | 64.47 | | washer | 84.53 | 91.36 | | plaything | 23.74 | 41.01 | | swimming pool | 59.29 | 83.16 | | stool | 48.71 | 59.95 | | barrel | 52.64 | 60.55 | | basket | 38.36 | 51.37 | | waterfall | 55.5 | 70.86 | | tent | 95.81 | 98.39 | | bag | 20.23 | 24.37 | | minibike | 73.72 | 87.38 | | cradle | 87.1 | 98.0 | | oven | 60.9 | 70.96 | | ball | 56.58 | 67.45 | | food | 57.09 | 74.0 | | step | 15.01 | 16.49 | | tank | 60.18 | 72.83 | | trade name | 15.9 | 16.83 | | microwave | 83.54 | 94.52 | | pot | 50.0 | 56.93 | | animal | 62.17 | 64.53 | | bicycle | 55.21 | 69.22 | | lake | 54.04 | 65.49 | | dishwasher | 59.91 | 72.4 | | screen | 51.27 | 75.33 | | blanket | 25.71 | 31.68 | | sculpture | 69.71 | 86.35 | | hood | 67.49 | 73.15 | | sconce | 54.89 | 70.33 | | vase | 40.29 | 54.26 | | traffic light | 36.93 | 46.96 | | tray | 16.11 | 19.63 | | ashcan | 46.39 | 56.12 | | fan | 66.52 | 82.47 | | pier | 34.74 | 45.85 | | crt screen | 4.65 | 6.68 | | plate | 56.96 | 73.52 | | monitor | 58.97 | 81.19 | | bulletin board | 44.11 | 53.45 | | shower | 5.01 | 11.04 | | radiator | 59.88 | 66.25 | | glass | 18.19 | 19.54 | | clock | 45.16 | 52.26 | | flag | 47.54 | 50.35 | +---------------------+-------+-------+ 2023-11-10 23:25:29,820 - mmseg - INFO - Summary: 2023-11-10 23:25:29,820 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.64 | 54.47 | 66.52 | +-------+-------+-------+ 2023-11-10 23:25:29,821 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:25:29,821 - mmseg - INFO - Iter(val) [250] aAcc: 0.8464, mIoU: 0.5447, mAcc: 0.6652, IoU.wall: 0.7922, IoU.building: 0.8431, IoU.sky: 0.9467, IoU.floor: 0.8224, IoU.tree: 0.7519, IoU.ceiling: 0.8450, IoU.road: 0.8553, IoU.bed : 0.9136, IoU.windowpane: 0.6358, IoU.grass: 0.6729, IoU.cabinet: 0.6167, IoU.sidewalk: 0.6826, IoU.person: 0.8283, IoU.earth: 0.3956, IoU.door: 0.5169, IoU.table: 0.6360, IoU.mountain: 0.6094, IoU.plant: 0.5486, IoU.curtain: 0.7446, IoU.chair: 0.6201, IoU.car: 0.8594, IoU.water: 0.6100, IoU.painting: 0.7338, IoU.sofa: 0.7130, IoU.shelf: 0.4326, IoU.house: 0.5693, IoU.sea: 0.6838, IoU.mirror: 0.7227, IoU.rug: 0.5754, IoU.field: 0.2896, IoU.armchair: 0.4714, IoU.seat: 0.6659, IoU.fence: 0.4414, IoU.desk: 0.5307, IoU.rock: 0.5219, IoU.wardrobe: 0.5749, IoU.lamp: 0.6995, IoU.bathtub: 0.8142, IoU.railing: 0.3336, IoU.cushion: 0.6421, IoU.base: 0.2799, IoU.box: 0.3280, IoU.column: 0.5198, IoU.signboard: 0.3491, IoU.chest of drawers: 0.4382, IoU.counter: 0.4825, IoU.sand: 0.5680, IoU.sink: 0.7485, IoU.skyscraper: 0.5099, IoU.fireplace: 0.7408, IoU.refrigerator: 0.7867, IoU.grandstand: 0.5653, IoU.path: 0.2829, IoU.stairs: 0.4044, IoU.runway: 0.7213, IoU.case: 0.5272, IoU.pool table: 0.9361, IoU.pillow: 0.6168, IoU.screen door: 0.7290, IoU.stairway: 0.4660, IoU.river: 0.1115, IoU.bridge: 0.5479, IoU.bookcase: 0.4226, IoU.blind: 0.2934, IoU.coffee table: 0.6404, IoU.toilet: 0.8624, IoU.flower: 0.4714, IoU.book: 0.5396, IoU.hill: 0.0910, IoU.bench: 0.5577, IoU.countertop: 0.6238, IoU.stove: 0.7816, IoU.palm: 0.5385, IoU.kitchen island: 0.4538, IoU.computer: 0.7221, IoU.swivel chair: 0.4188, IoU.boat: 0.6903, IoU.bar: 0.7572, IoU.arcade machine: 0.7664, IoU.hovel: 0.4442, IoU.bus: 0.9053, IoU.towel: 0.7222, IoU.light: 0.5696, IoU.truck: 0.4121, IoU.tower: 0.3289, IoU.chandelier: 0.7122, IoU.awning: 0.3767, IoU.streetlight: 0.3003, IoU.booth: 0.4900, IoU.television receiver: 0.8128, IoU.airplane: 0.6838, IoU.dirt track: 0.0729, IoU.apparel: 0.6304, IoU.pole: 0.2957, IoU.land: 0.0497, IoU.bannister: 0.0923, IoU.escalator: 0.5600, IoU.ottoman: 0.4697, IoU.bottle: 0.4316, IoU.buffet: 0.5278, IoU.poster: 0.2725, IoU.stage: 0.1508, IoU.van: 0.4664, IoU.ship: 0.6927, IoU.fountain: 0.3781, IoU.conveyer belt: 0.6489, IoU.canopy: 0.5432, IoU.washer: 0.8453, IoU.plaything: 0.2374, IoU.swimming pool: 0.5929, IoU.stool: 0.4871, IoU.barrel: 0.5264, IoU.basket: 0.3836, IoU.waterfall: 0.5550, IoU.tent: 0.9581, IoU.bag: 0.2023, IoU.minibike: 0.7372, IoU.cradle: 0.8710, IoU.oven: 0.6090, IoU.ball: 0.5658, IoU.food: 0.5709, IoU.step: 0.1501, IoU.tank: 0.6018, IoU.trade name: 0.1590, IoU.microwave: 0.8354, IoU.pot: 0.5000, IoU.animal: 0.6217, IoU.bicycle: 0.5521, IoU.lake: 0.5404, IoU.dishwasher: 0.5991, IoU.screen: 0.5127, IoU.blanket: 0.2571, IoU.sculpture: 0.6971, IoU.hood: 0.6749, IoU.sconce: 0.5489, IoU.vase: 0.4029, IoU.traffic light: 0.3693, IoU.tray: 0.1611, IoU.ashcan: 0.4639, IoU.fan: 0.6652, IoU.pier: 0.3474, IoU.crt screen: 0.0465, IoU.plate: 0.5696, IoU.monitor: 0.5897, IoU.bulletin board: 0.4411, IoU.shower: 0.0501, IoU.radiator: 0.5988, IoU.glass: 0.1819, IoU.clock: 0.4516, IoU.flag: 0.4754, Acc.wall: 0.8938, Acc.building: 0.9364, Acc.sky: 0.9747, Acc.floor: 0.9151, Acc.tree: 0.8622, Acc.ceiling: 0.9237, Acc.road: 0.9115, Acc.bed : 0.9652, Acc.windowpane: 0.8116, Acc.grass: 0.8025, Acc.cabinet: 0.7096, Acc.sidewalk: 0.8233, Acc.person: 0.9413, Acc.earth: 0.5305, Acc.door: 0.6587, Acc.table: 0.7641, Acc.mountain: 0.7434, Acc.plant: 0.6874, Acc.curtain: 0.8316, Acc.chair: 0.7514, Acc.car: 0.9453, Acc.water: 0.7544, Acc.painting: 0.8800, Acc.sofa: 0.8603, Acc.shelf: 0.6422, Acc.house: 0.7232, Acc.sea: 0.8110, Acc.mirror: 0.7903, Acc.rug: 0.6659, Acc.field: 0.4459, Acc.armchair: 0.6145, Acc.seat: 0.8783, Acc.fence: 0.5526, Acc.desk: 0.7753, Acc.rock: 0.8202, Acc.wardrobe: 0.7886, Acc.lamp: 0.8051, Acc.bathtub: 0.8652, Acc.railing: 0.4725, Acc.cushion: 0.8094, Acc.base: 0.3702, Acc.box: 0.4079, Acc.column: 0.6074, Acc.signboard: 0.5028, Acc.chest of drawers: 0.6680, Acc.counter: 0.5861, Acc.sand: 0.8183, Acc.sink: 0.8225, Acc.skyscraper: 0.6575, Acc.fireplace: 0.8763, Acc.refrigerator: 0.8799, Acc.grandstand: 0.7451, Acc.path: 0.4149, Acc.stairs: 0.4860, Acc.runway: 0.9537, Acc.case: 0.6436, Acc.pool table: 0.9793, Acc.pillow: 0.7029, Acc.screen door: 0.7913, Acc.stairway: 0.5952, Acc.river: 0.2350, Acc.bridge: 0.6547, Acc.bookcase: 0.5852, Acc.blind: 0.3271, Acc.coffee table: 0.8324, Acc.toilet: 0.9328, Acc.flower: 0.6544, Acc.book: 0.7684, Acc.hill: 0.1266, Acc.bench: 0.6529, Acc.countertop: 0.8287, Acc.stove: 0.8607, Acc.palm: 0.7916, Acc.kitchen island: 0.6247, Acc.computer: 0.8532, Acc.swivel chair: 0.5723, Acc.boat: 0.8430, Acc.bar: 0.8306, Acc.arcade machine: 0.8128, Acc.hovel: 0.5281, Acc.bus: 0.9616, Acc.towel: 0.8275, Acc.light: 0.6784, Acc.truck: 0.4984, Acc.tower: 0.5204, Acc.chandelier: 0.8275, Acc.awning: 0.4847, Acc.streetlight: 0.3563, Acc.booth: 0.5983, Acc.television receiver: 0.9009, Acc.airplane: 0.7669, Acc.dirt track: 0.3105, Acc.apparel: 0.8176, Acc.pole: 0.4282, Acc.land: 0.0869, Acc.bannister: 0.1203, Acc.escalator: 0.7851, Acc.ottoman: 0.6002, Acc.bottle: 0.6876, Acc.buffet: 0.6137, Acc.poster: 0.3273, Acc.stage: 0.3837, Acc.van: 0.6088, Acc.ship: 0.7912, Acc.fountain: 0.3841, Acc.conveyer belt: 0.9554, Acc.canopy: 0.6447, Acc.washer: 0.9136, Acc.plaything: 0.4101, Acc.swimming pool: 0.8316, Acc.stool: 0.5995, Acc.barrel: 0.6055, Acc.basket: 0.5137, Acc.waterfall: 0.7086, Acc.tent: 0.9839, Acc.bag: 0.2437, Acc.minibike: 0.8738, Acc.cradle: 0.9800, Acc.oven: 0.7096, Acc.ball: 0.6745, Acc.food: 0.7400, Acc.step: 0.1649, Acc.tank: 0.7283, Acc.trade name: 0.1683, Acc.microwave: 0.9452, Acc.pot: 0.5693, Acc.animal: 0.6453, Acc.bicycle: 0.6922, Acc.lake: 0.6549, Acc.dishwasher: 0.7240, Acc.screen: 0.7533, Acc.blanket: 0.3168, Acc.sculpture: 0.8635, Acc.hood: 0.7315, Acc.sconce: 0.7033, Acc.vase: 0.5426, Acc.traffic light: 0.4696, Acc.tray: 0.1963, Acc.ashcan: 0.5612, Acc.fan: 0.8247, Acc.pier: 0.4585, Acc.crt screen: 0.0668, Acc.plate: 0.7352, Acc.monitor: 0.8119, Acc.bulletin board: 0.5345, Acc.shower: 0.1104, Acc.radiator: 0.6625, Acc.glass: 0.1954, Acc.clock: 0.5226, Acc.flag: 0.5035 2023-11-10 23:26:04,616 - mmseg - INFO - Iter [55050/80000] lr: 1.248e-05, eta: 5:36:47, time: 2.307, data_time: 1.619, memory: 60073, decode.loss_ce: 0.1582, decode.acc_seg: 93.1466, aux.loss_ce: 0.2885, aux.acc_seg: 74.0591, loss: 0.4466 2023-11-10 23:26:39,382 - mmseg - INFO - Iter [55100/80000] lr: 1.245e-05, eta: 5:36:04, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1453, decode.acc_seg: 93.6864, aux.loss_ce: 0.2796, aux.acc_seg: 74.5346, loss: 0.4249 2023-11-10 23:27:14,062 - mmseg - INFO - Iter [55150/80000] lr: 1.243e-05, eta: 5:35:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1522, decode.acc_seg: 93.1970, aux.loss_ce: 0.2824, aux.acc_seg: 74.8263, loss: 0.4347 2023-11-10 23:27:48,767 - mmseg - INFO - Iter [55200/80000] lr: 1.240e-05, eta: 5:34:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1533, decode.acc_seg: 93.3224, aux.loss_ce: 0.2858, aux.acc_seg: 74.4397, loss: 0.4390 2023-11-10 23:28:23,465 - mmseg - INFO - Iter [55250/80000] lr: 1.238e-05, eta: 5:33:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1496, decode.acc_seg: 93.4199, aux.loss_ce: 0.2874, aux.acc_seg: 73.8819, loss: 0.4370 2023-11-10 23:28:58,186 - mmseg - INFO - Iter [55300/80000] lr: 1.235e-05, eta: 5:33:11, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1667, decode.acc_seg: 92.9064, aux.loss_ce: 0.3117, aux.acc_seg: 72.4438, loss: 0.4783 2023-11-10 23:29:32,898 - mmseg - INFO - Iter [55350/80000] lr: 1.233e-05, eta: 5:32:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1513, decode.acc_seg: 93.3494, aux.loss_ce: 0.2908, aux.acc_seg: 74.1140, loss: 0.4420 2023-11-10 23:30:07,640 - mmseg - INFO - Iter [55400/80000] lr: 1.230e-05, eta: 5:31:45, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1500, decode.acc_seg: 93.3371, aux.loss_ce: 0.2870, aux.acc_seg: 73.5738, loss: 0.4370 2023-11-10 23:30:42,350 - mmseg - INFO - Iter [55450/80000] lr: 1.228e-05, eta: 5:31:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1428, decode.acc_seg: 93.6685, aux.loss_ce: 0.2899, aux.acc_seg: 73.8151, loss: 0.4327 2023-11-10 23:31:17,051 - mmseg - INFO - Iter [55500/80000] lr: 1.225e-05, eta: 5:30:19, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1443, decode.acc_seg: 93.5653, aux.loss_ce: 0.2848, aux.acc_seg: 74.5880, loss: 0.4291 2023-11-10 23:31:51,752 - mmseg - INFO - Iter [55550/80000] lr: 1.223e-05, eta: 5:29:36, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1455, decode.acc_seg: 93.6004, aux.loss_ce: 0.2854, aux.acc_seg: 74.2710, loss: 0.4309 2023-11-10 23:32:28,703 - mmseg - INFO - Iter [55600/80000] lr: 1.220e-05, eta: 5:28:54, time: 0.739, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1414, decode.acc_seg: 93.7971, aux.loss_ce: 0.2647, aux.acc_seg: 75.7625, loss: 0.4061 2023-11-10 23:33:03,393 - mmseg - INFO - Iter [55650/80000] lr: 1.218e-05, eta: 5:28:11, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1368, decode.acc_seg: 93.9517, aux.loss_ce: 0.2691, aux.acc_seg: 75.3683, loss: 0.4059 2023-11-10 23:33:38,099 - mmseg - INFO - Iter [55700/80000] lr: 1.215e-05, eta: 5:27:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1520, decode.acc_seg: 93.3793, aux.loss_ce: 0.2876, aux.acc_seg: 74.1547, loss: 0.4396 2023-11-10 23:34:12,795 - mmseg - INFO - Iter [55750/80000] lr: 1.213e-05, eta: 5:26:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1468, decode.acc_seg: 93.5626, aux.loss_ce: 0.2801, aux.acc_seg: 74.6927, loss: 0.4269 2023-11-10 23:34:47,487 - mmseg - INFO - Iter [55800/80000] lr: 1.210e-05, eta: 5:26:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1556, decode.acc_seg: 93.3020, aux.loss_ce: 0.2918, aux.acc_seg: 73.7875, loss: 0.4474 2023-11-10 23:35:22,187 - mmseg - INFO - Iter [55850/80000] lr: 1.208e-05, eta: 5:25:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1496, decode.acc_seg: 93.3437, aux.loss_ce: 0.2813, aux.acc_seg: 74.1010, loss: 0.4309 2023-11-10 23:35:56,900 - mmseg - INFO - Iter [55900/80000] lr: 1.205e-05, eta: 5:24:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1520, decode.acc_seg: 93.0916, aux.loss_ce: 0.2789, aux.acc_seg: 74.4930, loss: 0.4309 2023-11-10 23:36:31,606 - mmseg - INFO - Iter [55950/80000] lr: 1.203e-05, eta: 5:23:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1535, decode.acc_seg: 93.4604, aux.loss_ce: 0.2856, aux.acc_seg: 74.7063, loss: 0.4391 2023-11-10 23:37:06,310 - mmseg - INFO - Saving checkpoint at 56000 iterations 2023-11-10 23:37:35,947 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:37:35,947 - mmseg - INFO - Iter [56000/80000] lr: 1.200e-05, eta: 5:23:24, time: 1.287, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1440, decode.acc_seg: 93.7232, aux.loss_ce: 0.2780, aux.acc_seg: 74.6215, loss: 0.4220 2023-11-10 23:38:56,522 - mmseg - INFO - per class results: 2023-11-10 23:38:56,527 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.29 | 89.44 | | building | 84.69 | 94.01 | | sky | 94.74 | 97.54 | | floor | 82.63 | 90.79 | | tree | 75.42 | 88.85 | | ceiling | 84.58 | 93.34 | | road | 85.34 | 91.29 | | bed | 90.91 | 96.74 | | windowpane | 63.76 | 81.01 | | grass | 73.02 | 86.26 | | cabinet | 62.03 | 74.64 | | sidewalk | 68.32 | 82.42 | | person | 83.01 | 93.92 | | earth | 39.23 | 52.83 | | door | 52.8 | 68.12 | | table | 64.05 | 75.93 | | mountain | 60.66 | 73.16 | | plant | 54.25 | 65.41 | | curtain | 74.42 | 87.07 | | chair | 60.95 | 74.73 | | car | 86.0 | 93.68 | | water | 60.98 | 75.96 | | painting | 75.92 | 87.91 | | sofa | 71.57 | 83.78 | | shelf | 44.06 | 61.54 | | house | 57.86 | 67.95 | | sea | 68.2 | 79.85 | | mirror | 74.11 | 84.44 | | rug | 59.48 | 69.16 | | field | 34.21 | 45.37 | | armchair | 49.36 | 66.68 | | seat | 65.38 | 87.07 | | fence | 43.16 | 53.05 | | desk | 54.01 | 73.68 | | rock | 53.31 | 76.5 | | wardrobe | 55.0 | 69.53 | | lamp | 69.66 | 81.37 | | bathtub | 82.36 | 87.37 | | railing | 32.4 | 42.09 | | cushion | 63.95 | 78.47 | | base | 32.83 | 44.54 | | box | 32.62 | 40.08 | | column | 50.84 | 60.79 | | signboard | 35.14 | 47.63 | | chest of drawers | 40.96 | 59.66 | | counter | 49.77 | 59.1 | | sand | 56.8 | 84.48 | | sink | 76.43 | 83.47 | | skyscraper | 51.45 | 61.62 | | fireplace | 71.35 | 88.47 | | refrigerator | 77.14 | 85.83 | | grandstand | 58.56 | 75.2 | | path | 28.61 | 38.94 | | stairs | 42.27 | 52.15 | | runway | 72.06 | 95.98 | | case | 59.84 | 76.72 | | pool table | 94.06 | 97.73 | | pillow | 62.69 | 72.51 | | screen door | 64.96 | 68.14 | | stairway | 47.37 | 57.24 | | river | 11.76 | 25.57 | | bridge | 56.7 | 70.11 | | bookcase | 41.06 | 53.16 | | blind | 17.88 | 19.12 | | coffee table | 63.33 | 87.14 | | toilet | 86.39 | 93.25 | | flower | 47.28 | 62.62 | | book | 53.87 | 79.4 | | hill | 11.99 | 17.98 | | bench | 53.3 | 61.53 | | countertop | 63.23 | 77.28 | | stove | 77.95 | 85.95 | | palm | 54.99 | 75.64 | | kitchen island | 45.87 | 64.77 | | computer | 75.27 | 89.53 | | swivel chair | 39.99 | 65.98 | | boat | 71.54 | 83.37 | | bar | 72.67 | 85.84 | | arcade machine | 77.01 | 87.59 | | hovel | 44.78 | 53.79 | | bus | 90.34 | 95.96 | | towel | 72.13 | 84.24 | | light | 54.94 | 60.19 | | truck | 41.57 | 51.39 | | tower | 31.87 | 52.76 | | chandelier | 70.91 | 81.77 | | awning | 35.6 | 45.95 | | streetlight | 30.53 | 39.35 | | booth | 47.21 | 59.32 | | television receiver | 80.4 | 90.96 | | airplane | 61.83 | 69.12 | | dirt track | 7.15 | 16.65 | | apparel | 63.45 | 79.02 | | pole | 26.16 | 34.67 | | land | 2.79 | 4.78 | | bannister | 11.44 | 15.26 | | escalator | 58.01 | 83.24 | | ottoman | 44.29 | 56.01 | | bottle | 42.33 | 72.34 | | buffet | 52.81 | 59.76 | | poster | 27.25 | 35.25 | | stage | 16.54 | 41.31 | | van | 46.58 | 59.45 | | ship | 72.58 | 78.94 | | fountain | 55.62 | 57.07 | | conveyer belt | 69.22 | 96.51 | | canopy | 52.0 | 63.28 | | washer | 85.12 | 94.0 | | plaything | 23.41 | 34.09 | | swimming pool | 59.36 | 83.14 | | stool | 48.79 | 60.15 | | barrel | 50.22 | 53.0 | | basket | 38.04 | 50.67 | | waterfall | 53.53 | 62.1 | | tent | 95.75 | 98.42 | | bag | 21.88 | 25.29 | | minibike | 73.15 | 87.38 | | cradle | 87.11 | 98.16 | | oven | 61.34 | 75.86 | | ball | 56.32 | 66.35 | | food | 54.26 | 69.04 | | step | 16.45 | 18.75 | | tank | 61.57 | 70.51 | | trade name | 24.37 | 27.2 | | microwave | 86.72 | 93.56 | | pot | 49.4 | 55.23 | | animal | 59.69 | 61.02 | | bicycle | 55.81 | 70.03 | | lake | 55.88 | 63.53 | | dishwasher | 60.94 | 70.58 | | screen | 51.81 | 73.36 | | blanket | 27.71 | 32.67 | | sculpture | 70.91 | 85.59 | | hood | 66.05 | 69.91 | | sconce | 54.24 | 66.03 | | vase | 41.14 | 56.09 | | traffic light | 37.27 | 53.4 | | tray | 14.6 | 17.92 | | ashcan | 49.38 | 60.34 | | fan | 65.45 | 75.54 | | pier | 34.97 | 45.66 | | crt screen | 7.92 | 12.93 | | plate | 56.43 | 74.58 | | monitor | 64.96 | 77.02 | | bulletin board | 42.23 | 50.59 | | shower | 4.61 | 6.35 | | radiator | 61.53 | 70.47 | | glass | 18.03 | 19.47 | | clock | 43.03 | 48.04 | | flag | 43.69 | 46.27 | +---------------------+-------+-------+ 2023-11-10 23:38:56,528 - mmseg - INFO - Summary: 2023-11-10 23:38:56,528 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.9 | 54.72 | 66.18 | +------+-------+-------+ 2023-11-10 23:38:56,528 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:38:56,529 - mmseg - INFO - Iter(val) [250] aAcc: 0.8490, mIoU: 0.5472, mAcc: 0.6618, IoU.wall: 0.7929, IoU.building: 0.8469, IoU.sky: 0.9474, IoU.floor: 0.8263, IoU.tree: 0.7542, IoU.ceiling: 0.8458, IoU.road: 0.8534, IoU.bed : 0.9091, IoU.windowpane: 0.6376, IoU.grass: 0.7302, IoU.cabinet: 0.6203, IoU.sidewalk: 0.6832, IoU.person: 0.8301, IoU.earth: 0.3923, IoU.door: 0.5280, IoU.table: 0.6405, IoU.mountain: 0.6066, IoU.plant: 0.5425, IoU.curtain: 0.7442, IoU.chair: 0.6095, IoU.car: 0.8600, IoU.water: 0.6098, IoU.painting: 0.7592, IoU.sofa: 0.7157, IoU.shelf: 0.4406, IoU.house: 0.5786, IoU.sea: 0.6820, IoU.mirror: 0.7411, IoU.rug: 0.5948, IoU.field: 0.3421, IoU.armchair: 0.4936, IoU.seat: 0.6538, IoU.fence: 0.4316, IoU.desk: 0.5401, IoU.rock: 0.5331, IoU.wardrobe: 0.5500, IoU.lamp: 0.6966, IoU.bathtub: 0.8236, IoU.railing: 0.3240, IoU.cushion: 0.6395, IoU.base: 0.3283, IoU.box: 0.3262, IoU.column: 0.5084, IoU.signboard: 0.3514, IoU.chest of drawers: 0.4096, IoU.counter: 0.4977, IoU.sand: 0.5680, IoU.sink: 0.7643, IoU.skyscraper: 0.5145, IoU.fireplace: 0.7135, IoU.refrigerator: 0.7714, IoU.grandstand: 0.5856, IoU.path: 0.2861, IoU.stairs: 0.4227, IoU.runway: 0.7206, IoU.case: 0.5984, IoU.pool table: 0.9406, IoU.pillow: 0.6269, IoU.screen door: 0.6496, IoU.stairway: 0.4737, IoU.river: 0.1176, IoU.bridge: 0.5670, IoU.bookcase: 0.4106, IoU.blind: 0.1788, IoU.coffee table: 0.6333, IoU.toilet: 0.8639, IoU.flower: 0.4728, IoU.book: 0.5387, IoU.hill: 0.1199, IoU.bench: 0.5330, IoU.countertop: 0.6323, IoU.stove: 0.7795, IoU.palm: 0.5499, IoU.kitchen island: 0.4587, IoU.computer: 0.7527, IoU.swivel chair: 0.3999, IoU.boat: 0.7154, IoU.bar: 0.7267, IoU.arcade machine: 0.7701, IoU.hovel: 0.4478, IoU.bus: 0.9034, IoU.towel: 0.7213, IoU.light: 0.5494, IoU.truck: 0.4157, IoU.tower: 0.3187, IoU.chandelier: 0.7091, IoU.awning: 0.3560, IoU.streetlight: 0.3053, IoU.booth: 0.4721, IoU.television receiver: 0.8040, IoU.airplane: 0.6183, IoU.dirt track: 0.0715, IoU.apparel: 0.6345, IoU.pole: 0.2616, IoU.land: 0.0279, IoU.bannister: 0.1144, IoU.escalator: 0.5801, IoU.ottoman: 0.4429, IoU.bottle: 0.4233, IoU.buffet: 0.5281, IoU.poster: 0.2725, IoU.stage: 0.1654, IoU.van: 0.4658, IoU.ship: 0.7258, IoU.fountain: 0.5562, IoU.conveyer belt: 0.6922, IoU.canopy: 0.5200, IoU.washer: 0.8512, IoU.plaything: 0.2341, IoU.swimming pool: 0.5936, IoU.stool: 0.4879, IoU.barrel: 0.5022, IoU.basket: 0.3804, IoU.waterfall: 0.5353, IoU.tent: 0.9575, IoU.bag: 0.2188, IoU.minibike: 0.7315, IoU.cradle: 0.8711, IoU.oven: 0.6134, IoU.ball: 0.5632, IoU.food: 0.5426, IoU.step: 0.1645, IoU.tank: 0.6157, IoU.trade name: 0.2437, IoU.microwave: 0.8672, IoU.pot: 0.4940, IoU.animal: 0.5969, IoU.bicycle: 0.5581, IoU.lake: 0.5588, IoU.dishwasher: 0.6094, IoU.screen: 0.5181, IoU.blanket: 0.2771, IoU.sculpture: 0.7091, IoU.hood: 0.6605, IoU.sconce: 0.5424, IoU.vase: 0.4114, IoU.traffic light: 0.3727, IoU.tray: 0.1460, IoU.ashcan: 0.4938, IoU.fan: 0.6545, IoU.pier: 0.3497, IoU.crt screen: 0.0792, IoU.plate: 0.5643, IoU.monitor: 0.6496, IoU.bulletin board: 0.4223, IoU.shower: 0.0461, IoU.radiator: 0.6153, IoU.glass: 0.1803, IoU.clock: 0.4303, IoU.flag: 0.4369, Acc.wall: 0.8944, Acc.building: 0.9401, Acc.sky: 0.9754, Acc.floor: 0.9079, Acc.tree: 0.8885, Acc.ceiling: 0.9334, Acc.road: 0.9129, Acc.bed : 0.9674, Acc.windowpane: 0.8101, Acc.grass: 0.8626, Acc.cabinet: 0.7464, Acc.sidewalk: 0.8242, Acc.person: 0.9392, Acc.earth: 0.5283, Acc.door: 0.6812, Acc.table: 0.7593, Acc.mountain: 0.7316, Acc.plant: 0.6541, Acc.curtain: 0.8707, Acc.chair: 0.7473, Acc.car: 0.9368, Acc.water: 0.7596, Acc.painting: 0.8791, Acc.sofa: 0.8378, Acc.shelf: 0.6154, Acc.house: 0.6795, Acc.sea: 0.7985, Acc.mirror: 0.8444, Acc.rug: 0.6916, Acc.field: 0.4537, Acc.armchair: 0.6668, Acc.seat: 0.8707, Acc.fence: 0.5305, Acc.desk: 0.7368, Acc.rock: 0.7650, Acc.wardrobe: 0.6953, Acc.lamp: 0.8137, Acc.bathtub: 0.8737, Acc.railing: 0.4209, Acc.cushion: 0.7847, Acc.base: 0.4454, Acc.box: 0.4008, Acc.column: 0.6079, Acc.signboard: 0.4763, Acc.chest of drawers: 0.5966, Acc.counter: 0.5910, Acc.sand: 0.8448, Acc.sink: 0.8347, Acc.skyscraper: 0.6162, Acc.fireplace: 0.8847, Acc.refrigerator: 0.8583, Acc.grandstand: 0.7520, Acc.path: 0.3894, Acc.stairs: 0.5215, Acc.runway: 0.9598, Acc.case: 0.7672, Acc.pool table: 0.9773, Acc.pillow: 0.7251, Acc.screen door: 0.6814, Acc.stairway: 0.5724, Acc.river: 0.2557, Acc.bridge: 0.7011, Acc.bookcase: 0.5316, Acc.blind: 0.1912, Acc.coffee table: 0.8714, Acc.toilet: 0.9325, Acc.flower: 0.6262, Acc.book: 0.7940, Acc.hill: 0.1798, Acc.bench: 0.6153, Acc.countertop: 0.7728, Acc.stove: 0.8595, Acc.palm: 0.7564, Acc.kitchen island: 0.6477, Acc.computer: 0.8953, Acc.swivel chair: 0.6598, Acc.boat: 0.8337, Acc.bar: 0.8584, Acc.arcade machine: 0.8759, Acc.hovel: 0.5379, Acc.bus: 0.9596, Acc.towel: 0.8424, Acc.light: 0.6019, Acc.truck: 0.5139, Acc.tower: 0.5276, Acc.chandelier: 0.8177, Acc.awning: 0.4595, Acc.streetlight: 0.3935, Acc.booth: 0.5932, Acc.television receiver: 0.9096, Acc.airplane: 0.6912, Acc.dirt track: 0.1665, Acc.apparel: 0.7902, Acc.pole: 0.3467, Acc.land: 0.0478, Acc.bannister: 0.1526, Acc.escalator: 0.8324, Acc.ottoman: 0.5601, Acc.bottle: 0.7234, Acc.buffet: 0.5976, Acc.poster: 0.3525, Acc.stage: 0.4131, Acc.van: 0.5945, Acc.ship: 0.7894, Acc.fountain: 0.5707, Acc.conveyer belt: 0.9651, Acc.canopy: 0.6328, Acc.washer: 0.9400, Acc.plaything: 0.3409, Acc.swimming pool: 0.8314, Acc.stool: 0.6015, Acc.barrel: 0.5300, Acc.basket: 0.5067, Acc.waterfall: 0.6210, Acc.tent: 0.9842, Acc.bag: 0.2529, Acc.minibike: 0.8738, Acc.cradle: 0.9816, Acc.oven: 0.7586, Acc.ball: 0.6635, Acc.food: 0.6904, Acc.step: 0.1875, Acc.tank: 0.7051, Acc.trade name: 0.2720, Acc.microwave: 0.9356, Acc.pot: 0.5523, Acc.animal: 0.6102, Acc.bicycle: 0.7003, Acc.lake: 0.6353, Acc.dishwasher: 0.7058, Acc.screen: 0.7336, Acc.blanket: 0.3267, Acc.sculpture: 0.8559, Acc.hood: 0.6991, Acc.sconce: 0.6603, Acc.vase: 0.5609, Acc.traffic light: 0.5340, Acc.tray: 0.1792, Acc.ashcan: 0.6034, Acc.fan: 0.7554, Acc.pier: 0.4566, Acc.crt screen: 0.1293, Acc.plate: 0.7458, Acc.monitor: 0.7702, Acc.bulletin board: 0.5059, Acc.shower: 0.0635, Acc.radiator: 0.7047, Acc.glass: 0.1947, Acc.clock: 0.4804, Acc.flag: 0.4627 2023-11-10 23:39:31,319 - mmseg - INFO - Iter [56050/80000] lr: 1.198e-05, eta: 5:23:15, time: 2.307, data_time: 1.619, memory: 60073, decode.loss_ce: 0.1475, decode.acc_seg: 93.5341, aux.loss_ce: 0.2822, aux.acc_seg: 75.1907, loss: 0.4297 2023-11-10 23:40:06,048 - mmseg - INFO - Iter [56100/80000] lr: 1.195e-05, eta: 5:22:32, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1496, decode.acc_seg: 93.3183, aux.loss_ce: 0.2813, aux.acc_seg: 74.4388, loss: 0.4309 2023-11-10 23:40:40,757 - mmseg - INFO - Iter [56150/80000] lr: 1.193e-05, eta: 5:21:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1385, decode.acc_seg: 93.8702, aux.loss_ce: 0.2704, aux.acc_seg: 75.7476, loss: 0.4089 2023-11-10 23:41:15,446 - mmseg - INFO - Iter [56200/80000] lr: 1.190e-05, eta: 5:21:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1494, decode.acc_seg: 93.4005, aux.loss_ce: 0.2914, aux.acc_seg: 74.1330, loss: 0.4408 2023-11-10 23:41:50,144 - mmseg - INFO - Iter [56250/80000] lr: 1.188e-05, eta: 5:20:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1476, decode.acc_seg: 93.5233, aux.loss_ce: 0.2791, aux.acc_seg: 74.7163, loss: 0.4267 2023-11-10 23:42:24,846 - mmseg - INFO - Iter [56300/80000] lr: 1.185e-05, eta: 5:19:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1534, decode.acc_seg: 93.2966, aux.loss_ce: 0.2981, aux.acc_seg: 73.8248, loss: 0.4515 2023-11-10 23:42:59,564 - mmseg - INFO - Iter [56350/80000] lr: 1.183e-05, eta: 5:18:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1505, decode.acc_seg: 93.5083, aux.loss_ce: 0.2938, aux.acc_seg: 73.2544, loss: 0.4443 2023-11-10 23:43:34,283 - mmseg - INFO - Iter [56400/80000] lr: 1.180e-05, eta: 5:18:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1423, decode.acc_seg: 93.6798, aux.loss_ce: 0.2825, aux.acc_seg: 74.4920, loss: 0.4248 2023-11-10 23:44:08,992 - mmseg - INFO - Iter [56450/80000] lr: 1.178e-05, eta: 5:17:32, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1377, decode.acc_seg: 93.8254, aux.loss_ce: 0.2735, aux.acc_seg: 74.7460, loss: 0.4112 2023-11-10 23:44:43,686 - mmseg - INFO - Iter [56500/80000] lr: 1.175e-05, eta: 5:16:49, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1470, decode.acc_seg: 93.6522, aux.loss_ce: 0.2958, aux.acc_seg: 73.7228, loss: 0.4428 2023-11-10 23:45:18,385 - mmseg - INFO - Iter [56550/80000] lr: 1.173e-05, eta: 5:16:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1494, decode.acc_seg: 93.4348, aux.loss_ce: 0.2805, aux.acc_seg: 74.4235, loss: 0.4298 2023-11-10 23:45:53,111 - mmseg - INFO - Iter [56600/80000] lr: 1.170e-05, eta: 5:15:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1572, decode.acc_seg: 93.1484, aux.loss_ce: 0.2920, aux.acc_seg: 74.0979, loss: 0.4492 2023-11-10 23:46:27,794 - mmseg - INFO - Iter [56650/80000] lr: 1.168e-05, eta: 5:14:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1429, decode.acc_seg: 93.8070, aux.loss_ce: 0.2827, aux.acc_seg: 75.3138, loss: 0.4256 2023-11-10 23:47:02,476 - mmseg - INFO - Iter [56700/80000] lr: 1.165e-05, eta: 5:13:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1413, decode.acc_seg: 93.8748, aux.loss_ce: 0.2774, aux.acc_seg: 74.8969, loss: 0.4188 2023-11-10 23:47:37,178 - mmseg - INFO - Iter [56750/80000] lr: 1.163e-05, eta: 5:13:15, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1451, decode.acc_seg: 93.6675, aux.loss_ce: 0.2702, aux.acc_seg: 75.4961, loss: 0.4153 2023-11-10 23:48:11,882 - mmseg - INFO - Iter [56800/80000] lr: 1.160e-05, eta: 5:12:33, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1443, decode.acc_seg: 93.7354, aux.loss_ce: 0.2819, aux.acc_seg: 74.8332, loss: 0.4262 2023-11-10 23:48:48,792 - mmseg - INFO - Iter [56850/80000] lr: 1.158e-05, eta: 5:11:51, time: 0.738, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1507, decode.acc_seg: 93.5157, aux.loss_ce: 0.2887, aux.acc_seg: 74.0303, loss: 0.4394 2023-11-10 23:49:23,486 - mmseg - INFO - Iter [56900/80000] lr: 1.155e-05, eta: 5:11:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1480, decode.acc_seg: 93.4875, aux.loss_ce: 0.2801, aux.acc_seg: 75.2160, loss: 0.4280 2023-11-10 23:49:58,181 - mmseg - INFO - Iter [56950/80000] lr: 1.153e-05, eta: 5:10:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1452, decode.acc_seg: 93.5801, aux.loss_ce: 0.2807, aux.acc_seg: 73.9069, loss: 0.4259 2023-11-10 23:50:32,882 - mmseg - INFO - Saving checkpoint at 57000 iterations 2023-11-10 23:51:02,973 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:51:02,974 - mmseg - INFO - Iter [57000/80000] lr: 1.150e-05, eta: 5:09:55, time: 1.296, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1476, decode.acc_seg: 93.4353, aux.loss_ce: 0.2946, aux.acc_seg: 74.0266, loss: 0.4422 2023-11-10 23:52:23,430 - mmseg - INFO - per class results: 2023-11-10 23:52:23,436 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.25 | 88.87 | | building | 84.35 | 93.92 | | sky | 94.68 | 97.56 | | floor | 82.16 | 91.51 | | tree | 74.96 | 89.81 | | ceiling | 84.76 | 93.55 | | road | 84.72 | 92.16 | | bed | 91.16 | 96.69 | | windowpane | 63.24 | 79.27 | | grass | 71.53 | 87.44 | | cabinet | 61.77 | 73.77 | | sidewalk | 67.92 | 80.25 | | person | 82.53 | 94.24 | | earth | 37.69 | 48.1 | | door | 51.64 | 69.98 | | table | 63.57 | 76.03 | | mountain | 60.78 | 72.99 | | plant | 53.52 | 63.82 | | curtain | 73.64 | 84.71 | | chair | 60.49 | 71.7 | | car | 85.92 | 93.9 | | water | 58.9 | 74.1 | | painting | 75.35 | 89.04 | | sofa | 72.35 | 81.55 | | shelf | 44.07 | 56.96 | | house | 54.62 | 65.45 | | sea | 65.15 | 78.88 | | mirror | 72.67 | 80.66 | | rug | 56.12 | 65.61 | | field | 32.73 | 46.81 | | armchair | 51.02 | 74.59 | | seat | 68.03 | 83.16 | | fence | 45.72 | 61.21 | | desk | 54.11 | 73.9 | | rock | 51.57 | 75.54 | | wardrobe | 52.85 | 66.93 | | lamp | 70.08 | 80.94 | | bathtub | 81.59 | 88.29 | | railing | 34.62 | 49.18 | | cushion | 64.08 | 79.31 | | base | 32.01 | 46.38 | | box | 33.18 | 42.93 | | column | 51.69 | 61.73 | | signboard | 34.44 | 46.26 | | chest of drawers | 42.58 | 58.76 | | counter | 46.25 | 53.53 | | sand | 53.64 | 78.06 | | sink | 76.35 | 83.09 | | skyscraper | 49.59 | 57.78 | | fireplace | 72.14 | 90.6 | | refrigerator | 76.83 | 86.6 | | grandstand | 58.09 | 73.62 | | path | 26.27 | 36.59 | | stairs | 33.81 | 38.41 | | runway | 73.32 | 94.81 | | case | 61.43 | 77.75 | | pool table | 94.15 | 97.56 | | pillow | 63.91 | 74.06 | | screen door | 61.03 | 65.64 | | stairway | 38.87 | 58.97 | | river | 13.33 | 28.58 | | bridge | 61.59 | 68.13 | | bookcase | 41.22 | 55.89 | | blind | 25.26 | 27.62 | | coffee table | 61.57 | 85.29 | | toilet | 85.76 | 93.29 | | flower | 48.78 | 64.82 | | book | 53.45 | 79.48 | | hill | 10.45 | 14.97 | | bench | 59.3 | 71.8 | | countertop | 63.0 | 77.83 | | stove | 78.52 | 85.99 | | palm | 52.95 | 77.55 | | kitchen island | 43.84 | 69.05 | | computer | 71.98 | 83.91 | | swivel chair | 38.67 | 70.18 | | boat | 69.27 | 79.85 | | bar | 71.15 | 86.65 | | arcade machine | 78.65 | 84.88 | | hovel | 42.76 | 50.03 | | bus | 91.22 | 95.83 | | towel | 72.48 | 82.79 | | light | 55.54 | 61.97 | | truck | 44.54 | 55.22 | | tower | 30.05 | 43.52 | | chandelier | 69.77 | 79.17 | | awning | 33.74 | 41.79 | | streetlight | 29.47 | 35.68 | | booth | 48.19 | 64.19 | | television receiver | 81.82 | 90.63 | | airplane | 60.06 | 69.33 | | dirt track | 2.81 | 6.41 | | apparel | 61.97 | 74.91 | | pole | 25.42 | 31.88 | | land | 1.68 | 3.73 | | bannister | 13.38 | 21.05 | | escalator | 57.56 | 80.82 | | ottoman | 44.56 | 57.14 | | bottle | 41.62 | 70.0 | | buffet | 52.08 | 60.54 | | poster | 25.53 | 33.05 | | stage | 16.88 | 33.23 | | van | 48.48 | 59.88 | | ship | 66.8 | 78.18 | | fountain | 51.05 | 52.43 | | conveyer belt | 72.03 | 96.12 | | canopy | 56.49 | 63.57 | | washer | 83.68 | 90.97 | | plaything | 24.96 | 37.3 | | swimming pool | 60.15 | 88.43 | | stool | 47.54 | 58.29 | | barrel | 53.91 | 65.84 | | basket | 38.62 | 49.37 | | waterfall | 52.32 | 59.87 | | tent | 94.48 | 98.77 | | bag | 21.58 | 24.81 | | minibike | 73.23 | 86.33 | | cradle | 86.02 | 98.3 | | oven | 60.73 | 74.6 | | ball | 56.57 | 65.6 | | food | 54.11 | 68.13 | | step | 15.45 | 16.88 | | tank | 58.0 | 73.77 | | trade name | 18.34 | 19.5 | | microwave | 85.2 | 94.52 | | pot | 52.4 | 59.99 | | animal | 61.56 | 63.65 | | bicycle | 55.05 | 69.62 | | lake | 51.7 | 64.45 | | dishwasher | 59.69 | 72.58 | | screen | 57.24 | 74.26 | | blanket | 25.43 | 31.21 | | sculpture | 70.12 | 86.24 | | hood | 65.41 | 69.03 | | sconce | 54.78 | 65.92 | | vase | 40.81 | 57.3 | | traffic light | 36.08 | 50.59 | | tray | 14.99 | 18.29 | | ashcan | 48.05 | 58.52 | | fan | 65.76 | 75.8 | | pier | 34.19 | 45.71 | | crt screen | 3.43 | 4.86 | | plate | 55.44 | 72.85 | | monitor | 58.38 | 75.83 | | bulletin board | 42.01 | 58.44 | | shower | 5.05 | 13.82 | | radiator | 61.78 | 74.54 | | glass | 17.27 | 18.46 | | clock | 44.44 | 49.35 | | flag | 45.96 | 48.53 | +---------------------+-------+-------+ 2023-11-10 23:52:23,436 - mmseg - INFO - Summary: 2023-11-10 23:52:23,437 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 84.65 | 54.23 | 65.9 | +-------+-------+------+ 2023-11-10 23:52:23,437 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-10 23:52:23,438 - mmseg - INFO - Iter(val) [250] aAcc: 0.8465, mIoU: 0.5423, mAcc: 0.6590, IoU.wall: 0.7925, IoU.building: 0.8435, IoU.sky: 0.9468, IoU.floor: 0.8216, IoU.tree: 0.7496, IoU.ceiling: 0.8476, IoU.road: 0.8472, IoU.bed : 0.9116, IoU.windowpane: 0.6324, IoU.grass: 0.7153, IoU.cabinet: 0.6177, IoU.sidewalk: 0.6792, IoU.person: 0.8253, IoU.earth: 0.3769, IoU.door: 0.5164, IoU.table: 0.6357, IoU.mountain: 0.6078, IoU.plant: 0.5352, IoU.curtain: 0.7364, IoU.chair: 0.6049, IoU.car: 0.8592, IoU.water: 0.5890, IoU.painting: 0.7535, IoU.sofa: 0.7235, IoU.shelf: 0.4407, IoU.house: 0.5462, IoU.sea: 0.6515, IoU.mirror: 0.7267, IoU.rug: 0.5612, IoU.field: 0.3273, IoU.armchair: 0.5102, IoU.seat: 0.6803, IoU.fence: 0.4572, IoU.desk: 0.5411, IoU.rock: 0.5157, IoU.wardrobe: 0.5285, IoU.lamp: 0.7008, IoU.bathtub: 0.8159, IoU.railing: 0.3462, IoU.cushion: 0.6408, IoU.base: 0.3201, IoU.box: 0.3318, IoU.column: 0.5169, IoU.signboard: 0.3444, IoU.chest of drawers: 0.4258, IoU.counter: 0.4625, IoU.sand: 0.5364, IoU.sink: 0.7635, IoU.skyscraper: 0.4959, IoU.fireplace: 0.7214, IoU.refrigerator: 0.7683, IoU.grandstand: 0.5809, IoU.path: 0.2627, IoU.stairs: 0.3381, IoU.runway: 0.7332, IoU.case: 0.6143, IoU.pool table: 0.9415, IoU.pillow: 0.6391, IoU.screen door: 0.6103, IoU.stairway: 0.3887, IoU.river: 0.1333, IoU.bridge: 0.6159, IoU.bookcase: 0.4122, IoU.blind: 0.2526, IoU.coffee table: 0.6157, IoU.toilet: 0.8576, IoU.flower: 0.4878, IoU.book: 0.5345, IoU.hill: 0.1045, IoU.bench: 0.5930, IoU.countertop: 0.6300, IoU.stove: 0.7852, IoU.palm: 0.5295, IoU.kitchen island: 0.4384, IoU.computer: 0.7198, IoU.swivel chair: 0.3867, IoU.boat: 0.6927, IoU.bar: 0.7115, IoU.arcade machine: 0.7865, IoU.hovel: 0.4276, IoU.bus: 0.9122, IoU.towel: 0.7248, IoU.light: 0.5554, IoU.truck: 0.4454, IoU.tower: 0.3005, IoU.chandelier: 0.6977, IoU.awning: 0.3374, IoU.streetlight: 0.2947, IoU.booth: 0.4819, IoU.television receiver: 0.8182, IoU.airplane: 0.6006, IoU.dirt track: 0.0281, IoU.apparel: 0.6197, IoU.pole: 0.2542, IoU.land: 0.0168, IoU.bannister: 0.1338, IoU.escalator: 0.5756, IoU.ottoman: 0.4456, IoU.bottle: 0.4162, IoU.buffet: 0.5208, IoU.poster: 0.2553, IoU.stage: 0.1688, IoU.van: 0.4848, IoU.ship: 0.6680, IoU.fountain: 0.5105, IoU.conveyer belt: 0.7203, IoU.canopy: 0.5649, IoU.washer: 0.8368, IoU.plaything: 0.2496, IoU.swimming pool: 0.6015, IoU.stool: 0.4754, IoU.barrel: 0.5391, IoU.basket: 0.3862, IoU.waterfall: 0.5232, IoU.tent: 0.9448, IoU.bag: 0.2158, IoU.minibike: 0.7323, IoU.cradle: 0.8602, IoU.oven: 0.6073, IoU.ball: 0.5657, IoU.food: 0.5411, IoU.step: 0.1545, IoU.tank: 0.5800, IoU.trade name: 0.1834, IoU.microwave: 0.8520, IoU.pot: 0.5240, IoU.animal: 0.6156, IoU.bicycle: 0.5505, IoU.lake: 0.5170, IoU.dishwasher: 0.5969, IoU.screen: 0.5724, IoU.blanket: 0.2543, IoU.sculpture: 0.7012, IoU.hood: 0.6541, IoU.sconce: 0.5478, IoU.vase: 0.4081, IoU.traffic light: 0.3608, IoU.tray: 0.1499, IoU.ashcan: 0.4805, IoU.fan: 0.6576, IoU.pier: 0.3419, IoU.crt screen: 0.0343, IoU.plate: 0.5544, IoU.monitor: 0.5838, IoU.bulletin board: 0.4201, IoU.shower: 0.0505, IoU.radiator: 0.6178, IoU.glass: 0.1727, IoU.clock: 0.4444, IoU.flag: 0.4596, Acc.wall: 0.8887, Acc.building: 0.9392, Acc.sky: 0.9756, Acc.floor: 0.9151, Acc.tree: 0.8981, Acc.ceiling: 0.9355, Acc.road: 0.9216, Acc.bed : 0.9669, Acc.windowpane: 0.7927, Acc.grass: 0.8744, Acc.cabinet: 0.7377, Acc.sidewalk: 0.8025, Acc.person: 0.9424, Acc.earth: 0.4810, Acc.door: 0.6998, Acc.table: 0.7603, Acc.mountain: 0.7299, Acc.plant: 0.6382, Acc.curtain: 0.8471, Acc.chair: 0.7170, Acc.car: 0.9390, Acc.water: 0.7410, Acc.painting: 0.8904, Acc.sofa: 0.8155, Acc.shelf: 0.5696, Acc.house: 0.6545, Acc.sea: 0.7888, Acc.mirror: 0.8066, Acc.rug: 0.6561, Acc.field: 0.4681, Acc.armchair: 0.7459, Acc.seat: 0.8316, Acc.fence: 0.6121, Acc.desk: 0.7390, Acc.rock: 0.7554, Acc.wardrobe: 0.6693, Acc.lamp: 0.8094, Acc.bathtub: 0.8829, Acc.railing: 0.4918, Acc.cushion: 0.7931, Acc.base: 0.4638, Acc.box: 0.4293, Acc.column: 0.6173, Acc.signboard: 0.4626, Acc.chest of drawers: 0.5876, Acc.counter: 0.5353, Acc.sand: 0.7806, Acc.sink: 0.8309, Acc.skyscraper: 0.5778, Acc.fireplace: 0.9060, Acc.refrigerator: 0.8660, Acc.grandstand: 0.7362, Acc.path: 0.3659, Acc.stairs: 0.3841, Acc.runway: 0.9481, Acc.case: 0.7775, Acc.pool table: 0.9756, Acc.pillow: 0.7406, Acc.screen door: 0.6564, Acc.stairway: 0.5897, Acc.river: 0.2858, Acc.bridge: 0.6813, Acc.bookcase: 0.5589, Acc.blind: 0.2762, Acc.coffee table: 0.8529, Acc.toilet: 0.9329, Acc.flower: 0.6482, Acc.book: 0.7948, Acc.hill: 0.1497, Acc.bench: 0.7180, Acc.countertop: 0.7783, Acc.stove: 0.8599, Acc.palm: 0.7755, Acc.kitchen island: 0.6905, Acc.computer: 0.8391, Acc.swivel chair: 0.7018, Acc.boat: 0.7985, Acc.bar: 0.8665, Acc.arcade machine: 0.8488, Acc.hovel: 0.5003, Acc.bus: 0.9583, Acc.towel: 0.8279, Acc.light: 0.6197, Acc.truck: 0.5522, Acc.tower: 0.4352, Acc.chandelier: 0.7917, Acc.awning: 0.4179, Acc.streetlight: 0.3568, Acc.booth: 0.6419, Acc.television receiver: 0.9063, Acc.airplane: 0.6933, Acc.dirt track: 0.0641, Acc.apparel: 0.7491, Acc.pole: 0.3188, Acc.land: 0.0373, Acc.bannister: 0.2105, Acc.escalator: 0.8082, Acc.ottoman: 0.5714, Acc.bottle: 0.7000, Acc.buffet: 0.6054, Acc.poster: 0.3305, Acc.stage: 0.3323, Acc.van: 0.5988, Acc.ship: 0.7818, Acc.fountain: 0.5243, Acc.conveyer belt: 0.9612, Acc.canopy: 0.6357, Acc.washer: 0.9097, Acc.plaything: 0.3730, Acc.swimming pool: 0.8843, Acc.stool: 0.5829, Acc.barrel: 0.6584, Acc.basket: 0.4937, Acc.waterfall: 0.5987, Acc.tent: 0.9877, Acc.bag: 0.2481, Acc.minibike: 0.8633, Acc.cradle: 0.9830, Acc.oven: 0.7460, Acc.ball: 0.6560, Acc.food: 0.6813, Acc.step: 0.1688, Acc.tank: 0.7377, Acc.trade name: 0.1950, Acc.microwave: 0.9452, Acc.pot: 0.5999, Acc.animal: 0.6365, Acc.bicycle: 0.6962, Acc.lake: 0.6445, Acc.dishwasher: 0.7258, Acc.screen: 0.7426, Acc.blanket: 0.3121, Acc.sculpture: 0.8624, Acc.hood: 0.6903, Acc.sconce: 0.6592, Acc.vase: 0.5730, Acc.traffic light: 0.5059, Acc.tray: 0.1829, Acc.ashcan: 0.5852, Acc.fan: 0.7580, Acc.pier: 0.4571, Acc.crt screen: 0.0486, Acc.plate: 0.7285, Acc.monitor: 0.7583, Acc.bulletin board: 0.5844, Acc.shower: 0.1382, Acc.radiator: 0.7454, Acc.glass: 0.1846, Acc.clock: 0.4935, Acc.flag: 0.4853 2023-11-10 23:52:58,211 - mmseg - INFO - Iter [57050/80000] lr: 1.148e-05, eta: 5:09:44, time: 2.305, data_time: 1.617, memory: 60073, decode.loss_ce: 0.1399, decode.acc_seg: 93.8279, aux.loss_ce: 0.2803, aux.acc_seg: 74.3190, loss: 0.4202 2023-11-10 23:53:32,932 - mmseg - INFO - Iter [57100/80000] lr: 1.145e-05, eta: 5:09:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1390, decode.acc_seg: 93.8623, aux.loss_ce: 0.2830, aux.acc_seg: 74.6490, loss: 0.4220 2023-11-10 23:54:07,644 - mmseg - INFO - Iter [57150/80000] lr: 1.143e-05, eta: 5:08:19, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1490, decode.acc_seg: 93.4881, aux.loss_ce: 0.2871, aux.acc_seg: 74.6865, loss: 0.4361 2023-11-10 23:54:42,355 - mmseg - INFO - Iter [57200/80000] lr: 1.140e-05, eta: 5:07:36, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1430, decode.acc_seg: 93.7783, aux.loss_ce: 0.2714, aux.acc_seg: 75.6704, loss: 0.4145 2023-11-10 23:55:17,036 - mmseg - INFO - Iter [57250/80000] lr: 1.138e-05, eta: 5:06:53, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1401, decode.acc_seg: 93.7935, aux.loss_ce: 0.2783, aux.acc_seg: 75.0751, loss: 0.4184 2023-11-10 23:55:51,728 - mmseg - INFO - Iter [57300/80000] lr: 1.135e-05, eta: 5:06:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1443, decode.acc_seg: 93.6780, aux.loss_ce: 0.2813, aux.acc_seg: 74.8963, loss: 0.4256 2023-11-10 23:56:26,428 - mmseg - INFO - Iter [57350/80000] lr: 1.133e-05, eta: 5:05:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1433, decode.acc_seg: 93.6182, aux.loss_ce: 0.2738, aux.acc_seg: 74.9332, loss: 0.4170 2023-11-10 23:57:01,129 - mmseg - INFO - Iter [57400/80000] lr: 1.130e-05, eta: 5:04:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1533, decode.acc_seg: 93.2299, aux.loss_ce: 0.3016, aux.acc_seg: 72.8291, loss: 0.4549 2023-11-10 23:57:35,838 - mmseg - INFO - Iter [57450/80000] lr: 1.128e-05, eta: 5:04:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1426, decode.acc_seg: 93.8054, aux.loss_ce: 0.2725, aux.acc_seg: 75.8765, loss: 0.4150 2023-11-10 23:58:10,518 - mmseg - INFO - Iter [57500/80000] lr: 1.125e-05, eta: 5:03:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1444, decode.acc_seg: 93.6793, aux.loss_ce: 0.2934, aux.acc_seg: 73.1648, loss: 0.4379 2023-11-10 23:58:45,215 - mmseg - INFO - Iter [57550/80000] lr: 1.123e-05, eta: 5:02:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1478, decode.acc_seg: 93.5934, aux.loss_ce: 0.2853, aux.acc_seg: 74.5101, loss: 0.4331 2023-11-10 23:59:19,931 - mmseg - INFO - Iter [57600/80000] lr: 1.120e-05, eta: 5:01:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1477, decode.acc_seg: 93.5866, aux.loss_ce: 0.2967, aux.acc_seg: 73.0645, loss: 0.4443 2023-11-10 23:59:54,620 - mmseg - INFO - Iter [57650/80000] lr: 1.118e-05, eta: 5:01:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1403, decode.acc_seg: 93.8012, aux.loss_ce: 0.2808, aux.acc_seg: 74.9249, loss: 0.4211 2023-11-11 00:00:29,321 - mmseg - INFO - Iter [57700/80000] lr: 1.115e-05, eta: 5:00:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1450, decode.acc_seg: 93.5981, aux.loss_ce: 0.2751, aux.acc_seg: 74.4226, loss: 0.4201 2023-11-11 00:01:04,026 - mmseg - INFO - Iter [57750/80000] lr: 1.113e-05, eta: 4:59:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1412, decode.acc_seg: 93.8971, aux.loss_ce: 0.2773, aux.acc_seg: 74.6076, loss: 0.4185 2023-11-11 00:01:38,742 - mmseg - INFO - Iter [57800/80000] lr: 1.110e-05, eta: 4:59:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1401, decode.acc_seg: 93.7902, aux.loss_ce: 0.2688, aux.acc_seg: 75.3742, loss: 0.4090 2023-11-11 00:02:13,428 - mmseg - INFO - Iter [57850/80000] lr: 1.108e-05, eta: 4:58:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1440, decode.acc_seg: 93.7589, aux.loss_ce: 0.2833, aux.acc_seg: 74.6315, loss: 0.4273 2023-11-11 00:02:48,113 - mmseg - INFO - Iter [57900/80000] lr: 1.105e-05, eta: 4:57:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1400, decode.acc_seg: 93.8189, aux.loss_ce: 0.2770, aux.acc_seg: 74.6329, loss: 0.4170 2023-11-11 00:03:22,786 - mmseg - INFO - Iter [57950/80000] lr: 1.103e-05, eta: 4:56:56, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1452, decode.acc_seg: 93.7245, aux.loss_ce: 0.2763, aux.acc_seg: 75.4445, loss: 0.4215 2023-11-11 00:03:57,474 - mmseg - INFO - Saving checkpoint at 58000 iterations 2023-11-11 00:04:27,213 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:04:27,213 - mmseg - INFO - Iter [58000/80000] lr: 1.100e-05, eta: 4:56:25, time: 1.289, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1456, decode.acc_seg: 93.6599, aux.loss_ce: 0.2782, aux.acc_seg: 75.1360, loss: 0.4238 2023-11-11 00:05:47,644 - mmseg - INFO - per class results: 2023-11-11 00:05:47,649 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.04 | 90.29 | | building | 84.54 | 93.75 | | sky | 94.7 | 97.34 | | floor | 82.56 | 90.49 | | tree | 75.23 | 89.8 | | ceiling | 84.77 | 92.01 | | road | 85.14 | 91.05 | | bed | 91.17 | 96.59 | | windowpane | 64.42 | 78.9 | | grass | 70.17 | 84.09 | | cabinet | 61.53 | 70.62 | | sidewalk | 68.28 | 82.11 | | person | 82.62 | 93.98 | | earth | 39.18 | 51.5 | | door | 52.9 | 66.37 | | table | 63.79 | 75.2 | | mountain | 61.2 | 70.43 | | plant | 54.17 | 67.25 | | curtain | 74.52 | 83.29 | | chair | 61.28 | 74.91 | | car | 85.65 | 94.02 | | water | 61.33 | 76.1 | | painting | 74.24 | 87.93 | | sofa | 71.78 | 83.21 | | shelf | 42.66 | 60.82 | | house | 56.59 | 71.82 | | sea | 66.89 | 82.13 | | mirror | 73.19 | 81.32 | | rug | 61.63 | 74.44 | | field | 29.84 | 44.15 | | armchair | 48.43 | 65.99 | | seat | 66.01 | 85.59 | | fence | 44.14 | 55.76 | | desk | 52.51 | 76.93 | | rock | 55.11 | 77.59 | | wardrobe | 56.48 | 75.03 | | lamp | 70.08 | 81.35 | | bathtub | 81.89 | 86.32 | | railing | 31.99 | 42.14 | | cushion | 64.19 | 77.21 | | base | 32.35 | 44.64 | | box | 32.4 | 39.43 | | column | 51.4 | 57.89 | | signboard | 35.6 | 46.2 | | chest of drawers | 46.17 | 70.16 | | counter | 36.3 | 40.51 | | sand | 55.27 | 81.38 | | sink | 75.86 | 82.61 | | skyscraper | 48.1 | 59.07 | | fireplace | 73.56 | 87.39 | | refrigerator | 75.34 | 86.19 | | grandstand | 57.67 | 72.92 | | path | 27.01 | 41.2 | | stairs | 37.54 | 45.46 | | runway | 72.5 | 95.98 | | case | 60.73 | 75.49 | | pool table | 94.02 | 97.77 | | pillow | 64.3 | 74.77 | | screen door | 72.89 | 80.18 | | stairway | 44.81 | 61.43 | | river | 14.46 | 29.09 | | bridge | 58.23 | 67.62 | | bookcase | 45.29 | 63.82 | | blind | 34.97 | 39.49 | | coffee table | 61.98 | 85.29 | | toilet | 86.52 | 93.0 | | flower | 46.23 | 61.93 | | book | 53.4 | 78.52 | | hill | 13.37 | 22.3 | | bench | 54.54 | 62.99 | | countertop | 63.98 | 80.46 | | stove | 78.3 | 86.64 | | palm | 55.0 | 74.01 | | kitchen island | 44.83 | 65.02 | | computer | 71.63 | 84.66 | | swivel chair | 41.23 | 61.27 | | boat | 70.3 | 80.17 | | bar | 70.2 | 89.29 | | arcade machine | 78.74 | 86.7 | | hovel | 39.21 | 44.49 | | bus | 90.97 | 96.01 | | towel | 72.63 | 83.01 | | light | 55.44 | 61.94 | | truck | 42.43 | 49.31 | | tower | 30.37 | 44.28 | | chandelier | 70.32 | 79.86 | | awning | 33.68 | 40.72 | | streetlight | 30.49 | 37.77 | | booth | 52.23 | 68.3 | | television receiver | 80.96 | 89.71 | | airplane | 63.97 | 71.79 | | dirt track | 9.63 | 27.26 | | apparel | 61.35 | 79.12 | | pole | 27.97 | 39.33 | | land | 2.06 | 3.69 | | bannister | 10.66 | 15.22 | | escalator | 55.15 | 83.44 | | ottoman | 44.18 | 57.01 | | bottle | 41.53 | 74.05 | | buffet | 52.97 | 61.0 | | poster | 23.78 | 27.78 | | stage | 16.96 | 32.06 | | van | 45.53 | 61.93 | | ship | 68.01 | 75.8 | | fountain | 43.94 | 45.04 | | conveyer belt | 70.83 | 96.58 | | canopy | 60.88 | 75.38 | | washer | 84.11 | 92.88 | | plaything | 26.6 | 41.64 | | swimming pool | 60.49 | 87.68 | | stool | 48.01 | 57.15 | | barrel | 49.76 | 53.95 | | basket | 38.85 | 51.19 | | waterfall | 50.61 | 58.26 | | tent | 94.95 | 98.54 | | bag | 22.9 | 27.57 | | minibike | 72.85 | 86.64 | | cradle | 87.06 | 97.71 | | oven | 62.67 | 75.51 | | ball | 57.03 | 68.93 | | food | 56.94 | 74.49 | | step | 14.7 | 15.76 | | tank | 53.73 | 74.45 | | trade name | 26.25 | 29.94 | | microwave | 87.32 | 93.51 | | pot | 51.25 | 58.58 | | animal | 62.18 | 65.12 | | bicycle | 55.82 | 70.99 | | lake | 53.49 | 66.2 | | dishwasher | 58.85 | 72.42 | | screen | 54.86 | 72.54 | | blanket | 22.45 | 28.48 | | sculpture | 67.0 | 86.69 | | hood | 69.92 | 74.21 | | sconce | 54.57 | 64.71 | | vase | 41.11 | 53.78 | | traffic light | 37.25 | 47.55 | | tray | 17.48 | 23.12 | | ashcan | 46.83 | 57.01 | | fan | 64.8 | 74.0 | | pier | 34.53 | 45.37 | | crt screen | 3.72 | 5.13 | | plate | 55.41 | 73.04 | | monitor | 57.97 | 77.52 | | bulletin board | 39.14 | 45.53 | | shower | 5.64 | 10.52 | | radiator | 62.38 | 74.03 | | glass | 18.08 | 19.43 | | clock | 41.89 | 46.72 | | flag | 55.87 | 59.88 | +---------------------+-------+-------+ 2023-11-11 00:05:47,649 - mmseg - INFO - Summary: 2023-11-11 00:05:47,650 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.78 | 54.59 | 66.35 | +-------+-------+-------+ 2023-11-11 00:05:47,651 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:05:47,651 - mmseg - INFO - Iter(val) [250] aAcc: 0.8478, mIoU: 0.5459, mAcc: 0.6635, IoU.wall: 0.7904, IoU.building: 0.8454, IoU.sky: 0.9470, IoU.floor: 0.8256, IoU.tree: 0.7523, IoU.ceiling: 0.8477, IoU.road: 0.8514, IoU.bed : 0.9117, IoU.windowpane: 0.6442, IoU.grass: 0.7017, IoU.cabinet: 0.6153, IoU.sidewalk: 0.6828, IoU.person: 0.8262, IoU.earth: 0.3918, IoU.door: 0.5290, IoU.table: 0.6379, IoU.mountain: 0.6120, IoU.plant: 0.5417, IoU.curtain: 0.7452, IoU.chair: 0.6128, IoU.car: 0.8565, IoU.water: 0.6133, IoU.painting: 0.7424, IoU.sofa: 0.7178, IoU.shelf: 0.4266, IoU.house: 0.5659, IoU.sea: 0.6689, IoU.mirror: 0.7319, IoU.rug: 0.6163, IoU.field: 0.2984, IoU.armchair: 0.4843, IoU.seat: 0.6601, IoU.fence: 0.4414, IoU.desk: 0.5251, IoU.rock: 0.5511, IoU.wardrobe: 0.5648, IoU.lamp: 0.7008, IoU.bathtub: 0.8189, IoU.railing: 0.3199, IoU.cushion: 0.6419, IoU.base: 0.3235, IoU.box: 0.3240, IoU.column: 0.5140, IoU.signboard: 0.3560, IoU.chest of drawers: 0.4617, IoU.counter: 0.3630, IoU.sand: 0.5527, IoU.sink: 0.7586, IoU.skyscraper: 0.4810, IoU.fireplace: 0.7356, IoU.refrigerator: 0.7534, IoU.grandstand: 0.5767, IoU.path: 0.2701, IoU.stairs: 0.3754, IoU.runway: 0.7250, IoU.case: 0.6073, IoU.pool table: 0.9402, IoU.pillow: 0.6430, IoU.screen door: 0.7289, IoU.stairway: 0.4481, IoU.river: 0.1446, IoU.bridge: 0.5823, IoU.bookcase: 0.4529, IoU.blind: 0.3497, IoU.coffee table: 0.6198, IoU.toilet: 0.8652, IoU.flower: 0.4623, IoU.book: 0.5340, IoU.hill: 0.1337, IoU.bench: 0.5454, IoU.countertop: 0.6398, IoU.stove: 0.7830, IoU.palm: 0.5500, IoU.kitchen island: 0.4483, IoU.computer: 0.7163, IoU.swivel chair: 0.4123, IoU.boat: 0.7030, IoU.bar: 0.7020, IoU.arcade machine: 0.7874, IoU.hovel: 0.3921, IoU.bus: 0.9097, IoU.towel: 0.7263, IoU.light: 0.5544, IoU.truck: 0.4243, IoU.tower: 0.3037, IoU.chandelier: 0.7032, IoU.awning: 0.3368, IoU.streetlight: 0.3049, IoU.booth: 0.5223, IoU.television receiver: 0.8096, IoU.airplane: 0.6397, IoU.dirt track: 0.0963, IoU.apparel: 0.6135, IoU.pole: 0.2797, IoU.land: 0.0206, IoU.bannister: 0.1066, IoU.escalator: 0.5515, IoU.ottoman: 0.4418, IoU.bottle: 0.4153, IoU.buffet: 0.5297, IoU.poster: 0.2378, IoU.stage: 0.1696, IoU.van: 0.4553, IoU.ship: 0.6801, IoU.fountain: 0.4394, IoU.conveyer belt: 0.7083, IoU.canopy: 0.6088, IoU.washer: 0.8411, IoU.plaything: 0.2660, IoU.swimming pool: 0.6049, IoU.stool: 0.4801, IoU.barrel: 0.4976, IoU.basket: 0.3885, IoU.waterfall: 0.5061, IoU.tent: 0.9495, IoU.bag: 0.2290, IoU.minibike: 0.7285, IoU.cradle: 0.8706, IoU.oven: 0.6267, IoU.ball: 0.5703, IoU.food: 0.5694, IoU.step: 0.1470, IoU.tank: 0.5373, IoU.trade name: 0.2625, IoU.microwave: 0.8732, IoU.pot: 0.5125, IoU.animal: 0.6218, IoU.bicycle: 0.5582, IoU.lake: 0.5349, IoU.dishwasher: 0.5885, IoU.screen: 0.5486, IoU.blanket: 0.2245, IoU.sculpture: 0.6700, IoU.hood: 0.6992, IoU.sconce: 0.5457, IoU.vase: 0.4111, IoU.traffic light: 0.3725, IoU.tray: 0.1748, IoU.ashcan: 0.4683, IoU.fan: 0.6480, IoU.pier: 0.3453, IoU.crt screen: 0.0372, IoU.plate: 0.5541, IoU.monitor: 0.5797, IoU.bulletin board: 0.3914, IoU.shower: 0.0564, IoU.radiator: 0.6238, IoU.glass: 0.1808, IoU.clock: 0.4189, IoU.flag: 0.5587, Acc.wall: 0.9029, Acc.building: 0.9375, Acc.sky: 0.9734, Acc.floor: 0.9049, Acc.tree: 0.8980, Acc.ceiling: 0.9201, Acc.road: 0.9105, Acc.bed : 0.9659, Acc.windowpane: 0.7890, Acc.grass: 0.8409, Acc.cabinet: 0.7062, Acc.sidewalk: 0.8211, Acc.person: 0.9398, Acc.earth: 0.5150, Acc.door: 0.6637, Acc.table: 0.7520, Acc.mountain: 0.7043, Acc.plant: 0.6725, Acc.curtain: 0.8329, Acc.chair: 0.7491, Acc.car: 0.9402, Acc.water: 0.7610, Acc.painting: 0.8793, Acc.sofa: 0.8321, Acc.shelf: 0.6082, Acc.house: 0.7182, Acc.sea: 0.8213, Acc.mirror: 0.8132, Acc.rug: 0.7444, Acc.field: 0.4415, Acc.armchair: 0.6599, Acc.seat: 0.8559, Acc.fence: 0.5576, Acc.desk: 0.7693, Acc.rock: 0.7759, Acc.wardrobe: 0.7503, Acc.lamp: 0.8135, Acc.bathtub: 0.8632, Acc.railing: 0.4214, Acc.cushion: 0.7721, Acc.base: 0.4464, Acc.box: 0.3943, Acc.column: 0.5789, Acc.signboard: 0.4620, Acc.chest of drawers: 0.7016, Acc.counter: 0.4051, Acc.sand: 0.8138, Acc.sink: 0.8261, Acc.skyscraper: 0.5907, Acc.fireplace: 0.8739, Acc.refrigerator: 0.8619, Acc.grandstand: 0.7292, Acc.path: 0.4120, Acc.stairs: 0.4546, Acc.runway: 0.9598, Acc.case: 0.7549, Acc.pool table: 0.9777, Acc.pillow: 0.7477, Acc.screen door: 0.8018, Acc.stairway: 0.6143, Acc.river: 0.2909, Acc.bridge: 0.6762, Acc.bookcase: 0.6382, Acc.blind: 0.3949, Acc.coffee table: 0.8529, Acc.toilet: 0.9300, Acc.flower: 0.6193, Acc.book: 0.7852, Acc.hill: 0.2230, Acc.bench: 0.6299, Acc.countertop: 0.8046, Acc.stove: 0.8664, Acc.palm: 0.7401, Acc.kitchen island: 0.6502, Acc.computer: 0.8466, Acc.swivel chair: 0.6127, Acc.boat: 0.8017, Acc.bar: 0.8929, Acc.arcade machine: 0.8670, Acc.hovel: 0.4449, Acc.bus: 0.9601, Acc.towel: 0.8301, Acc.light: 0.6194, Acc.truck: 0.4931, Acc.tower: 0.4428, Acc.chandelier: 0.7986, Acc.awning: 0.4072, Acc.streetlight: 0.3777, Acc.booth: 0.6830, Acc.television receiver: 0.8971, Acc.airplane: 0.7179, Acc.dirt track: 0.2726, Acc.apparel: 0.7912, Acc.pole: 0.3933, Acc.land: 0.0369, Acc.bannister: 0.1522, Acc.escalator: 0.8344, Acc.ottoman: 0.5701, Acc.bottle: 0.7405, Acc.buffet: 0.6100, Acc.poster: 0.2778, Acc.stage: 0.3206, Acc.van: 0.6193, Acc.ship: 0.7580, Acc.fountain: 0.4504, Acc.conveyer belt: 0.9658, Acc.canopy: 0.7538, Acc.washer: 0.9288, Acc.plaything: 0.4164, Acc.swimming pool: 0.8768, Acc.stool: 0.5715, Acc.barrel: 0.5395, Acc.basket: 0.5119, Acc.waterfall: 0.5826, Acc.tent: 0.9854, Acc.bag: 0.2757, Acc.minibike: 0.8664, Acc.cradle: 0.9771, Acc.oven: 0.7551, Acc.ball: 0.6893, Acc.food: 0.7449, Acc.step: 0.1576, Acc.tank: 0.7445, Acc.trade name: 0.2994, Acc.microwave: 0.9351, Acc.pot: 0.5858, Acc.animal: 0.6512, Acc.bicycle: 0.7099, Acc.lake: 0.6620, Acc.dishwasher: 0.7242, Acc.screen: 0.7254, Acc.blanket: 0.2848, Acc.sculpture: 0.8669, Acc.hood: 0.7421, Acc.sconce: 0.6471, Acc.vase: 0.5378, Acc.traffic light: 0.4755, Acc.tray: 0.2312, Acc.ashcan: 0.5701, Acc.fan: 0.7400, Acc.pier: 0.4537, Acc.crt screen: 0.0513, Acc.plate: 0.7304, Acc.monitor: 0.7752, Acc.bulletin board: 0.4553, Acc.shower: 0.1052, Acc.radiator: 0.7403, Acc.glass: 0.1943, Acc.clock: 0.4672, Acc.flag: 0.5988 2023-11-11 00:06:22,424 - mmseg - INFO - Iter [58050/80000] lr: 1.098e-05, eta: 4:56:12, time: 2.304, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1426, decode.acc_seg: 93.6792, aux.loss_ce: 0.2858, aux.acc_seg: 73.9110, loss: 0.4284 2023-11-11 00:06:59,432 - mmseg - INFO - Iter [58100/80000] lr: 1.095e-05, eta: 4:55:31, time: 0.740, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1510, decode.acc_seg: 93.5639, aux.loss_ce: 0.2867, aux.acc_seg: 74.8644, loss: 0.4377 2023-11-11 00:07:34,097 - mmseg - INFO - Iter [58150/80000] lr: 1.093e-05, eta: 4:54:48, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1413, decode.acc_seg: 93.9694, aux.loss_ce: 0.2793, aux.acc_seg: 75.7164, loss: 0.4206 2023-11-11 00:08:08,759 - mmseg - INFO - Iter [58200/80000] lr: 1.090e-05, eta: 4:54:05, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1453, decode.acc_seg: 93.6867, aux.loss_ce: 0.2760, aux.acc_seg: 75.1518, loss: 0.4213 2023-11-11 00:08:43,412 - mmseg - INFO - Iter [58250/80000] lr: 1.088e-05, eta: 4:53:23, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1401, decode.acc_seg: 93.6989, aux.loss_ce: 0.2671, aux.acc_seg: 74.9761, loss: 0.4073 2023-11-11 00:09:18,117 - mmseg - INFO - Iter [58300/80000] lr: 1.085e-05, eta: 4:52:40, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1425, decode.acc_seg: 93.6813, aux.loss_ce: 0.2795, aux.acc_seg: 74.6177, loss: 0.4220 2023-11-11 00:09:52,807 - mmseg - INFO - Iter [58350/80000] lr: 1.083e-05, eta: 4:51:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1474, decode.acc_seg: 93.5429, aux.loss_ce: 0.2812, aux.acc_seg: 74.1849, loss: 0.4286 2023-11-11 00:10:27,485 - mmseg - INFO - Iter [58400/80000] lr: 1.080e-05, eta: 4:51:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1470, decode.acc_seg: 93.6084, aux.loss_ce: 0.2863, aux.acc_seg: 73.9121, loss: 0.4333 2023-11-11 00:11:02,151 - mmseg - INFO - Iter [58450/80000] lr: 1.078e-05, eta: 4:50:32, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1438, decode.acc_seg: 93.6423, aux.loss_ce: 0.2921, aux.acc_seg: 73.8246, loss: 0.4359 2023-11-11 00:11:36,813 - mmseg - INFO - Iter [58500/80000] lr: 1.075e-05, eta: 4:49:50, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1489, decode.acc_seg: 93.4883, aux.loss_ce: 0.2805, aux.acc_seg: 74.5575, loss: 0.4294 2023-11-11 00:12:11,480 - mmseg - INFO - Iter [58550/80000] lr: 1.073e-05, eta: 4:49:07, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1492, decode.acc_seg: 93.5441, aux.loss_ce: 0.3052, aux.acc_seg: 73.0436, loss: 0.4544 2023-11-11 00:12:46,123 - mmseg - INFO - Iter [58600/80000] lr: 1.070e-05, eta: 4:48:25, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1412, decode.acc_seg: 93.7663, aux.loss_ce: 0.2854, aux.acc_seg: 74.3527, loss: 0.4266 2023-11-11 00:13:20,808 - mmseg - INFO - Iter [58650/80000] lr: 1.068e-05, eta: 4:47:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1403, decode.acc_seg: 93.9199, aux.loss_ce: 0.2764, aux.acc_seg: 75.4732, loss: 0.4167 2023-11-11 00:13:55,491 - mmseg - INFO - Iter [58700/80000] lr: 1.065e-05, eta: 4:47:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1494, decode.acc_seg: 93.4855, aux.loss_ce: 0.2830, aux.acc_seg: 74.2524, loss: 0.4324 2023-11-11 00:14:30,160 - mmseg - INFO - Iter [58750/80000] lr: 1.063e-05, eta: 4:46:17, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1410, decode.acc_seg: 93.9150, aux.loss_ce: 0.2779, aux.acc_seg: 75.5704, loss: 0.4189 2023-11-11 00:15:04,854 - mmseg - INFO - Iter [58800/80000] lr: 1.060e-05, eta: 4:45:35, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1440, decode.acc_seg: 93.6227, aux.loss_ce: 0.2798, aux.acc_seg: 74.7528, loss: 0.4238 2023-11-11 00:15:39,519 - mmseg - INFO - Iter [58850/80000] lr: 1.058e-05, eta: 4:44:52, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1419, decode.acc_seg: 93.7470, aux.loss_ce: 0.2758, aux.acc_seg: 75.2810, loss: 0.4177 2023-11-11 00:16:14,168 - mmseg - INFO - Iter [58900/80000] lr: 1.055e-05, eta: 4:44:10, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1484, decode.acc_seg: 93.6134, aux.loss_ce: 0.2862, aux.acc_seg: 73.9341, loss: 0.4346 2023-11-11 00:16:48,811 - mmseg - INFO - Iter [58950/80000] lr: 1.053e-05, eta: 4:43:27, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1516, decode.acc_seg: 93.5981, aux.loss_ce: 0.2942, aux.acc_seg: 73.9021, loss: 0.4457 2023-11-11 00:17:23,454 - mmseg - INFO - Saving checkpoint at 59000 iterations 2023-11-11 00:17:51,931 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:17:51,931 - mmseg - INFO - Iter [59000/80000] lr: 1.050e-05, eta: 4:42:55, time: 1.262, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1439, decode.acc_seg: 93.6652, aux.loss_ce: 0.2804, aux.acc_seg: 74.8284, loss: 0.4244 2023-11-11 00:19:12,288 - mmseg - INFO - per class results: 2023-11-11 00:19:12,293 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.75 | 89.63 | | building | 84.71 | 93.72 | | sky | 94.64 | 97.73 | | floor | 82.35 | 91.4 | | tree | 74.87 | 88.19 | | ceiling | 84.85 | 92.7 | | road | 85.46 | 91.23 | | bed | 90.78 | 96.97 | | windowpane | 63.96 | 80.75 | | grass | 71.45 | 85.31 | | cabinet | 61.07 | 73.82 | | sidewalk | 68.51 | 81.85 | | person | 82.49 | 94.74 | | earth | 40.41 | 54.63 | | door | 50.86 | 65.43 | | table | 64.23 | 77.7 | | mountain | 62.12 | 71.96 | | plant | 53.78 | 65.28 | | curtain | 74.91 | 85.54 | | chair | 61.21 | 73.68 | | car | 86.04 | 94.21 | | water | 60.16 | 73.22 | | painting | 74.28 | 87.61 | | sofa | 71.66 | 85.07 | | shelf | 44.03 | 60.61 | | house | 55.41 | 71.69 | | sea | 64.34 | 82.22 | | mirror | 74.57 | 82.96 | | rug | 57.38 | 66.73 | | field | 30.29 | 45.23 | | armchair | 47.03 | 66.35 | | seat | 67.05 | 84.8 | | fence | 45.89 | 60.2 | | desk | 53.12 | 75.16 | | rock | 55.59 | 78.38 | | wardrobe | 55.03 | 74.18 | | lamp | 69.54 | 81.39 | | bathtub | 82.76 | 86.8 | | railing | 30.39 | 39.82 | | cushion | 63.49 | 75.84 | | base | 29.86 | 42.63 | | box | 33.59 | 44.09 | | column | 49.05 | 55.19 | | signboard | 34.72 | 45.98 | | chest of drawers | 41.49 | 59.46 | | counter | 43.68 | 51.33 | | sand | 53.91 | 77.8 | | sink | 75.28 | 81.41 | | skyscraper | 47.95 | 59.29 | | fireplace | 72.36 | 88.65 | | refrigerator | 77.88 | 86.52 | | grandstand | 58.73 | 77.35 | | path | 24.1 | 30.74 | | stairs | 39.0 | 46.21 | | runway | 71.27 | 93.4 | | case | 58.35 | 74.91 | | pool table | 94.08 | 97.84 | | pillow | 58.26 | 65.88 | | screen door | 65.01 | 69.36 | | stairway | 45.62 | 60.76 | | river | 13.37 | 30.36 | | bridge | 65.04 | 73.57 | | bookcase | 44.1 | 62.61 | | blind | 36.03 | 40.13 | | coffee table | 61.51 | 83.35 | | toilet | 86.25 | 91.97 | | flower | 47.76 | 64.7 | | book | 53.74 | 76.5 | | hill | 12.1 | 19.88 | | bench | 55.4 | 63.81 | | countertop | 63.83 | 81.19 | | stove | 77.93 | 85.65 | | palm | 54.08 | 76.64 | | kitchen island | 42.19 | 55.75 | | computer | 72.38 | 85.0 | | swivel chair | 39.99 | 57.91 | | boat | 66.14 | 85.28 | | bar | 71.45 | 88.52 | | arcade machine | 77.91 | 82.64 | | hovel | 33.84 | 38.89 | | bus | 90.93 | 95.54 | | towel | 72.64 | 83.59 | | light | 54.56 | 60.51 | | truck | 43.09 | 54.33 | | tower | 31.35 | 43.34 | | chandelier | 70.1 | 79.48 | | awning | 35.2 | 44.19 | | streetlight | 29.04 | 34.56 | | booth | 57.47 | 68.51 | | television receiver | 80.67 | 89.67 | | airplane | 65.59 | 76.54 | | dirt track | 6.97 | 18.83 | | apparel | 61.08 | 72.31 | | pole | 28.11 | 39.37 | | land | 2.25 | 3.58 | | bannister | 13.05 | 19.99 | | escalator | 58.16 | 81.55 | | ottoman | 47.0 | 60.9 | | bottle | 41.64 | 69.13 | | buffet | 54.77 | 61.47 | | poster | 23.64 | 27.0 | | stage | 16.38 | 35.45 | | van | 46.41 | 57.2 | | ship | 68.39 | 80.08 | | fountain | 57.36 | 59.01 | | conveyer belt | 74.2 | 95.51 | | canopy | 49.51 | 60.5 | | washer | 85.36 | 92.69 | | plaything | 25.65 | 42.4 | | swimming pool | 62.38 | 81.97 | | stool | 47.52 | 60.97 | | barrel | 55.2 | 59.42 | | basket | 38.43 | 49.0 | | waterfall | 50.96 | 58.99 | | tent | 95.45 | 98.3 | | bag | 20.82 | 23.62 | | minibike | 73.36 | 87.31 | | cradle | 87.03 | 97.41 | | oven | 57.49 | 75.16 | | ball | 55.49 | 64.02 | | food | 54.25 | 72.54 | | step | 14.72 | 16.06 | | tank | 60.37 | 68.22 | | trade name | 19.54 | 21.15 | | microwave | 84.35 | 94.8 | | pot | 51.09 | 57.94 | | animal | 61.66 | 63.95 | | bicycle | 55.62 | 69.66 | | lake | 52.9 | 67.16 | | dishwasher | 60.01 | 72.82 | | screen | 51.28 | 64.27 | | blanket | 23.18 | 27.81 | | sculpture | 68.38 | 86.75 | | hood | 67.35 | 72.27 | | sconce | 54.02 | 65.43 | | vase | 41.08 | 57.66 | | traffic light | 37.35 | 50.91 | | tray | 14.32 | 16.76 | | ashcan | 49.54 | 60.73 | | fan | 65.23 | 75.57 | | pier | 34.02 | 42.68 | | crt screen | 9.27 | 14.27 | | plate | 57.44 | 72.88 | | monitor | 62.44 | 82.4 | | bulletin board | 40.5 | 46.79 | | shower | 6.92 | 9.12 | | radiator | 61.71 | 70.64 | | glass | 16.12 | 17.05 | | clock | 42.8 | 48.68 | | flag | 44.04 | 46.39 | +---------------------+-------+-------+ 2023-11-11 00:19:12,293 - mmseg - INFO - Summary: 2023-11-11 00:19:12,293 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.8 | 54.44 | 65.83 | +------+-------+-------+ 2023-11-11 00:19:12,294 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:19:12,294 - mmseg - INFO - Iter(val) [250] aAcc: 0.8480, mIoU: 0.5444, mAcc: 0.6583, IoU.wall: 0.7975, IoU.building: 0.8471, IoU.sky: 0.9464, IoU.floor: 0.8235, IoU.tree: 0.7487, IoU.ceiling: 0.8485, IoU.road: 0.8546, IoU.bed : 0.9078, IoU.windowpane: 0.6396, IoU.grass: 0.7145, IoU.cabinet: 0.6107, IoU.sidewalk: 0.6851, IoU.person: 0.8249, IoU.earth: 0.4041, IoU.door: 0.5086, IoU.table: 0.6423, IoU.mountain: 0.6212, IoU.plant: 0.5378, IoU.curtain: 0.7491, IoU.chair: 0.6121, IoU.car: 0.8604, IoU.water: 0.6016, IoU.painting: 0.7428, IoU.sofa: 0.7166, IoU.shelf: 0.4403, IoU.house: 0.5541, IoU.sea: 0.6434, IoU.mirror: 0.7457, IoU.rug: 0.5738, IoU.field: 0.3029, IoU.armchair: 0.4703, IoU.seat: 0.6705, IoU.fence: 0.4589, IoU.desk: 0.5312, IoU.rock: 0.5559, IoU.wardrobe: 0.5503, IoU.lamp: 0.6954, IoU.bathtub: 0.8276, IoU.railing: 0.3039, IoU.cushion: 0.6349, IoU.base: 0.2986, IoU.box: 0.3359, IoU.column: 0.4905, IoU.signboard: 0.3472, IoU.chest of drawers: 0.4149, IoU.counter: 0.4368, IoU.sand: 0.5391, IoU.sink: 0.7528, IoU.skyscraper: 0.4795, IoU.fireplace: 0.7236, IoU.refrigerator: 0.7788, IoU.grandstand: 0.5873, IoU.path: 0.2410, IoU.stairs: 0.3900, IoU.runway: 0.7127, IoU.case: 0.5835, IoU.pool table: 0.9408, IoU.pillow: 0.5826, IoU.screen door: 0.6501, IoU.stairway: 0.4562, IoU.river: 0.1337, IoU.bridge: 0.6504, IoU.bookcase: 0.4410, IoU.blind: 0.3603, IoU.coffee table: 0.6151, IoU.toilet: 0.8625, IoU.flower: 0.4776, IoU.book: 0.5374, IoU.hill: 0.1210, IoU.bench: 0.5540, IoU.countertop: 0.6383, IoU.stove: 0.7793, IoU.palm: 0.5408, IoU.kitchen island: 0.4219, IoU.computer: 0.7238, IoU.swivel chair: 0.3999, IoU.boat: 0.6614, IoU.bar: 0.7145, IoU.arcade machine: 0.7791, IoU.hovel: 0.3384, IoU.bus: 0.9093, IoU.towel: 0.7264, IoU.light: 0.5456, IoU.truck: 0.4309, IoU.tower: 0.3135, IoU.chandelier: 0.7010, IoU.awning: 0.3520, IoU.streetlight: 0.2904, IoU.booth: 0.5747, IoU.television receiver: 0.8067, IoU.airplane: 0.6559, IoU.dirt track: 0.0697, IoU.apparel: 0.6108, IoU.pole: 0.2811, IoU.land: 0.0225, IoU.bannister: 0.1305, IoU.escalator: 0.5816, IoU.ottoman: 0.4700, IoU.bottle: 0.4164, IoU.buffet: 0.5477, IoU.poster: 0.2364, IoU.stage: 0.1638, IoU.van: 0.4641, IoU.ship: 0.6839, IoU.fountain: 0.5736, IoU.conveyer belt: 0.7420, IoU.canopy: 0.4951, IoU.washer: 0.8536, IoU.plaything: 0.2565, IoU.swimming pool: 0.6238, IoU.stool: 0.4752, IoU.barrel: 0.5520, IoU.basket: 0.3843, IoU.waterfall: 0.5096, IoU.tent: 0.9545, IoU.bag: 0.2082, IoU.minibike: 0.7336, IoU.cradle: 0.8703, IoU.oven: 0.5749, IoU.ball: 0.5549, IoU.food: 0.5425, IoU.step: 0.1472, IoU.tank: 0.6037, IoU.trade name: 0.1954, IoU.microwave: 0.8435, IoU.pot: 0.5109, IoU.animal: 0.6166, IoU.bicycle: 0.5562, IoU.lake: 0.5290, IoU.dishwasher: 0.6001, IoU.screen: 0.5128, IoU.blanket: 0.2318, IoU.sculpture: 0.6838, IoU.hood: 0.6735, IoU.sconce: 0.5402, IoU.vase: 0.4108, IoU.traffic light: 0.3735, IoU.tray: 0.1432, IoU.ashcan: 0.4954, IoU.fan: 0.6523, IoU.pier: 0.3402, IoU.crt screen: 0.0927, IoU.plate: 0.5744, IoU.monitor: 0.6244, IoU.bulletin board: 0.4050, IoU.shower: 0.0692, IoU.radiator: 0.6171, IoU.glass: 0.1612, IoU.clock: 0.4280, IoU.flag: 0.4404, Acc.wall: 0.8963, Acc.building: 0.9372, Acc.sky: 0.9773, Acc.floor: 0.9140, Acc.tree: 0.8819, Acc.ceiling: 0.9270, Acc.road: 0.9123, Acc.bed : 0.9697, Acc.windowpane: 0.8075, Acc.grass: 0.8531, Acc.cabinet: 0.7382, Acc.sidewalk: 0.8185, Acc.person: 0.9474, Acc.earth: 0.5463, Acc.door: 0.6543, Acc.table: 0.7770, Acc.mountain: 0.7196, Acc.plant: 0.6528, Acc.curtain: 0.8554, Acc.chair: 0.7368, Acc.car: 0.9421, Acc.water: 0.7322, Acc.painting: 0.8761, Acc.sofa: 0.8507, Acc.shelf: 0.6061, Acc.house: 0.7169, Acc.sea: 0.8222, Acc.mirror: 0.8296, Acc.rug: 0.6673, Acc.field: 0.4523, Acc.armchair: 0.6635, Acc.seat: 0.8480, Acc.fence: 0.6020, Acc.desk: 0.7516, Acc.rock: 0.7838, Acc.wardrobe: 0.7418, Acc.lamp: 0.8139, Acc.bathtub: 0.8680, Acc.railing: 0.3982, Acc.cushion: 0.7584, Acc.base: 0.4263, Acc.box: 0.4409, Acc.column: 0.5519, Acc.signboard: 0.4598, Acc.chest of drawers: 0.5946, Acc.counter: 0.5133, Acc.sand: 0.7780, Acc.sink: 0.8141, Acc.skyscraper: 0.5929, Acc.fireplace: 0.8865, Acc.refrigerator: 0.8652, Acc.grandstand: 0.7735, Acc.path: 0.3074, Acc.stairs: 0.4621, Acc.runway: 0.9340, Acc.case: 0.7491, Acc.pool table: 0.9784, Acc.pillow: 0.6588, Acc.screen door: 0.6936, Acc.stairway: 0.6076, Acc.river: 0.3036, Acc.bridge: 0.7357, Acc.bookcase: 0.6261, Acc.blind: 0.4013, Acc.coffee table: 0.8335, Acc.toilet: 0.9197, Acc.flower: 0.6470, Acc.book: 0.7650, Acc.hill: 0.1988, Acc.bench: 0.6381, Acc.countertop: 0.8119, Acc.stove: 0.8565, Acc.palm: 0.7664, Acc.kitchen island: 0.5575, Acc.computer: 0.8500, Acc.swivel chair: 0.5791, Acc.boat: 0.8528, Acc.bar: 0.8852, Acc.arcade machine: 0.8264, Acc.hovel: 0.3889, Acc.bus: 0.9554, Acc.towel: 0.8359, Acc.light: 0.6051, Acc.truck: 0.5433, Acc.tower: 0.4334, Acc.chandelier: 0.7948, Acc.awning: 0.4419, Acc.streetlight: 0.3456, Acc.booth: 0.6851, Acc.television receiver: 0.8967, Acc.airplane: 0.7654, Acc.dirt track: 0.1883, Acc.apparel: 0.7231, Acc.pole: 0.3937, Acc.land: 0.0358, Acc.bannister: 0.1999, Acc.escalator: 0.8155, Acc.ottoman: 0.6090, Acc.bottle: 0.6913, Acc.buffet: 0.6147, Acc.poster: 0.2700, Acc.stage: 0.3545, Acc.van: 0.5720, Acc.ship: 0.8008, Acc.fountain: 0.5901, Acc.conveyer belt: 0.9551, Acc.canopy: 0.6050, Acc.washer: 0.9269, Acc.plaything: 0.4240, Acc.swimming pool: 0.8197, Acc.stool: 0.6097, Acc.barrel: 0.5942, Acc.basket: 0.4900, Acc.waterfall: 0.5899, Acc.tent: 0.9830, Acc.bag: 0.2362, Acc.minibike: 0.8731, Acc.cradle: 0.9741, Acc.oven: 0.7516, Acc.ball: 0.6402, Acc.food: 0.7254, Acc.step: 0.1606, Acc.tank: 0.6822, Acc.trade name: 0.2115, Acc.microwave: 0.9480, Acc.pot: 0.5794, Acc.animal: 0.6395, Acc.bicycle: 0.6966, Acc.lake: 0.6716, Acc.dishwasher: 0.7282, Acc.screen: 0.6427, Acc.blanket: 0.2781, Acc.sculpture: 0.8675, Acc.hood: 0.7227, Acc.sconce: 0.6543, Acc.vase: 0.5766, Acc.traffic light: 0.5091, Acc.tray: 0.1676, Acc.ashcan: 0.6073, Acc.fan: 0.7557, Acc.pier: 0.4268, Acc.crt screen: 0.1427, Acc.plate: 0.7288, Acc.monitor: 0.8240, Acc.bulletin board: 0.4679, Acc.shower: 0.0912, Acc.radiator: 0.7064, Acc.glass: 0.1705, Acc.clock: 0.4868, Acc.flag: 0.4639 2023-11-11 00:19:47,066 - mmseg - INFO - Iter [59050/80000] lr: 1.048e-05, eta: 4:42:41, time: 2.303, data_time: 1.615, memory: 60073, decode.loss_ce: 0.1375, decode.acc_seg: 93.9435, aux.loss_ce: 0.2749, aux.acc_seg: 74.9934, loss: 0.4125 2023-11-11 00:20:21,772 - mmseg - INFO - Iter [59100/80000] lr: 1.045e-05, eta: 4:41:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1394, decode.acc_seg: 93.7307, aux.loss_ce: 0.2688, aux.acc_seg: 75.4622, loss: 0.4082 2023-11-11 00:20:56,455 - mmseg - INFO - Iter [59150/80000] lr: 1.043e-05, eta: 4:41:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1446, decode.acc_seg: 93.5239, aux.loss_ce: 0.2796, aux.acc_seg: 74.8766, loss: 0.4241 2023-11-11 00:21:31,126 - mmseg - INFO - Iter [59200/80000] lr: 1.040e-05, eta: 4:40:33, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1506, decode.acc_seg: 93.3286, aux.loss_ce: 0.3000, aux.acc_seg: 73.5152, loss: 0.4506 2023-11-11 00:22:05,825 - mmseg - INFO - Iter [59250/80000] lr: 1.038e-05, eta: 4:39:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1505, decode.acc_seg: 93.5659, aux.loss_ce: 0.2835, aux.acc_seg: 74.9595, loss: 0.4340 2023-11-11 00:22:40,535 - mmseg - INFO - Iter [59300/80000] lr: 1.035e-05, eta: 4:39:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1434, decode.acc_seg: 93.7422, aux.loss_ce: 0.2810, aux.acc_seg: 74.6922, loss: 0.4244 2023-11-11 00:23:15,231 - mmseg - INFO - Iter [59350/80000] lr: 1.033e-05, eta: 4:38:26, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1397, decode.acc_seg: 93.7980, aux.loss_ce: 0.2711, aux.acc_seg: 75.4473, loss: 0.4108 2023-11-11 00:23:52,246 - mmseg - INFO - Iter [59400/80000] lr: 1.030e-05, eta: 4:37:44, time: 0.740, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1459, decode.acc_seg: 93.5147, aux.loss_ce: 0.2879, aux.acc_seg: 73.9617, loss: 0.4339 2023-11-11 00:24:26,937 - mmseg - INFO - Iter [59450/80000] lr: 1.028e-05, eta: 4:37:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1459, decode.acc_seg: 93.5347, aux.loss_ce: 0.2815, aux.acc_seg: 74.6931, loss: 0.4274 2023-11-11 00:25:01,624 - mmseg - INFO - Iter [59500/80000] lr: 1.025e-05, eta: 4:36:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1410, decode.acc_seg: 93.7593, aux.loss_ce: 0.2784, aux.acc_seg: 75.0537, loss: 0.4194 2023-11-11 00:25:36,294 - mmseg - INFO - Iter [59550/80000] lr: 1.023e-05, eta: 4:35:37, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1391, decode.acc_seg: 93.9127, aux.loss_ce: 0.2816, aux.acc_seg: 74.6066, loss: 0.4207 2023-11-11 00:26:10,964 - mmseg - INFO - Iter [59600/80000] lr: 1.020e-05, eta: 4:34:55, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1460, decode.acc_seg: 93.6677, aux.loss_ce: 0.2754, aux.acc_seg: 75.2105, loss: 0.4214 2023-11-11 00:26:45,666 - mmseg - INFO - Iter [59650/80000] lr: 1.018e-05, eta: 4:34:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1426, decode.acc_seg: 93.8366, aux.loss_ce: 0.2904, aux.acc_seg: 74.4602, loss: 0.4330 2023-11-11 00:27:20,351 - mmseg - INFO - Iter [59700/80000] lr: 1.015e-05, eta: 4:33:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1340, decode.acc_seg: 94.0504, aux.loss_ce: 0.2749, aux.acc_seg: 75.4479, loss: 0.4089 2023-11-11 00:27:55,053 - mmseg - INFO - Iter [59750/80000] lr: 1.013e-05, eta: 4:32:48, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1458, decode.acc_seg: 93.5671, aux.loss_ce: 0.2858, aux.acc_seg: 74.2343, loss: 0.4316 2023-11-11 00:28:29,763 - mmseg - INFO - Iter [59800/80000] lr: 1.010e-05, eta: 4:32:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1423, decode.acc_seg: 93.7192, aux.loss_ce: 0.2783, aux.acc_seg: 74.6620, loss: 0.4206 2023-11-11 00:29:04,462 - mmseg - INFO - Iter [59850/80000] lr: 1.008e-05, eta: 4:31:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1371, decode.acc_seg: 93.8803, aux.loss_ce: 0.2749, aux.acc_seg: 74.9514, loss: 0.4119 2023-11-11 00:29:39,128 - mmseg - INFO - Iter [59900/80000] lr: 1.005e-05, eta: 4:30:41, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1431, decode.acc_seg: 93.6953, aux.loss_ce: 0.2907, aux.acc_seg: 74.1577, loss: 0.4338 2023-11-11 00:30:13,831 - mmseg - INFO - Iter [59950/80000] lr: 1.003e-05, eta: 4:29:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1381, decode.acc_seg: 93.9354, aux.loss_ce: 0.2951, aux.acc_seg: 73.2698, loss: 0.4331 2023-11-11 00:30:48,514 - mmseg - INFO - Saving checkpoint at 60000 iterations 2023-11-11 00:31:18,912 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:31:18,912 - mmseg - INFO - Iter [60000/80000] lr: 1.000e-05, eta: 4:29:26, time: 1.302, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1461, decode.acc_seg: 93.5021, aux.loss_ce: 0.2833, aux.acc_seg: 74.7741, loss: 0.4293 2023-11-11 00:32:39,344 - mmseg - INFO - per class results: 2023-11-11 00:32:39,350 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.3 | 89.82 | | building | 84.35 | 93.81 | | sky | 94.61 | 97.66 | | floor | 82.22 | 91.32 | | tree | 74.61 | 88.27 | | ceiling | 84.86 | 93.95 | | road | 85.21 | 91.51 | | bed | 90.99 | 96.84 | | windowpane | 63.08 | 81.13 | | grass | 68.47 | 79.57 | | cabinet | 61.62 | 71.89 | | sidewalk | 68.52 | 82.0 | | person | 82.85 | 94.18 | | earth | 40.14 | 54.99 | | door | 49.73 | 60.38 | | table | 64.58 | 78.55 | | mountain | 60.04 | 74.07 | | plant | 53.28 | 63.85 | | curtain | 73.72 | 81.36 | | chair | 61.08 | 76.1 | | car | 85.94 | 93.37 | | water | 59.25 | 72.48 | | painting | 74.24 | 89.09 | | sofa | 71.03 | 83.31 | | shelf | 43.61 | 60.42 | | house | 53.7 | 69.21 | | sea | 68.35 | 82.02 | | mirror | 72.9 | 81.41 | | rug | 56.13 | 66.06 | | field | 28.95 | 48.12 | | armchair | 44.09 | 57.45 | | seat | 65.13 | 85.18 | | fence | 46.02 | 61.64 | | desk | 52.92 | 77.03 | | rock | 45.28 | 65.32 | | wardrobe | 54.36 | 69.4 | | lamp | 69.77 | 80.87 | | bathtub | 81.55 | 86.08 | | railing | 31.72 | 41.62 | | cushion | 63.72 | 79.23 | | base | 29.69 | 42.77 | | box | 32.14 | 39.41 | | column | 50.54 | 55.14 | | signboard | 34.69 | 48.6 | | chest of drawers | 41.62 | 63.41 | | counter | 46.55 | 54.07 | | sand | 56.85 | 82.58 | | sink | 74.76 | 80.92 | | skyscraper | 45.57 | 52.39 | | fireplace | 73.13 | 89.3 | | refrigerator | 77.94 | 87.74 | | grandstand | 56.08 | 75.06 | | path | 25.71 | 33.3 | | stairs | 39.61 | 48.01 | | runway | 71.76 | 93.82 | | case | 58.77 | 72.38 | | pool table | 94.11 | 97.49 | | pillow | 61.17 | 68.03 | | screen door | 63.31 | 65.25 | | stairway | 43.88 | 56.67 | | river | 11.44 | 28.73 | | bridge | 61.87 | 71.37 | | bookcase | 43.23 | 59.5 | | blind | 31.46 | 33.18 | | coffee table | 62.07 | 81.47 | | toilet | 86.47 | 92.04 | | flower | 47.76 | 66.56 | | book | 53.8 | 78.19 | | hill | 9.31 | 14.2 | | bench | 53.36 | 63.27 | | countertop | 60.86 | 80.38 | | stove | 78.15 | 85.66 | | palm | 53.21 | 76.37 | | kitchen island | 44.28 | 63.11 | | computer | 74.59 | 89.46 | | swivel chair | 39.61 | 60.63 | | boat | 69.82 | 80.72 | | bar | 74.24 | 86.52 | | arcade machine | 78.17 | 83.74 | | hovel | 46.96 | 59.17 | | bus | 91.06 | 96.0 | | towel | 72.12 | 82.19 | | light | 54.42 | 59.88 | | truck | 42.79 | 50.73 | | tower | 26.93 | 36.68 | | chandelier | 70.51 | 82.26 | | awning | 33.56 | 40.85 | | streetlight | 29.92 | 37.07 | | booth | 55.87 | 73.7 | | television receiver | 80.04 | 89.33 | | airplane | 65.07 | 76.71 | | dirt track | 9.51 | 25.59 | | apparel | 58.23 | 64.31 | | pole | 26.07 | 34.95 | | land | 2.2 | 4.24 | | bannister | 11.93 | 16.3 | | escalator | 58.32 | 82.24 | | ottoman | 40.88 | 49.48 | | bottle | 43.06 | 69.85 | | buffet | 52.16 | 59.09 | | poster | 25.6 | 32.45 | | stage | 18.46 | 39.48 | | van | 45.48 | 57.84 | | ship | 70.15 | 79.09 | | fountain | 48.06 | 49.19 | | conveyer belt | 71.76 | 95.58 | | canopy | 54.0 | 64.07 | | washer | 84.77 | 91.47 | | plaything | 27.12 | 48.34 | | swimming pool | 62.64 | 88.73 | | stool | 47.74 | 60.16 | | barrel | 51.19 | 55.5 | | basket | 38.4 | 50.05 | | waterfall | 54.34 | 61.94 | | tent | 95.52 | 98.3 | | bag | 22.71 | 26.44 | | minibike | 73.62 | 86.16 | | cradle | 87.96 | 97.45 | | oven | 63.3 | 76.39 | | ball | 55.39 | 66.14 | | food | 55.38 | 72.14 | | step | 14.56 | 16.02 | | tank | 58.51 | 70.43 | | trade name | 17.29 | 18.43 | | microwave | 86.75 | 93.31 | | pot | 49.64 | 56.51 | | animal | 60.95 | 62.94 | | bicycle | 55.25 | 70.24 | | lake | 50.82 | 63.72 | | dishwasher | 58.75 | 72.45 | | screen | 54.06 | 71.01 | | blanket | 27.27 | 32.65 | | sculpture | 71.35 | 85.02 | | hood | 68.19 | 73.03 | | sconce | 55.33 | 66.8 | | vase | 40.49 | 53.54 | | traffic light | 36.45 | 48.85 | | tray | 13.61 | 15.87 | | ashcan | 46.8 | 56.33 | | fan | 64.49 | 72.53 | | pier | 34.47 | 44.58 | | crt screen | 3.45 | 5.07 | | plate | 55.8 | 70.53 | | monitor | 62.6 | 72.45 | | bulletin board | 42.6 | 51.44 | | shower | 6.66 | 9.91 | | radiator | 59.51 | 66.09 | | glass | 16.75 | 17.81 | | clock | 45.32 | 51.3 | | flag | 49.52 | 52.42 | +---------------------+-------+-------+ 2023-11-11 00:32:39,350 - mmseg - INFO - Summary: 2023-11-11 00:32:39,350 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.54 | 54.24 | 65.47 | +-------+-------+-------+ 2023-11-11 00:32:39,351 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:32:39,351 - mmseg - INFO - Iter(val) [250] aAcc: 0.8454, mIoU: 0.5424, mAcc: 0.6547, IoU.wall: 0.7930, IoU.building: 0.8435, IoU.sky: 0.9461, IoU.floor: 0.8222, IoU.tree: 0.7461, IoU.ceiling: 0.8486, IoU.road: 0.8521, IoU.bed : 0.9099, IoU.windowpane: 0.6308, IoU.grass: 0.6847, IoU.cabinet: 0.6162, IoU.sidewalk: 0.6852, IoU.person: 0.8285, IoU.earth: 0.4014, IoU.door: 0.4973, IoU.table: 0.6458, IoU.mountain: 0.6004, IoU.plant: 0.5328, IoU.curtain: 0.7372, IoU.chair: 0.6108, IoU.car: 0.8594, IoU.water: 0.5925, IoU.painting: 0.7424, IoU.sofa: 0.7103, IoU.shelf: 0.4361, IoU.house: 0.5370, IoU.sea: 0.6835, IoU.mirror: 0.7290, IoU.rug: 0.5613, IoU.field: 0.2895, IoU.armchair: 0.4409, IoU.seat: 0.6513, IoU.fence: 0.4602, IoU.desk: 0.5292, IoU.rock: 0.4528, IoU.wardrobe: 0.5436, IoU.lamp: 0.6977, IoU.bathtub: 0.8155, IoU.railing: 0.3172, IoU.cushion: 0.6372, IoU.base: 0.2969, IoU.box: 0.3214, IoU.column: 0.5054, IoU.signboard: 0.3469, IoU.chest of drawers: 0.4162, IoU.counter: 0.4655, IoU.sand: 0.5685, IoU.sink: 0.7476, IoU.skyscraper: 0.4557, IoU.fireplace: 0.7313, IoU.refrigerator: 0.7794, IoU.grandstand: 0.5608, IoU.path: 0.2571, IoU.stairs: 0.3961, IoU.runway: 0.7176, IoU.case: 0.5877, IoU.pool table: 0.9411, IoU.pillow: 0.6117, IoU.screen door: 0.6331, IoU.stairway: 0.4388, IoU.river: 0.1144, IoU.bridge: 0.6187, IoU.bookcase: 0.4323, IoU.blind: 0.3146, IoU.coffee table: 0.6207, IoU.toilet: 0.8647, IoU.flower: 0.4776, IoU.book: 0.5380, IoU.hill: 0.0931, IoU.bench: 0.5336, IoU.countertop: 0.6086, IoU.stove: 0.7815, IoU.palm: 0.5321, IoU.kitchen island: 0.4428, IoU.computer: 0.7459, IoU.swivel chair: 0.3961, IoU.boat: 0.6982, IoU.bar: 0.7424, IoU.arcade machine: 0.7817, IoU.hovel: 0.4696, IoU.bus: 0.9106, IoU.towel: 0.7212, IoU.light: 0.5442, IoU.truck: 0.4279, IoU.tower: 0.2693, IoU.chandelier: 0.7051, IoU.awning: 0.3356, IoU.streetlight: 0.2992, IoU.booth: 0.5587, IoU.television receiver: 0.8004, IoU.airplane: 0.6507, IoU.dirt track: 0.0951, IoU.apparel: 0.5823, IoU.pole: 0.2607, IoU.land: 0.0220, IoU.bannister: 0.1193, IoU.escalator: 0.5832, IoU.ottoman: 0.4088, IoU.bottle: 0.4306, IoU.buffet: 0.5216, IoU.poster: 0.2560, IoU.stage: 0.1846, IoU.van: 0.4548, IoU.ship: 0.7015, IoU.fountain: 0.4806, IoU.conveyer belt: 0.7176, IoU.canopy: 0.5400, IoU.washer: 0.8477, IoU.plaything: 0.2712, IoU.swimming pool: 0.6264, IoU.stool: 0.4774, IoU.barrel: 0.5119, IoU.basket: 0.3840, IoU.waterfall: 0.5434, IoU.tent: 0.9552, IoU.bag: 0.2271, IoU.minibike: 0.7362, IoU.cradle: 0.8796, IoU.oven: 0.6330, IoU.ball: 0.5539, IoU.food: 0.5538, IoU.step: 0.1456, IoU.tank: 0.5851, IoU.trade name: 0.1729, IoU.microwave: 0.8675, IoU.pot: 0.4964, IoU.animal: 0.6095, IoU.bicycle: 0.5525, IoU.lake: 0.5082, IoU.dishwasher: 0.5875, IoU.screen: 0.5406, IoU.blanket: 0.2727, IoU.sculpture: 0.7135, IoU.hood: 0.6819, IoU.sconce: 0.5533, IoU.vase: 0.4049, IoU.traffic light: 0.3645, IoU.tray: 0.1361, IoU.ashcan: 0.4680, IoU.fan: 0.6449, IoU.pier: 0.3447, IoU.crt screen: 0.0345, IoU.plate: 0.5580, IoU.monitor: 0.6260, IoU.bulletin board: 0.4260, IoU.shower: 0.0666, IoU.radiator: 0.5951, IoU.glass: 0.1675, IoU.clock: 0.4532, IoU.flag: 0.4952, Acc.wall: 0.8982, Acc.building: 0.9381, Acc.sky: 0.9766, Acc.floor: 0.9132, Acc.tree: 0.8827, Acc.ceiling: 0.9395, Acc.road: 0.9151, Acc.bed : 0.9684, Acc.windowpane: 0.8113, Acc.grass: 0.7957, Acc.cabinet: 0.7189, Acc.sidewalk: 0.8200, Acc.person: 0.9418, Acc.earth: 0.5499, Acc.door: 0.6038, Acc.table: 0.7855, Acc.mountain: 0.7407, Acc.plant: 0.6385, Acc.curtain: 0.8136, Acc.chair: 0.7610, Acc.car: 0.9337, Acc.water: 0.7248, Acc.painting: 0.8909, Acc.sofa: 0.8331, Acc.shelf: 0.6042, Acc.house: 0.6921, Acc.sea: 0.8202, Acc.mirror: 0.8141, Acc.rug: 0.6606, Acc.field: 0.4812, Acc.armchair: 0.5745, Acc.seat: 0.8518, Acc.fence: 0.6164, Acc.desk: 0.7703, Acc.rock: 0.6532, Acc.wardrobe: 0.6940, Acc.lamp: 0.8087, Acc.bathtub: 0.8608, Acc.railing: 0.4162, Acc.cushion: 0.7923, Acc.base: 0.4277, Acc.box: 0.3941, Acc.column: 0.5514, Acc.signboard: 0.4860, Acc.chest of drawers: 0.6341, Acc.counter: 0.5407, Acc.sand: 0.8258, Acc.sink: 0.8092, Acc.skyscraper: 0.5239, Acc.fireplace: 0.8930, Acc.refrigerator: 0.8774, Acc.grandstand: 0.7506, Acc.path: 0.3330, Acc.stairs: 0.4801, Acc.runway: 0.9382, Acc.case: 0.7238, Acc.pool table: 0.9749, Acc.pillow: 0.6803, Acc.screen door: 0.6525, Acc.stairway: 0.5667, Acc.river: 0.2873, Acc.bridge: 0.7137, Acc.bookcase: 0.5950, Acc.blind: 0.3318, Acc.coffee table: 0.8147, Acc.toilet: 0.9204, Acc.flower: 0.6656, Acc.book: 0.7819, Acc.hill: 0.1420, Acc.bench: 0.6327, Acc.countertop: 0.8038, Acc.stove: 0.8566, Acc.palm: 0.7637, Acc.kitchen island: 0.6311, Acc.computer: 0.8946, Acc.swivel chair: 0.6063, Acc.boat: 0.8072, Acc.bar: 0.8652, Acc.arcade machine: 0.8374, Acc.hovel: 0.5917, Acc.bus: 0.9600, Acc.towel: 0.8219, Acc.light: 0.5988, Acc.truck: 0.5073, Acc.tower: 0.3668, Acc.chandelier: 0.8226, Acc.awning: 0.4085, Acc.streetlight: 0.3707, Acc.booth: 0.7370, Acc.television receiver: 0.8933, Acc.airplane: 0.7671, Acc.dirt track: 0.2559, Acc.apparel: 0.6431, Acc.pole: 0.3495, Acc.land: 0.0424, Acc.bannister: 0.1630, Acc.escalator: 0.8224, Acc.ottoman: 0.4948, Acc.bottle: 0.6985, Acc.buffet: 0.5909, Acc.poster: 0.3245, Acc.stage: 0.3948, Acc.van: 0.5784, Acc.ship: 0.7909, Acc.fountain: 0.4919, Acc.conveyer belt: 0.9558, Acc.canopy: 0.6407, Acc.washer: 0.9147, Acc.plaything: 0.4834, Acc.swimming pool: 0.8873, Acc.stool: 0.6016, Acc.barrel: 0.5550, Acc.basket: 0.5005, Acc.waterfall: 0.6194, Acc.tent: 0.9830, Acc.bag: 0.2644, Acc.minibike: 0.8616, Acc.cradle: 0.9745, Acc.oven: 0.7639, Acc.ball: 0.6614, Acc.food: 0.7214, Acc.step: 0.1602, Acc.tank: 0.7043, Acc.trade name: 0.1843, Acc.microwave: 0.9331, Acc.pot: 0.5651, Acc.animal: 0.6294, Acc.bicycle: 0.7024, Acc.lake: 0.6372, Acc.dishwasher: 0.7245, Acc.screen: 0.7101, Acc.blanket: 0.3265, Acc.sculpture: 0.8502, Acc.hood: 0.7303, Acc.sconce: 0.6680, Acc.vase: 0.5354, Acc.traffic light: 0.4885, Acc.tray: 0.1587, Acc.ashcan: 0.5633, Acc.fan: 0.7253, Acc.pier: 0.4458, Acc.crt screen: 0.0507, Acc.plate: 0.7053, Acc.monitor: 0.7245, Acc.bulletin board: 0.5144, Acc.shower: 0.0991, Acc.radiator: 0.6609, Acc.glass: 0.1781, Acc.clock: 0.5130, Acc.flag: 0.5242 2023-11-11 00:33:14,099 - mmseg - INFO - Iter [60050/80000] lr: 9.975e-06, eta: 4:29:11, time: 2.304, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1471, decode.acc_seg: 93.5346, aux.loss_ce: 0.2850, aux.acc_seg: 74.3688, loss: 0.4321 2023-11-11 00:33:48,748 - mmseg - INFO - Iter [60100/80000] lr: 9.951e-06, eta: 4:28:28, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1403, decode.acc_seg: 93.7260, aux.loss_ce: 0.2775, aux.acc_seg: 74.7875, loss: 0.4178 2023-11-11 00:34:23,407 - mmseg - INFO - Iter [60150/80000] lr: 9.926e-06, eta: 4:27:46, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1411, decode.acc_seg: 93.7363, aux.loss_ce: 0.2797, aux.acc_seg: 74.8713, loss: 0.4209 2023-11-11 00:34:58,084 - mmseg - INFO - Iter [60200/80000] lr: 9.901e-06, eta: 4:27:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1429, decode.acc_seg: 93.6366, aux.loss_ce: 0.2908, aux.acc_seg: 74.2535, loss: 0.4337 2023-11-11 00:35:32,751 - mmseg - INFO - Iter [60250/80000] lr: 9.876e-06, eta: 4:26:21, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1371, decode.acc_seg: 93.8961, aux.loss_ce: 0.2716, aux.acc_seg: 75.0477, loss: 0.4087 2023-11-11 00:36:07,406 - mmseg - INFO - Iter [60300/80000] lr: 9.851e-06, eta: 4:25:39, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1421, decode.acc_seg: 93.7153, aux.loss_ce: 0.2841, aux.acc_seg: 74.3245, loss: 0.4262 2023-11-11 00:36:42,071 - mmseg - INFO - Iter [60350/80000] lr: 9.825e-06, eta: 4:24:56, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1427, decode.acc_seg: 93.7712, aux.loss_ce: 0.2776, aux.acc_seg: 74.8028, loss: 0.4203 2023-11-11 00:37:16,731 - mmseg - INFO - Iter [60400/80000] lr: 9.800e-06, eta: 4:24:14, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1403, decode.acc_seg: 93.7604, aux.loss_ce: 0.2997, aux.acc_seg: 73.2160, loss: 0.4399 2023-11-11 00:37:51,365 - mmseg - INFO - Iter [60450/80000] lr: 9.775e-06, eta: 4:23:32, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1439, decode.acc_seg: 93.6854, aux.loss_ce: 0.2888, aux.acc_seg: 73.7464, loss: 0.4328 2023-11-11 00:38:26,032 - mmseg - INFO - Iter [60500/80000] lr: 9.751e-06, eta: 4:22:49, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1371, decode.acc_seg: 94.0846, aux.loss_ce: 0.2744, aux.acc_seg: 75.5321, loss: 0.4116 2023-11-11 00:39:00,693 - mmseg - INFO - Iter [60550/80000] lr: 9.726e-06, eta: 4:22:07, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1469, decode.acc_seg: 93.6939, aux.loss_ce: 0.2889, aux.acc_seg: 74.2178, loss: 0.4358 2023-11-11 00:39:35,342 - mmseg - INFO - Iter [60600/80000] lr: 9.701e-06, eta: 4:21:25, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1475, decode.acc_seg: 93.3893, aux.loss_ce: 0.2761, aux.acc_seg: 74.9618, loss: 0.4236 2023-11-11 00:40:12,408 - mmseg - INFO - Iter [60650/80000] lr: 9.676e-06, eta: 4:20:43, time: 0.741, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1405, decode.acc_seg: 93.8141, aux.loss_ce: 0.2744, aux.acc_seg: 75.6901, loss: 0.4149 2023-11-11 00:40:47,109 - mmseg - INFO - Iter [60700/80000] lr: 9.651e-06, eta: 4:20:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1411, decode.acc_seg: 93.8736, aux.loss_ce: 0.2791, aux.acc_seg: 74.9044, loss: 0.4202 2023-11-11 00:41:21,782 - mmseg - INFO - Iter [60750/80000] lr: 9.625e-06, eta: 4:19:19, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1397, decode.acc_seg: 93.8489, aux.loss_ce: 0.2876, aux.acc_seg: 73.8919, loss: 0.4273 2023-11-11 00:41:56,448 - mmseg - INFO - Iter [60800/80000] lr: 9.600e-06, eta: 4:18:37, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1399, decode.acc_seg: 93.8171, aux.loss_ce: 0.2801, aux.acc_seg: 74.8204, loss: 0.4200 2023-11-11 00:42:31,131 - mmseg - INFO - Iter [60850/80000] lr: 9.576e-06, eta: 4:17:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1443, decode.acc_seg: 93.6531, aux.loss_ce: 0.2890, aux.acc_seg: 74.2957, loss: 0.4334 2023-11-11 00:43:05,810 - mmseg - INFO - Iter [60900/80000] lr: 9.551e-06, eta: 4:17:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1401, decode.acc_seg: 93.8352, aux.loss_ce: 0.2811, aux.acc_seg: 74.6551, loss: 0.4213 2023-11-11 00:43:40,498 - mmseg - INFO - Iter [60950/80000] lr: 9.526e-06, eta: 4:16:30, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1449, decode.acc_seg: 93.6024, aux.loss_ce: 0.2903, aux.acc_seg: 74.5284, loss: 0.4352 2023-11-11 00:44:15,173 - mmseg - INFO - Saving checkpoint at 61000 iterations 2023-11-11 00:44:45,994 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:44:45,994 - mmseg - INFO - Iter [61000/80000] lr: 9.501e-06, eta: 4:15:57, time: 1.310, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1376, decode.acc_seg: 93.9032, aux.loss_ce: 0.2775, aux.acc_seg: 74.5790, loss: 0.4151 2023-11-11 00:46:06,397 - mmseg - INFO - per class results: 2023-11-11 00:46:06,403 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.45 | 89.78 | | building | 84.08 | 93.69 | | sky | 94.73 | 97.67 | | floor | 82.36 | 91.24 | | tree | 74.95 | 88.51 | | ceiling | 84.96 | 92.28 | | road | 84.94 | 92.16 | | bed | 91.54 | 97.21 | | windowpane | 63.69 | 80.92 | | grass | 70.06 | 84.77 | | cabinet | 62.13 | 74.37 | | sidewalk | 67.53 | 79.11 | | person | 82.57 | 94.18 | | earth | 40.34 | 52.64 | | door | 50.18 | 63.37 | | table | 63.94 | 75.58 | | mountain | 60.72 | 74.79 | | plant | 52.87 | 63.0 | | curtain | 74.35 | 84.1 | | chair | 61.5 | 75.13 | | car | 85.52 | 94.48 | | water | 62.28 | 75.65 | | painting | 75.33 | 88.2 | | sofa | 71.44 | 82.19 | | shelf | 44.36 | 59.9 | | house | 52.25 | 69.54 | | sea | 70.68 | 83.38 | | mirror | 73.53 | 81.36 | | rug | 56.45 | 64.85 | | field | 29.47 | 44.6 | | armchair | 49.64 | 66.96 | | seat | 65.19 | 85.14 | | fence | 46.85 | 63.2 | | desk | 52.88 | 76.44 | | rock | 47.18 | 68.58 | | wardrobe | 55.37 | 71.9 | | lamp | 69.74 | 82.11 | | bathtub | 82.02 | 85.93 | | railing | 33.76 | 45.25 | | cushion | 62.01 | 83.23 | | base | 31.23 | 42.61 | | box | 32.99 | 40.56 | | column | 52.44 | 59.12 | | signboard | 34.67 | 44.64 | | chest of drawers | 41.03 | 59.66 | | counter | 42.99 | 48.24 | | sand | 56.18 | 80.87 | | sink | 75.8 | 83.84 | | skyscraper | 52.24 | 64.26 | | fireplace | 72.09 | 88.42 | | refrigerator | 78.16 | 86.42 | | grandstand | 57.18 | 76.77 | | path | 25.95 | 35.56 | | stairs | 36.13 | 42.8 | | runway | 72.67 | 94.24 | | case | 58.21 | 73.4 | | pool table | 94.32 | 97.29 | | pillow | 60.77 | 67.84 | | screen door | 66.57 | 71.04 | | stairway | 41.67 | 57.28 | | river | 10.64 | 23.65 | | bridge | 67.27 | 75.75 | | bookcase | 43.61 | 59.32 | | blind | 35.48 | 39.41 | | coffee table | 62.95 | 83.64 | | toilet | 87.1 | 92.75 | | flower | 48.63 | 63.19 | | book | 53.15 | 77.79 | | hill | 11.06 | 17.71 | | bench | 52.49 | 59.44 | | countertop | 64.24 | 76.05 | | stove | 78.53 | 85.15 | | palm | 53.6 | 71.59 | | kitchen island | 47.49 | 66.06 | | computer | 74.24 | 89.45 | | swivel chair | 40.72 | 62.76 | | boat | 69.62 | 80.23 | | bar | 72.53 | 87.43 | | arcade machine | 79.0 | 84.18 | | hovel | 40.72 | 44.61 | | bus | 90.92 | 96.12 | | towel | 72.86 | 83.39 | | light | 56.72 | 63.34 | | truck | 43.47 | 52.28 | | tower | 32.82 | 45.12 | | chandelier | 70.99 | 83.69 | | awning | 32.9 | 41.08 | | streetlight | 29.52 | 36.96 | | booth | 52.14 | 66.84 | | television receiver | 80.47 | 90.14 | | airplane | 64.9 | 76.41 | | dirt track | 12.02 | 31.85 | | apparel | 63.52 | 75.13 | | pole | 26.48 | 34.84 | | land | 2.02 | 3.78 | | bannister | 11.55 | 15.17 | | escalator | 56.47 | 80.46 | | ottoman | 50.97 | 67.07 | | bottle | 42.2 | 71.69 | | buffet | 52.78 | 59.96 | | poster | 23.43 | 29.49 | | stage | 20.83 | 42.31 | | van | 41.84 | 52.62 | | ship | 71.5 | 85.17 | | fountain | 55.09 | 56.87 | | conveyer belt | 67.76 | 96.17 | | canopy | 52.44 | 66.25 | | washer | 85.4 | 92.39 | | plaything | 28.69 | 43.66 | | swimming pool | 60.67 | 88.55 | | stool | 49.24 | 60.77 | | barrel | 50.9 | 57.97 | | basket | 38.94 | 49.46 | | waterfall | 58.45 | 70.68 | | tent | 95.08 | 98.74 | | bag | 22.14 | 26.17 | | minibike | 73.43 | 86.62 | | cradle | 87.42 | 98.07 | | oven | 59.14 | 72.93 | | ball | 55.85 | 67.08 | | food | 55.94 | 73.49 | | step | 13.05 | 14.8 | | tank | 58.91 | 68.91 | | trade name | 20.2 | 22.0 | | microwave | 83.58 | 94.34 | | pot | 51.63 | 58.33 | | animal | 60.87 | 63.03 | | bicycle | 55.9 | 72.57 | | lake | 49.3 | 64.16 | | dishwasher | 59.37 | 72.77 | | screen | 49.33 | 69.23 | | blanket | 29.28 | 35.38 | | sculpture | 72.25 | 85.13 | | hood | 67.1 | 71.37 | | sconce | 56.4 | 68.65 | | vase | 40.68 | 54.64 | | traffic light | 35.75 | 45.93 | | tray | 14.22 | 16.83 | | ashcan | 46.86 | 56.19 | | fan | 66.24 | 77.05 | | pier | 34.84 | 43.94 | | crt screen | 5.98 | 9.11 | | plate | 55.71 | 72.07 | | monitor | 64.79 | 78.7 | | bulletin board | 44.22 | 51.76 | | shower | 7.61 | 11.11 | | radiator | 60.47 | 71.2 | | glass | 18.64 | 20.14 | | clock | 42.66 | 48.89 | | flag | 48.09 | 51.62 | +---------------------+-------+-------+ 2023-11-11 00:46:06,403 - mmseg - INFO - Summary: 2023-11-11 00:46:06,403 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.74 | 54.69 | 66.22 | +-------+-------+-------+ 2023-11-11 00:46:06,404 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:46:06,404 - mmseg - INFO - Iter(val) [250] aAcc: 0.8474, mIoU: 0.5469, mAcc: 0.6622, IoU.wall: 0.7945, IoU.building: 0.8408, IoU.sky: 0.9473, IoU.floor: 0.8236, IoU.tree: 0.7495, IoU.ceiling: 0.8496, IoU.road: 0.8494, IoU.bed : 0.9154, IoU.windowpane: 0.6369, IoU.grass: 0.7006, IoU.cabinet: 0.6213, IoU.sidewalk: 0.6753, IoU.person: 0.8257, IoU.earth: 0.4034, IoU.door: 0.5018, IoU.table: 0.6394, IoU.mountain: 0.6072, IoU.plant: 0.5287, IoU.curtain: 0.7435, IoU.chair: 0.6150, IoU.car: 0.8552, IoU.water: 0.6228, IoU.painting: 0.7533, IoU.sofa: 0.7144, IoU.shelf: 0.4436, IoU.house: 0.5225, IoU.sea: 0.7068, IoU.mirror: 0.7353, IoU.rug: 0.5645, IoU.field: 0.2947, IoU.armchair: 0.4964, IoU.seat: 0.6519, IoU.fence: 0.4685, IoU.desk: 0.5288, IoU.rock: 0.4718, IoU.wardrobe: 0.5537, IoU.lamp: 0.6974, IoU.bathtub: 0.8202, IoU.railing: 0.3376, IoU.cushion: 0.6201, IoU.base: 0.3123, IoU.box: 0.3299, IoU.column: 0.5244, IoU.signboard: 0.3467, IoU.chest of drawers: 0.4103, IoU.counter: 0.4299, IoU.sand: 0.5618, IoU.sink: 0.7580, IoU.skyscraper: 0.5224, IoU.fireplace: 0.7209, IoU.refrigerator: 0.7816, IoU.grandstand: 0.5718, IoU.path: 0.2595, IoU.stairs: 0.3613, IoU.runway: 0.7267, IoU.case: 0.5821, IoU.pool table: 0.9432, IoU.pillow: 0.6077, IoU.screen door: 0.6657, IoU.stairway: 0.4167, IoU.river: 0.1064, IoU.bridge: 0.6727, IoU.bookcase: 0.4361, IoU.blind: 0.3548, IoU.coffee table: 0.6295, IoU.toilet: 0.8710, IoU.flower: 0.4863, IoU.book: 0.5315, IoU.hill: 0.1106, IoU.bench: 0.5249, IoU.countertop: 0.6424, IoU.stove: 0.7853, IoU.palm: 0.5360, IoU.kitchen island: 0.4749, IoU.computer: 0.7424, IoU.swivel chair: 0.4072, IoU.boat: 0.6962, IoU.bar: 0.7253, IoU.arcade machine: 0.7900, IoU.hovel: 0.4072, IoU.bus: 0.9092, IoU.towel: 0.7286, IoU.light: 0.5672, IoU.truck: 0.4347, IoU.tower: 0.3282, IoU.chandelier: 0.7099, IoU.awning: 0.3290, IoU.streetlight: 0.2952, IoU.booth: 0.5214, IoU.television receiver: 0.8047, IoU.airplane: 0.6490, IoU.dirt track: 0.1202, IoU.apparel: 0.6352, IoU.pole: 0.2648, IoU.land: 0.0202, IoU.bannister: 0.1155, IoU.escalator: 0.5647, IoU.ottoman: 0.5097, IoU.bottle: 0.4220, IoU.buffet: 0.5278, IoU.poster: 0.2343, IoU.stage: 0.2083, IoU.van: 0.4184, IoU.ship: 0.7150, IoU.fountain: 0.5509, IoU.conveyer belt: 0.6776, IoU.canopy: 0.5244, IoU.washer: 0.8540, IoU.plaything: 0.2869, IoU.swimming pool: 0.6067, IoU.stool: 0.4924, IoU.barrel: 0.5090, IoU.basket: 0.3894, IoU.waterfall: 0.5845, IoU.tent: 0.9508, IoU.bag: 0.2214, IoU.minibike: 0.7343, IoU.cradle: 0.8742, IoU.oven: 0.5914, IoU.ball: 0.5585, IoU.food: 0.5594, IoU.step: 0.1305, IoU.tank: 0.5891, IoU.trade name: 0.2020, IoU.microwave: 0.8358, IoU.pot: 0.5163, IoU.animal: 0.6087, IoU.bicycle: 0.5590, IoU.lake: 0.4930, IoU.dishwasher: 0.5937, IoU.screen: 0.4933, IoU.blanket: 0.2928, IoU.sculpture: 0.7225, IoU.hood: 0.6710, IoU.sconce: 0.5640, IoU.vase: 0.4068, IoU.traffic light: 0.3575, IoU.tray: 0.1422, IoU.ashcan: 0.4686, IoU.fan: 0.6624, IoU.pier: 0.3484, IoU.crt screen: 0.0598, IoU.plate: 0.5571, IoU.monitor: 0.6479, IoU.bulletin board: 0.4422, IoU.shower: 0.0761, IoU.radiator: 0.6047, IoU.glass: 0.1864, IoU.clock: 0.4266, IoU.flag: 0.4809, Acc.wall: 0.8978, Acc.building: 0.9369, Acc.sky: 0.9767, Acc.floor: 0.9124, Acc.tree: 0.8851, Acc.ceiling: 0.9228, Acc.road: 0.9216, Acc.bed : 0.9721, Acc.windowpane: 0.8092, Acc.grass: 0.8477, Acc.cabinet: 0.7437, Acc.sidewalk: 0.7911, Acc.person: 0.9418, Acc.earth: 0.5264, Acc.door: 0.6337, Acc.table: 0.7558, Acc.mountain: 0.7479, Acc.plant: 0.6300, Acc.curtain: 0.8410, Acc.chair: 0.7513, Acc.car: 0.9448, Acc.water: 0.7565, Acc.painting: 0.8820, Acc.sofa: 0.8219, Acc.shelf: 0.5990, Acc.house: 0.6954, Acc.sea: 0.8338, Acc.mirror: 0.8136, Acc.rug: 0.6485, Acc.field: 0.4460, Acc.armchair: 0.6696, Acc.seat: 0.8514, Acc.fence: 0.6320, Acc.desk: 0.7644, Acc.rock: 0.6858, Acc.wardrobe: 0.7190, Acc.lamp: 0.8211, Acc.bathtub: 0.8593, Acc.railing: 0.4525, Acc.cushion: 0.8323, Acc.base: 0.4261, Acc.box: 0.4056, Acc.column: 0.5912, Acc.signboard: 0.4464, Acc.chest of drawers: 0.5966, Acc.counter: 0.4824, Acc.sand: 0.8087, Acc.sink: 0.8384, Acc.skyscraper: 0.6426, Acc.fireplace: 0.8842, Acc.refrigerator: 0.8642, Acc.grandstand: 0.7677, Acc.path: 0.3556, Acc.stairs: 0.4280, Acc.runway: 0.9424, Acc.case: 0.7340, Acc.pool table: 0.9729, Acc.pillow: 0.6784, Acc.screen door: 0.7104, Acc.stairway: 0.5728, Acc.river: 0.2365, Acc.bridge: 0.7575, Acc.bookcase: 0.5932, Acc.blind: 0.3941, Acc.coffee table: 0.8364, Acc.toilet: 0.9275, Acc.flower: 0.6319, Acc.book: 0.7779, Acc.hill: 0.1771, Acc.bench: 0.5944, Acc.countertop: 0.7605, Acc.stove: 0.8515, Acc.palm: 0.7159, Acc.kitchen island: 0.6606, Acc.computer: 0.8945, Acc.swivel chair: 0.6276, Acc.boat: 0.8023, Acc.bar: 0.8743, Acc.arcade machine: 0.8418, Acc.hovel: 0.4461, Acc.bus: 0.9612, Acc.towel: 0.8339, Acc.light: 0.6334, Acc.truck: 0.5228, Acc.tower: 0.4512, Acc.chandelier: 0.8369, Acc.awning: 0.4108, Acc.streetlight: 0.3696, Acc.booth: 0.6684, Acc.television receiver: 0.9014, Acc.airplane: 0.7641, Acc.dirt track: 0.3185, Acc.apparel: 0.7513, Acc.pole: 0.3484, Acc.land: 0.0378, Acc.bannister: 0.1517, Acc.escalator: 0.8046, Acc.ottoman: 0.6707, Acc.bottle: 0.7169, Acc.buffet: 0.5996, Acc.poster: 0.2949, Acc.stage: 0.4231, Acc.van: 0.5262, Acc.ship: 0.8517, Acc.fountain: 0.5687, Acc.conveyer belt: 0.9617, Acc.canopy: 0.6625, Acc.washer: 0.9239, Acc.plaything: 0.4366, Acc.swimming pool: 0.8855, Acc.stool: 0.6077, Acc.barrel: 0.5797, Acc.basket: 0.4946, Acc.waterfall: 0.7068, Acc.tent: 0.9874, Acc.bag: 0.2617, Acc.minibike: 0.8662, Acc.cradle: 0.9807, Acc.oven: 0.7293, Acc.ball: 0.6708, Acc.food: 0.7349, Acc.step: 0.1480, Acc.tank: 0.6891, Acc.trade name: 0.2200, Acc.microwave: 0.9434, Acc.pot: 0.5833, Acc.animal: 0.6303, Acc.bicycle: 0.7257, Acc.lake: 0.6416, Acc.dishwasher: 0.7277, Acc.screen: 0.6923, Acc.blanket: 0.3538, Acc.sculpture: 0.8513, Acc.hood: 0.7137, Acc.sconce: 0.6865, Acc.vase: 0.5464, Acc.traffic light: 0.4593, Acc.tray: 0.1683, Acc.ashcan: 0.5619, Acc.fan: 0.7705, Acc.pier: 0.4394, Acc.crt screen: 0.0911, Acc.plate: 0.7207, Acc.monitor: 0.7870, Acc.bulletin board: 0.5176, Acc.shower: 0.1111, Acc.radiator: 0.7120, Acc.glass: 0.2014, Acc.clock: 0.4889, Acc.flag: 0.5162 2023-11-11 00:46:41,192 - mmseg - INFO - Iter [61050/80000] lr: 9.476e-06, eta: 4:15:40, time: 2.304, data_time: 1.616, memory: 60073, decode.loss_ce: 0.1356, decode.acc_seg: 94.0804, aux.loss_ce: 0.2802, aux.acc_seg: 74.7100, loss: 0.4159 2023-11-11 00:47:15,887 - mmseg - INFO - Iter [61100/80000] lr: 9.451e-06, eta: 4:14:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1386, decode.acc_seg: 93.9706, aux.loss_ce: 0.2756, aux.acc_seg: 75.0535, loss: 0.4142 2023-11-11 00:47:50,563 - mmseg - INFO - Iter [61150/80000] lr: 9.426e-06, eta: 4:14:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1334, decode.acc_seg: 94.1044, aux.loss_ce: 0.2788, aux.acc_seg: 75.0083, loss: 0.4122 2023-11-11 00:48:25,235 - mmseg - INFO - Iter [61200/80000] lr: 9.400e-06, eta: 4:13:33, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1335, decode.acc_seg: 94.1652, aux.loss_ce: 0.2740, aux.acc_seg: 75.5860, loss: 0.4075 2023-11-11 00:48:59,926 - mmseg - INFO - Iter [61250/80000] lr: 9.376e-06, eta: 4:12:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1389, decode.acc_seg: 93.8177, aux.loss_ce: 0.2829, aux.acc_seg: 74.3602, loss: 0.4218 2023-11-11 00:49:34,621 - mmseg - INFO - Iter [61300/80000] lr: 9.350e-06, eta: 4:12:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1432, decode.acc_seg: 93.5732, aux.loss_ce: 0.2793, aux.acc_seg: 74.5410, loss: 0.4224 2023-11-11 00:50:09,309 - mmseg - INFO - Iter [61350/80000] lr: 9.326e-06, eta: 4:11:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1396, decode.acc_seg: 93.9018, aux.loss_ce: 0.2920, aux.acc_seg: 74.4528, loss: 0.4316 2023-11-11 00:50:43,998 - mmseg - INFO - Iter [61400/80000] lr: 9.301e-06, eta: 4:10:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1509, decode.acc_seg: 93.4796, aux.loss_ce: 0.2845, aux.acc_seg: 74.0222, loss: 0.4354 2023-11-11 00:51:18,658 - mmseg - INFO - Iter [61450/80000] lr: 9.276e-06, eta: 4:10:02, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1476, decode.acc_seg: 93.5409, aux.loss_ce: 0.2838, aux.acc_seg: 74.7719, loss: 0.4314 2023-11-11 00:51:53,348 - mmseg - INFO - Iter [61500/80000] lr: 9.251e-06, eta: 4:09:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1393, decode.acc_seg: 93.9555, aux.loss_ce: 0.2847, aux.acc_seg: 74.4755, loss: 0.4240 2023-11-11 00:52:28,055 - mmseg - INFO - Iter [61550/80000] lr: 9.226e-06, eta: 4:08:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1507, decode.acc_seg: 93.3771, aux.loss_ce: 0.2832, aux.acc_seg: 74.7894, loss: 0.4339 2023-11-11 00:53:02,753 - mmseg - INFO - Iter [61600/80000] lr: 9.200e-06, eta: 4:07:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1374, decode.acc_seg: 93.9142, aux.loss_ce: 0.2860, aux.acc_seg: 74.2587, loss: 0.4234 2023-11-11 00:53:37,435 - mmseg - INFO - Iter [61650/80000] lr: 9.175e-06, eta: 4:07:14, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1316, decode.acc_seg: 94.2359, aux.loss_ce: 0.2779, aux.acc_seg: 75.4297, loss: 0.4095 2023-11-11 00:54:12,141 - mmseg - INFO - Iter [61700/80000] lr: 9.150e-06, eta: 4:06:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1371, decode.acc_seg: 93.8963, aux.loss_ce: 0.2766, aux.acc_seg: 74.9181, loss: 0.4137 2023-11-11 00:54:46,840 - mmseg - INFO - Iter [61750/80000] lr: 9.126e-06, eta: 4:05:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1315, decode.acc_seg: 94.1230, aux.loss_ce: 0.2696, aux.acc_seg: 75.5348, loss: 0.4011 2023-11-11 00:55:21,522 - mmseg - INFO - Iter [61800/80000] lr: 9.101e-06, eta: 4:05:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1396, decode.acc_seg: 93.7832, aux.loss_ce: 0.2864, aux.acc_seg: 73.6593, loss: 0.4260 2023-11-11 00:55:56,193 - mmseg - INFO - Iter [61850/80000] lr: 9.076e-06, eta: 4:04:25, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1392, decode.acc_seg: 93.8210, aux.loss_ce: 0.2828, aux.acc_seg: 74.1249, loss: 0.4219 2023-11-11 00:56:33,179 - mmseg - INFO - Iter [61900/80000] lr: 9.051e-06, eta: 4:03:44, time: 0.740, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1317, decode.acc_seg: 94.1475, aux.loss_ce: 0.2708, aux.acc_seg: 75.4809, loss: 0.4025 2023-11-11 00:57:07,853 - mmseg - INFO - Iter [61950/80000] lr: 9.026e-06, eta: 4:03:02, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1363, decode.acc_seg: 94.0445, aux.loss_ce: 0.2704, aux.acc_seg: 75.3454, loss: 0.4067 2023-11-11 00:57:42,520 - mmseg - INFO - Saving checkpoint at 62000 iterations 2023-11-11 00:58:11,065 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:58:11,065 - mmseg - INFO - Iter [62000/80000] lr: 9.000e-06, eta: 4:02:28, time: 1.264, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1405, decode.acc_seg: 93.8985, aux.loss_ce: 0.2969, aux.acc_seg: 74.1800, loss: 0.4374 2023-11-11 00:59:31,613 - mmseg - INFO - per class results: 2023-11-11 00:59:31,618 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.57 | 89.0 | | building | 84.42 | 93.45 | | sky | 94.79 | 97.31 | | floor | 83.05 | 91.46 | | tree | 74.96 | 89.97 | | ceiling | 84.91 | 93.53 | | road | 85.12 | 91.36 | | bed | 91.39 | 97.07 | | windowpane | 63.24 | 78.72 | | grass | 68.58 | 82.73 | | cabinet | 62.12 | 74.75 | | sidewalk | 67.78 | 80.73 | | person | 82.84 | 94.19 | | earth | 40.71 | 53.77 | | door | 51.37 | 64.05 | | table | 63.88 | 78.16 | | mountain | 60.32 | 73.61 | | plant | 54.2 | 66.73 | | curtain | 74.98 | 84.09 | | chair | 61.73 | 75.34 | | car | 85.78 | 94.05 | | water | 60.9 | 73.56 | | painting | 73.63 | 89.2 | | sofa | 71.48 | 84.81 | | shelf | 44.32 | 62.6 | | house | 55.26 | 71.98 | | sea | 69.66 | 82.43 | | mirror | 73.21 | 80.55 | | rug | 60.48 | 68.21 | | field | 29.21 | 46.19 | | armchair | 48.64 | 65.55 | | seat | 67.97 | 85.85 | | fence | 46.46 | 61.04 | | desk | 54.58 | 75.26 | | rock | 48.64 | 72.74 | | wardrobe | 56.49 | 75.41 | | lamp | 69.76 | 81.92 | | bathtub | 82.25 | 86.58 | | railing | 33.52 | 45.36 | | cushion | 64.48 | 76.78 | | base | 33.14 | 45.89 | | box | 31.86 | 38.7 | | column | 51.28 | 55.62 | | signboard | 35.84 | 47.89 | | chest of drawers | 42.34 | 63.56 | | counter | 45.83 | 52.87 | | sand | 55.73 | 84.26 | | sink | 75.56 | 82.64 | | skyscraper | 51.06 | 60.42 | | fireplace | 73.07 | 90.91 | | refrigerator | 78.16 | 86.99 | | grandstand | 56.5 | 76.92 | | path | 25.48 | 36.36 | | stairs | 38.57 | 47.3 | | runway | 72.63 | 93.14 | | case | 57.99 | 70.02 | | pool table | 94.26 | 97.46 | | pillow | 65.68 | 76.91 | | screen door | 74.15 | 81.24 | | stairway | 44.62 | 56.04 | | river | 10.37 | 23.83 | | bridge | 55.17 | 63.67 | | bookcase | 43.14 | 57.73 | | blind | 37.82 | 43.58 | | coffee table | 62.19 | 84.31 | | toilet | 86.6 | 93.1 | | flower | 46.76 | 64.23 | | book | 53.7 | 77.94 | | hill | 11.19 | 17.89 | | bench | 54.96 | 65.67 | | countertop | 65.37 | 81.54 | | stove | 78.37 | 86.24 | | palm | 53.88 | 77.53 | | kitchen island | 44.52 | 63.89 | | computer | 70.38 | 82.39 | | swivel chair | 41.09 | 62.18 | | boat | 69.16 | 82.46 | | bar | 76.74 | 86.44 | | arcade machine | 78.4 | 84.18 | | hovel | 45.53 | 55.83 | | bus | 90.06 | 96.19 | | towel | 72.51 | 82.97 | | light | 55.75 | 62.75 | | truck | 42.63 | 50.63 | | tower | 29.25 | 40.18 | | chandelier | 70.13 | 81.38 | | awning | 33.97 | 41.21 | | streetlight | 31.64 | 41.31 | | booth | 52.91 | 62.55 | | television receiver | 79.86 | 90.8 | | airplane | 59.12 | 75.29 | | dirt track | 7.11 | 19.53 | | apparel | 63.78 | 76.3 | | pole | 27.66 | 38.65 | | land | 2.67 | 4.38 | | bannister | 12.31 | 18.08 | | escalator | 56.5 | 82.96 | | ottoman | 48.31 | 60.71 | | bottle | 42.19 | 73.48 | | buffet | 51.36 | 57.78 | | poster | 23.74 | 28.55 | | stage | 20.76 | 40.87 | | van | 43.9 | 57.87 | | ship | 63.87 | 72.52 | | fountain | 49.35 | 50.63 | | conveyer belt | 71.49 | 95.96 | | canopy | 53.46 | 68.28 | | washer | 87.06 | 94.04 | | plaything | 25.54 | 40.34 | | swimming pool | 59.19 | 86.72 | | stool | 47.09 | 58.56 | | barrel | 50.87 | 53.76 | | basket | 38.03 | 49.53 | | waterfall | 54.8 | 64.53 | | tent | 94.89 | 98.75 | | bag | 21.68 | 25.36 | | minibike | 72.74 | 87.82 | | cradle | 87.23 | 98.15 | | oven | 63.73 | 75.8 | | ball | 56.07 | 65.3 | | food | 58.97 | 79.66 | | step | 11.63 | 12.38 | | tank | 58.28 | 70.1 | | trade name | 20.81 | 22.73 | | microwave | 85.16 | 94.7 | | pot | 49.23 | 55.49 | | animal | 60.27 | 62.06 | | bicycle | 55.38 | 71.97 | | lake | 48.74 | 64.11 | | dishwasher | 58.69 | 70.2 | | screen | 51.03 | 73.84 | | blanket | 24.05 | 28.59 | | sculpture | 71.76 | 86.75 | | hood | 65.55 | 69.19 | | sconce | 56.15 | 70.06 | | vase | 41.12 | 56.01 | | traffic light | 38.1 | 48.75 | | tray | 15.84 | 19.65 | | ashcan | 48.33 | 61.24 | | fan | 66.29 | 76.89 | | pier | 33.35 | 45.83 | | crt screen | 3.93 | 7.15 | | plate | 57.17 | 71.95 | | monitor | 64.19 | 78.7 | | bulletin board | 47.58 | 56.28 | | shower | 7.16 | 10.06 | | radiator | 61.45 | 69.61 | | glass | 18.23 | 19.62 | | clock | 45.15 | 51.16 | | flag | 46.22 | 49.28 | +---------------------+-------+-------+ 2023-11-11 00:59:31,618 - mmseg - INFO - Summary: 2023-11-11 00:59:31,618 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.8 | 54.67 | 66.36 | +------+-------+-------+ 2023-11-11 00:59:31,619 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 00:59:31,619 - mmseg - INFO - Iter(val) [250] aAcc: 0.8480, mIoU: 0.5467, mAcc: 0.6636, IoU.wall: 0.7957, IoU.building: 0.8442, IoU.sky: 0.9479, IoU.floor: 0.8305, IoU.tree: 0.7496, IoU.ceiling: 0.8491, IoU.road: 0.8512, IoU.bed : 0.9139, IoU.windowpane: 0.6324, IoU.grass: 0.6858, IoU.cabinet: 0.6212, IoU.sidewalk: 0.6778, IoU.person: 0.8284, IoU.earth: 0.4071, IoU.door: 0.5137, IoU.table: 0.6388, IoU.mountain: 0.6032, IoU.plant: 0.5420, IoU.curtain: 0.7498, IoU.chair: 0.6173, IoU.car: 0.8578, IoU.water: 0.6090, IoU.painting: 0.7363, IoU.sofa: 0.7148, IoU.shelf: 0.4432, IoU.house: 0.5526, IoU.sea: 0.6966, IoU.mirror: 0.7321, IoU.rug: 0.6048, IoU.field: 0.2921, IoU.armchair: 0.4864, IoU.seat: 0.6797, IoU.fence: 0.4646, IoU.desk: 0.5458, IoU.rock: 0.4864, IoU.wardrobe: 0.5649, IoU.lamp: 0.6976, IoU.bathtub: 0.8225, IoU.railing: 0.3352, IoU.cushion: 0.6448, IoU.base: 0.3314, IoU.box: 0.3186, IoU.column: 0.5128, IoU.signboard: 0.3584, IoU.chest of drawers: 0.4234, IoU.counter: 0.4583, IoU.sand: 0.5573, IoU.sink: 0.7556, IoU.skyscraper: 0.5106, IoU.fireplace: 0.7307, IoU.refrigerator: 0.7816, IoU.grandstand: 0.5650, IoU.path: 0.2548, IoU.stairs: 0.3857, IoU.runway: 0.7263, IoU.case: 0.5799, IoU.pool table: 0.9426, IoU.pillow: 0.6568, IoU.screen door: 0.7415, IoU.stairway: 0.4462, IoU.river: 0.1037, IoU.bridge: 0.5517, IoU.bookcase: 0.4314, IoU.blind: 0.3782, IoU.coffee table: 0.6219, IoU.toilet: 0.8660, IoU.flower: 0.4676, IoU.book: 0.5370, IoU.hill: 0.1119, IoU.bench: 0.5496, IoU.countertop: 0.6537, IoU.stove: 0.7837, IoU.palm: 0.5388, IoU.kitchen island: 0.4452, IoU.computer: 0.7038, IoU.swivel chair: 0.4109, IoU.boat: 0.6916, IoU.bar: 0.7674, IoU.arcade machine: 0.7840, IoU.hovel: 0.4553, IoU.bus: 0.9006, IoU.towel: 0.7251, IoU.light: 0.5575, IoU.truck: 0.4263, IoU.tower: 0.2925, IoU.chandelier: 0.7013, IoU.awning: 0.3397, IoU.streetlight: 0.3164, IoU.booth: 0.5291, IoU.television receiver: 0.7986, IoU.airplane: 0.5912, IoU.dirt track: 0.0711, IoU.apparel: 0.6378, IoU.pole: 0.2766, IoU.land: 0.0267, IoU.bannister: 0.1231, IoU.escalator: 0.5650, IoU.ottoman: 0.4831, IoU.bottle: 0.4219, IoU.buffet: 0.5136, IoU.poster: 0.2374, IoU.stage: 0.2076, IoU.van: 0.4390, IoU.ship: 0.6387, IoU.fountain: 0.4935, IoU.conveyer belt: 0.7149, IoU.canopy: 0.5346, IoU.washer: 0.8706, IoU.plaything: 0.2554, IoU.swimming pool: 0.5919, IoU.stool: 0.4709, IoU.barrel: 0.5087, IoU.basket: 0.3803, IoU.waterfall: 0.5480, IoU.tent: 0.9489, IoU.bag: 0.2168, IoU.minibike: 0.7274, IoU.cradle: 0.8723, IoU.oven: 0.6373, IoU.ball: 0.5607, IoU.food: 0.5897, IoU.step: 0.1163, IoU.tank: 0.5828, IoU.trade name: 0.2081, IoU.microwave: 0.8516, IoU.pot: 0.4923, IoU.animal: 0.6027, IoU.bicycle: 0.5538, IoU.lake: 0.4874, IoU.dishwasher: 0.5869, IoU.screen: 0.5103, IoU.blanket: 0.2405, IoU.sculpture: 0.7176, IoU.hood: 0.6555, IoU.sconce: 0.5615, IoU.vase: 0.4112, IoU.traffic light: 0.3810, IoU.tray: 0.1584, IoU.ashcan: 0.4833, IoU.fan: 0.6629, IoU.pier: 0.3335, IoU.crt screen: 0.0393, IoU.plate: 0.5717, IoU.monitor: 0.6419, IoU.bulletin board: 0.4758, IoU.shower: 0.0716, IoU.radiator: 0.6145, IoU.glass: 0.1823, IoU.clock: 0.4515, IoU.flag: 0.4622, Acc.wall: 0.8900, Acc.building: 0.9345, Acc.sky: 0.9731, Acc.floor: 0.9146, Acc.tree: 0.8997, Acc.ceiling: 0.9353, Acc.road: 0.9136, Acc.bed : 0.9707, Acc.windowpane: 0.7872, Acc.grass: 0.8273, Acc.cabinet: 0.7475, Acc.sidewalk: 0.8073, Acc.person: 0.9419, Acc.earth: 0.5377, Acc.door: 0.6405, Acc.table: 0.7816, Acc.mountain: 0.7361, Acc.plant: 0.6673, Acc.curtain: 0.8409, Acc.chair: 0.7534, Acc.car: 0.9405, Acc.water: 0.7356, Acc.painting: 0.8920, Acc.sofa: 0.8481, Acc.shelf: 0.6260, Acc.house: 0.7198, Acc.sea: 0.8243, Acc.mirror: 0.8055, Acc.rug: 0.6821, Acc.field: 0.4619, Acc.armchair: 0.6555, Acc.seat: 0.8585, Acc.fence: 0.6104, Acc.desk: 0.7526, Acc.rock: 0.7274, Acc.wardrobe: 0.7541, Acc.lamp: 0.8192, Acc.bathtub: 0.8658, Acc.railing: 0.4536, Acc.cushion: 0.7678, Acc.base: 0.4589, Acc.box: 0.3870, Acc.column: 0.5562, Acc.signboard: 0.4789, Acc.chest of drawers: 0.6356, Acc.counter: 0.5287, Acc.sand: 0.8426, Acc.sink: 0.8264, Acc.skyscraper: 0.6042, Acc.fireplace: 0.9091, Acc.refrigerator: 0.8699, Acc.grandstand: 0.7692, Acc.path: 0.3636, Acc.stairs: 0.4730, Acc.runway: 0.9314, Acc.case: 0.7002, Acc.pool table: 0.9746, Acc.pillow: 0.7691, Acc.screen door: 0.8124, Acc.stairway: 0.5604, Acc.river: 0.2383, Acc.bridge: 0.6367, Acc.bookcase: 0.5773, Acc.blind: 0.4358, Acc.coffee table: 0.8431, Acc.toilet: 0.9310, Acc.flower: 0.6423, Acc.book: 0.7794, Acc.hill: 0.1789, Acc.bench: 0.6567, Acc.countertop: 0.8154, Acc.stove: 0.8624, Acc.palm: 0.7753, Acc.kitchen island: 0.6389, Acc.computer: 0.8239, Acc.swivel chair: 0.6218, Acc.boat: 0.8246, Acc.bar: 0.8644, Acc.arcade machine: 0.8418, Acc.hovel: 0.5583, Acc.bus: 0.9619, Acc.towel: 0.8297, Acc.light: 0.6275, Acc.truck: 0.5063, Acc.tower: 0.4018, Acc.chandelier: 0.8138, Acc.awning: 0.4121, Acc.streetlight: 0.4131, Acc.booth: 0.6255, Acc.television receiver: 0.9080, Acc.airplane: 0.7529, Acc.dirt track: 0.1953, Acc.apparel: 0.7630, Acc.pole: 0.3865, Acc.land: 0.0438, Acc.bannister: 0.1808, Acc.escalator: 0.8296, Acc.ottoman: 0.6071, Acc.bottle: 0.7348, Acc.buffet: 0.5778, Acc.poster: 0.2855, Acc.stage: 0.4087, Acc.van: 0.5787, Acc.ship: 0.7252, Acc.fountain: 0.5063, Acc.conveyer belt: 0.9596, Acc.canopy: 0.6828, Acc.washer: 0.9404, Acc.plaything: 0.4034, Acc.swimming pool: 0.8672, Acc.stool: 0.5856, Acc.barrel: 0.5376, Acc.basket: 0.4953, Acc.waterfall: 0.6453, Acc.tent: 0.9875, Acc.bag: 0.2536, Acc.minibike: 0.8782, Acc.cradle: 0.9815, Acc.oven: 0.7580, Acc.ball: 0.6530, Acc.food: 0.7966, Acc.step: 0.1238, Acc.tank: 0.7010, Acc.trade name: 0.2273, Acc.microwave: 0.9470, Acc.pot: 0.5549, Acc.animal: 0.6206, Acc.bicycle: 0.7197, Acc.lake: 0.6411, Acc.dishwasher: 0.7020, Acc.screen: 0.7384, Acc.blanket: 0.2859, Acc.sculpture: 0.8675, Acc.hood: 0.6919, Acc.sconce: 0.7006, Acc.vase: 0.5601, Acc.traffic light: 0.4875, Acc.tray: 0.1965, Acc.ashcan: 0.6124, Acc.fan: 0.7689, Acc.pier: 0.4583, Acc.crt screen: 0.0715, Acc.plate: 0.7195, Acc.monitor: 0.7870, Acc.bulletin board: 0.5628, Acc.shower: 0.1006, Acc.radiator: 0.6961, Acc.glass: 0.1962, Acc.clock: 0.5116, Acc.flag: 0.4928 2023-11-11 01:00:06,412 - mmseg - INFO - Iter [62050/80000] lr: 8.975e-06, eta: 4:02:09, time: 2.307, data_time: 1.619, memory: 60073, decode.loss_ce: 0.1359, decode.acc_seg: 93.9409, aux.loss_ce: 0.2703, aux.acc_seg: 75.3455, loss: 0.4063 2023-11-11 01:00:41,111 - mmseg - INFO - Iter [62100/80000] lr: 8.951e-06, eta: 4:01:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1415, decode.acc_seg: 93.8848, aux.loss_ce: 0.2853, aux.acc_seg: 74.9230, loss: 0.4268 2023-11-11 01:01:15,832 - mmseg - INFO - Iter [62150/80000] lr: 8.925e-06, eta: 4:00:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1355, decode.acc_seg: 94.0051, aux.loss_ce: 0.2703, aux.acc_seg: 75.6507, loss: 0.4058 2023-11-11 01:01:50,549 - mmseg - INFO - Iter [62200/80000] lr: 8.901e-06, eta: 4:00:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1370, decode.acc_seg: 93.9844, aux.loss_ce: 0.2749, aux.acc_seg: 74.6868, loss: 0.4119 2023-11-11 01:02:25,227 - mmseg - INFO - Iter [62250/80000] lr: 8.876e-06, eta: 3:59:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1395, decode.acc_seg: 93.7250, aux.loss_ce: 0.2740, aux.acc_seg: 75.0136, loss: 0.4135 2023-11-11 01:02:59,915 - mmseg - INFO - Iter [62300/80000] lr: 8.851e-06, eta: 3:58:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1399, decode.acc_seg: 93.8759, aux.loss_ce: 0.2806, aux.acc_seg: 75.1085, loss: 0.4205 2023-11-11 01:03:34,607 - mmseg - INFO - Iter [62350/80000] lr: 8.826e-06, eta: 3:57:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1448, decode.acc_seg: 93.6952, aux.loss_ce: 0.2876, aux.acc_seg: 73.4923, loss: 0.4324 2023-11-11 01:04:09,281 - mmseg - INFO - Iter [62400/80000] lr: 8.801e-06, eta: 3:57:15, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1357, decode.acc_seg: 94.0574, aux.loss_ce: 0.2697, aux.acc_seg: 75.8097, loss: 0.4054 2023-11-11 01:04:43,943 - mmseg - INFO - Iter [62450/80000] lr: 8.775e-06, eta: 3:56:33, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1307, decode.acc_seg: 94.2322, aux.loss_ce: 0.2785, aux.acc_seg: 75.0301, loss: 0.4093 2023-11-11 01:05:18,626 - mmseg - INFO - Iter [62500/80000] lr: 8.751e-06, eta: 3:55:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1434, decode.acc_seg: 93.8321, aux.loss_ce: 0.2873, aux.acc_seg: 74.7940, loss: 0.4307 2023-11-11 01:05:53,302 - mmseg - INFO - Iter [62550/80000] lr: 8.725e-06, eta: 3:55:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1371, decode.acc_seg: 93.9256, aux.loss_ce: 0.2840, aux.acc_seg: 74.8342, loss: 0.4211 2023-11-11 01:06:27,994 - mmseg - INFO - Iter [62600/80000] lr: 8.701e-06, eta: 3:54:26, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1270, decode.acc_seg: 94.3761, aux.loss_ce: 0.2824, aux.acc_seg: 74.6175, loss: 0.4093 2023-11-11 01:07:02,684 - mmseg - INFO - Iter [62650/80000] lr: 8.676e-06, eta: 3:53:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1369, decode.acc_seg: 93.8546, aux.loss_ce: 0.2840, aux.acc_seg: 74.2449, loss: 0.4210 2023-11-11 01:07:37,367 - mmseg - INFO - Iter [62700/80000] lr: 8.651e-06, eta: 3:53:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1351, decode.acc_seg: 93.9518, aux.loss_ce: 0.2814, aux.acc_seg: 74.1144, loss: 0.4165 2023-11-11 01:08:12,051 - mmseg - INFO - Iter [62750/80000] lr: 8.626e-06, eta: 3:52:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1364, decode.acc_seg: 93.8427, aux.loss_ce: 0.2846, aux.acc_seg: 73.9969, loss: 0.4211 2023-11-11 01:08:46,724 - mmseg - INFO - Iter [62800/80000] lr: 8.601e-06, eta: 3:51:39, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1391, decode.acc_seg: 93.8442, aux.loss_ce: 0.2847, aux.acc_seg: 74.2078, loss: 0.4239 2023-11-11 01:09:21,430 - mmseg - INFO - Iter [62850/80000] lr: 8.575e-06, eta: 3:50:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1390, decode.acc_seg: 93.8706, aux.loss_ce: 0.2759, aux.acc_seg: 75.0897, loss: 0.4149 2023-11-11 01:09:56,113 - mmseg - INFO - Iter [62900/80000] lr: 8.550e-06, eta: 3:50:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1474, decode.acc_seg: 93.3892, aux.loss_ce: 0.2738, aux.acc_seg: 75.0173, loss: 0.4212 2023-11-11 01:10:30,789 - mmseg - INFO - Iter [62950/80000] lr: 8.525e-06, eta: 3:49:33, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1384, decode.acc_seg: 93.8171, aux.loss_ce: 0.2777, aux.acc_seg: 74.8444, loss: 0.4161 2023-11-11 01:11:05,464 - mmseg - INFO - Saving checkpoint at 63000 iterations 2023-11-11 01:11:36,417 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:11:36,417 - mmseg - INFO - Iter [63000/80000] lr: 8.501e-06, eta: 3:48:59, time: 1.313, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1402, decode.acc_seg: 93.8896, aux.loss_ce: 0.2823, aux.acc_seg: 74.8602, loss: 0.4225 2023-11-11 01:12:56,997 - mmseg - INFO - per class results: 2023-11-11 01:12:57,003 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.27 | 89.62 | | building | 84.67 | 93.88 | | sky | 94.79 | 97.54 | | floor | 82.47 | 91.19 | | tree | 75.76 | 88.95 | | ceiling | 85.03 | 93.38 | | road | 84.99 | 89.54 | | bed | 91.43 | 96.53 | | windowpane | 63.38 | 78.75 | | grass | 71.24 | 87.97 | | cabinet | 62.18 | 75.31 | | sidewalk | 67.09 | 87.01 | | person | 83.15 | 94.08 | | earth | 39.95 | 51.35 | | door | 50.73 | 64.73 | | table | 63.94 | 76.64 | | mountain | 60.69 | 73.74 | | plant | 54.78 | 67.91 | | curtain | 74.31 | 84.24 | | chair | 61.93 | 74.9 | | car | 85.99 | 93.4 | | water | 61.42 | 75.7 | | painting | 74.93 | 88.76 | | sofa | 69.85 | 88.96 | | shelf | 44.0 | 56.74 | | house | 56.87 | 71.91 | | sea | 67.16 | 79.29 | | mirror | 74.26 | 83.99 | | rug | 57.55 | 65.83 | | field | 32.15 | 44.84 | | armchair | 46.31 | 58.37 | | seat | 67.04 | 85.36 | | fence | 44.98 | 57.82 | | desk | 53.36 | 75.34 | | rock | 50.01 | 74.8 | | wardrobe | 56.56 | 74.96 | | lamp | 70.12 | 80.24 | | bathtub | 82.19 | 86.16 | | railing | 32.89 | 42.24 | | cushion | 63.12 | 72.12 | | base | 33.24 | 49.37 | | box | 34.48 | 47.38 | | column | 52.34 | 59.06 | | signboard | 34.81 | 46.3 | | chest of drawers | 42.37 | 56.6 | | counter | 36.99 | 41.12 | | sand | 53.33 | 78.43 | | sink | 75.41 | 83.24 | | skyscraper | 49.58 | 57.88 | | fireplace | 72.35 | 89.27 | | refrigerator | 75.88 | 83.49 | | grandstand | 58.55 | 74.58 | | path | 25.25 | 33.59 | | stairs | 39.6 | 48.31 | | runway | 72.17 | 94.34 | | case | 59.68 | 74.61 | | pool table | 94.25 | 97.33 | | pillow | 66.01 | 79.77 | | screen door | 72.15 | 77.01 | | stairway | 46.6 | 59.13 | | river | 10.69 | 23.34 | | bridge | 55.38 | 62.69 | | bookcase | 41.83 | 56.38 | | blind | 31.28 | 35.57 | | coffee table | 63.82 | 84.99 | | toilet | 87.02 | 92.8 | | flower | 46.89 | 67.05 | | book | 53.3 | 77.82 | | hill | 10.2 | 16.36 | | bench | 54.71 | 64.34 | | countertop | 62.86 | 78.42 | | stove | 78.6 | 84.24 | | palm | 54.89 | 79.31 | | kitchen island | 43.92 | 62.58 | | computer | 73.27 | 86.88 | | swivel chair | 40.01 | 58.26 | | boat | 67.62 | 79.09 | | bar | 68.27 | 87.93 | | arcade machine | 77.61 | 84.19 | | hovel | 43.37 | 50.36 | | bus | 90.78 | 96.23 | | towel | 71.62 | 82.28 | | light | 55.18 | 61.08 | | truck | 42.54 | 49.7 | | tower | 30.03 | 39.62 | | chandelier | 69.77 | 79.37 | | awning | 34.12 | 41.78 | | streetlight | 29.96 | 35.31 | | booth | 46.54 | 60.89 | | television receiver | 80.26 | 90.37 | | airplane | 63.3 | 74.3 | | dirt track | 3.93 | 8.9 | | apparel | 64.07 | 75.44 | | pole | 26.57 | 35.89 | | land | 2.98 | 4.86 | | bannister | 10.86 | 15.0 | | escalator | 55.2 | 82.81 | | ottoman | 44.54 | 55.49 | | bottle | 42.49 | 71.29 | | buffet | 50.29 | 56.83 | | poster | 26.4 | 31.88 | | stage | 21.23 | 42.9 | | van | 44.87 | 61.77 | | ship | 67.34 | 74.35 | | fountain | 44.79 | 45.64 | | conveyer belt | 70.29 | 95.43 | | canopy | 52.86 | 67.67 | | washer | 84.38 | 91.44 | | plaything | 24.79 | 32.03 | | swimming pool | 56.74 | 80.57 | | stool | 46.87 | 58.79 | | barrel | 52.43 | 59.03 | | basket | 37.68 | 48.48 | | waterfall | 52.74 | 57.98 | | tent | 95.85 | 98.56 | | bag | 20.36 | 22.82 | | minibike | 73.27 | 86.46 | | cradle | 87.47 | 97.52 | | oven | 62.74 | 74.46 | | ball | 57.11 | 68.28 | | food | 54.58 | 68.44 | | step | 14.54 | 17.27 | | tank | 59.09 | 68.6 | | trade name | 17.18 | 18.43 | | microwave | 85.35 | 94.77 | | pot | 52.14 | 58.81 | | animal | 60.74 | 62.32 | | bicycle | 54.03 | 67.89 | | lake | 51.14 | 65.16 | | dishwasher | 59.97 | 72.35 | | screen | 50.26 | 71.0 | | blanket | 23.09 | 26.6 | | sculpture | 72.1 | 86.4 | | hood | 68.62 | 74.47 | | sconce | 55.11 | 67.85 | | vase | 40.44 | 55.55 | | traffic light | 37.51 | 52.01 | | tray | 12.61 | 14.38 | | ashcan | 47.63 | 54.9 | | fan | 66.22 | 76.33 | | pier | 33.26 | 45.36 | | crt screen | 6.67 | 10.08 | | plate | 57.72 | 74.17 | | monitor | 63.05 | 79.32 | | bulletin board | 40.11 | 45.44 | | shower | 6.4 | 9.53 | | radiator | 59.73 | 66.98 | | glass | 18.6 | 20.41 | | clock | 43.74 | 48.16 | | flag | 43.7 | 46.15 | +---------------------+-------+-------+ 2023-11-11 01:12:57,003 - mmseg - INFO - Summary: 2023-11-11 01:12:57,003 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 84.82 | 54.22 | 65.4 | +-------+-------+------+ 2023-11-11 01:12:57,004 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:12:57,004 - mmseg - INFO - Iter(val) [250] aAcc: 0.8482, mIoU: 0.5422, mAcc: 0.6540, IoU.wall: 0.7927, IoU.building: 0.8467, IoU.sky: 0.9479, IoU.floor: 0.8247, IoU.tree: 0.7576, IoU.ceiling: 0.8503, IoU.road: 0.8499, IoU.bed : 0.9143, IoU.windowpane: 0.6338, IoU.grass: 0.7124, IoU.cabinet: 0.6218, IoU.sidewalk: 0.6709, IoU.person: 0.8315, IoU.earth: 0.3995, IoU.door: 0.5073, IoU.table: 0.6394, IoU.mountain: 0.6069, IoU.plant: 0.5478, IoU.curtain: 0.7431, IoU.chair: 0.6193, IoU.car: 0.8599, IoU.water: 0.6142, IoU.painting: 0.7493, IoU.sofa: 0.6985, IoU.shelf: 0.4400, IoU.house: 0.5687, IoU.sea: 0.6716, IoU.mirror: 0.7426, IoU.rug: 0.5755, IoU.field: 0.3215, IoU.armchair: 0.4631, IoU.seat: 0.6704, IoU.fence: 0.4498, IoU.desk: 0.5336, IoU.rock: 0.5001, IoU.wardrobe: 0.5656, IoU.lamp: 0.7012, IoU.bathtub: 0.8219, IoU.railing: 0.3289, IoU.cushion: 0.6312, IoU.base: 0.3324, IoU.box: 0.3448, IoU.column: 0.5234, IoU.signboard: 0.3481, IoU.chest of drawers: 0.4237, IoU.counter: 0.3699, IoU.sand: 0.5333, IoU.sink: 0.7541, IoU.skyscraper: 0.4958, IoU.fireplace: 0.7235, IoU.refrigerator: 0.7588, IoU.grandstand: 0.5855, IoU.path: 0.2525, IoU.stairs: 0.3960, IoU.runway: 0.7217, IoU.case: 0.5968, IoU.pool table: 0.9425, IoU.pillow: 0.6601, IoU.screen door: 0.7215, IoU.stairway: 0.4660, IoU.river: 0.1069, IoU.bridge: 0.5538, IoU.bookcase: 0.4183, IoU.blind: 0.3128, IoU.coffee table: 0.6382, IoU.toilet: 0.8702, IoU.flower: 0.4689, IoU.book: 0.5330, IoU.hill: 0.1020, IoU.bench: 0.5471, IoU.countertop: 0.6286, IoU.stove: 0.7860, IoU.palm: 0.5489, IoU.kitchen island: 0.4392, IoU.computer: 0.7327, IoU.swivel chair: 0.4001, IoU.boat: 0.6762, IoU.bar: 0.6827, IoU.arcade machine: 0.7761, IoU.hovel: 0.4337, IoU.bus: 0.9078, IoU.towel: 0.7162, IoU.light: 0.5518, IoU.truck: 0.4254, IoU.tower: 0.3003, IoU.chandelier: 0.6977, IoU.awning: 0.3412, IoU.streetlight: 0.2996, IoU.booth: 0.4654, IoU.television receiver: 0.8026, IoU.airplane: 0.6330, IoU.dirt track: 0.0393, IoU.apparel: 0.6407, IoU.pole: 0.2657, IoU.land: 0.0298, IoU.bannister: 0.1086, IoU.escalator: 0.5520, IoU.ottoman: 0.4454, IoU.bottle: 0.4249, IoU.buffet: 0.5029, IoU.poster: 0.2640, IoU.stage: 0.2123, IoU.van: 0.4487, IoU.ship: 0.6734, IoU.fountain: 0.4479, IoU.conveyer belt: 0.7029, IoU.canopy: 0.5286, IoU.washer: 0.8438, IoU.plaything: 0.2479, IoU.swimming pool: 0.5674, IoU.stool: 0.4687, IoU.barrel: 0.5243, IoU.basket: 0.3768, IoU.waterfall: 0.5274, IoU.tent: 0.9585, IoU.bag: 0.2036, IoU.minibike: 0.7327, IoU.cradle: 0.8747, IoU.oven: 0.6274, IoU.ball: 0.5711, IoU.food: 0.5458, IoU.step: 0.1454, IoU.tank: 0.5909, IoU.trade name: 0.1718, IoU.microwave: 0.8535, IoU.pot: 0.5214, IoU.animal: 0.6074, IoU.bicycle: 0.5403, IoU.lake: 0.5114, IoU.dishwasher: 0.5997, IoU.screen: 0.5026, IoU.blanket: 0.2309, IoU.sculpture: 0.7210, IoU.hood: 0.6862, IoU.sconce: 0.5511, IoU.vase: 0.4044, IoU.traffic light: 0.3751, IoU.tray: 0.1261, IoU.ashcan: 0.4763, IoU.fan: 0.6622, IoU.pier: 0.3326, IoU.crt screen: 0.0667, IoU.plate: 0.5772, IoU.monitor: 0.6305, IoU.bulletin board: 0.4011, IoU.shower: 0.0640, IoU.radiator: 0.5973, IoU.glass: 0.1860, IoU.clock: 0.4374, IoU.flag: 0.4370, Acc.wall: 0.8962, Acc.building: 0.9388, Acc.sky: 0.9754, Acc.floor: 0.9119, Acc.tree: 0.8895, Acc.ceiling: 0.9338, Acc.road: 0.8954, Acc.bed : 0.9653, Acc.windowpane: 0.7875, Acc.grass: 0.8797, Acc.cabinet: 0.7531, Acc.sidewalk: 0.8701, Acc.person: 0.9408, Acc.earth: 0.5135, Acc.door: 0.6473, Acc.table: 0.7664, Acc.mountain: 0.7374, Acc.plant: 0.6791, Acc.curtain: 0.8424, Acc.chair: 0.7490, Acc.car: 0.9340, Acc.water: 0.7570, Acc.painting: 0.8876, Acc.sofa: 0.8896, Acc.shelf: 0.5674, Acc.house: 0.7191, Acc.sea: 0.7929, Acc.mirror: 0.8399, Acc.rug: 0.6583, Acc.field: 0.4484, Acc.armchair: 0.5837, Acc.seat: 0.8536, Acc.fence: 0.5782, Acc.desk: 0.7534, Acc.rock: 0.7480, Acc.wardrobe: 0.7496, Acc.lamp: 0.8024, Acc.bathtub: 0.8616, Acc.railing: 0.4224, Acc.cushion: 0.7212, Acc.base: 0.4937, Acc.box: 0.4738, Acc.column: 0.5906, Acc.signboard: 0.4630, Acc.chest of drawers: 0.5660, Acc.counter: 0.4112, Acc.sand: 0.7843, Acc.sink: 0.8324, Acc.skyscraper: 0.5788, Acc.fireplace: 0.8927, Acc.refrigerator: 0.8349, Acc.grandstand: 0.7458, Acc.path: 0.3359, Acc.stairs: 0.4831, Acc.runway: 0.9434, Acc.case: 0.7461, Acc.pool table: 0.9733, Acc.pillow: 0.7977, Acc.screen door: 0.7701, Acc.stairway: 0.5913, Acc.river: 0.2334, Acc.bridge: 0.6269, Acc.bookcase: 0.5638, Acc.blind: 0.3557, Acc.coffee table: 0.8499, Acc.toilet: 0.9280, Acc.flower: 0.6705, Acc.book: 0.7782, Acc.hill: 0.1636, Acc.bench: 0.6434, Acc.countertop: 0.7842, Acc.stove: 0.8424, Acc.palm: 0.7931, Acc.kitchen island: 0.6258, Acc.computer: 0.8688, Acc.swivel chair: 0.5826, Acc.boat: 0.7909, Acc.bar: 0.8793, Acc.arcade machine: 0.8419, Acc.hovel: 0.5036, Acc.bus: 0.9623, Acc.towel: 0.8228, Acc.light: 0.6108, Acc.truck: 0.4970, Acc.tower: 0.3962, Acc.chandelier: 0.7937, Acc.awning: 0.4178, Acc.streetlight: 0.3531, Acc.booth: 0.6089, Acc.television receiver: 0.9037, Acc.airplane: 0.7430, Acc.dirt track: 0.0890, Acc.apparel: 0.7544, Acc.pole: 0.3589, Acc.land: 0.0486, Acc.bannister: 0.1500, Acc.escalator: 0.8281, Acc.ottoman: 0.5549, Acc.bottle: 0.7129, Acc.buffet: 0.5683, Acc.poster: 0.3188, Acc.stage: 0.4290, Acc.van: 0.6177, Acc.ship: 0.7435, Acc.fountain: 0.4564, Acc.conveyer belt: 0.9543, Acc.canopy: 0.6767, Acc.washer: 0.9144, Acc.plaything: 0.3203, Acc.swimming pool: 0.8057, Acc.stool: 0.5879, Acc.barrel: 0.5903, Acc.basket: 0.4848, Acc.waterfall: 0.5798, Acc.tent: 0.9856, Acc.bag: 0.2282, Acc.minibike: 0.8646, Acc.cradle: 0.9752, Acc.oven: 0.7446, Acc.ball: 0.6828, Acc.food: 0.6844, Acc.step: 0.1727, Acc.tank: 0.6860, Acc.trade name: 0.1843, Acc.microwave: 0.9477, Acc.pot: 0.5881, Acc.animal: 0.6232, Acc.bicycle: 0.6789, Acc.lake: 0.6516, Acc.dishwasher: 0.7235, Acc.screen: 0.7100, Acc.blanket: 0.2660, Acc.sculpture: 0.8640, Acc.hood: 0.7447, Acc.sconce: 0.6785, Acc.vase: 0.5555, Acc.traffic light: 0.5201, Acc.tray: 0.1438, Acc.ashcan: 0.5490, Acc.fan: 0.7633, Acc.pier: 0.4536, Acc.crt screen: 0.1008, Acc.plate: 0.7417, Acc.monitor: 0.7932, Acc.bulletin board: 0.4544, Acc.shower: 0.0953, Acc.radiator: 0.6698, Acc.glass: 0.2041, Acc.clock: 0.4816, Acc.flag: 0.4615 2023-11-11 01:13:31,785 - mmseg - INFO - Iter [63050/80000] lr: 8.476e-06, eta: 3:48:39, time: 2.307, data_time: 1.619, memory: 60073, decode.loss_ce: 0.1359, decode.acc_seg: 94.1318, aux.loss_ce: 0.2722, aux.acc_seg: 75.5354, loss: 0.4080 2023-11-11 01:14:06,463 - mmseg - INFO - Iter [63100/80000] lr: 8.451e-06, eta: 3:47:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1346, decode.acc_seg: 93.9572, aux.loss_ce: 0.2725, aux.acc_seg: 74.5453, loss: 0.4072 2023-11-11 01:14:41,144 - mmseg - INFO - Iter [63150/80000] lr: 8.426e-06, eta: 3:47:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1331, decode.acc_seg: 94.0213, aux.loss_ce: 0.2739, aux.acc_seg: 75.0830, loss: 0.4070 2023-11-11 01:15:18,127 - mmseg - INFO - Iter [63200/80000] lr: 8.401e-06, eta: 3:46:33, time: 0.740, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1436, decode.acc_seg: 93.7704, aux.loss_ce: 0.2875, aux.acc_seg: 74.6034, loss: 0.4312 2023-11-11 01:15:52,804 - mmseg - INFO - Iter [63250/80000] lr: 8.375e-06, eta: 3:45:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1397, decode.acc_seg: 93.8442, aux.loss_ce: 0.2841, aux.acc_seg: 74.2849, loss: 0.4237 2023-11-11 01:16:27,475 - mmseg - INFO - Iter [63300/80000] lr: 8.350e-06, eta: 3:45:09, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1353, decode.acc_seg: 93.9529, aux.loss_ce: 0.2735, aux.acc_seg: 75.0785, loss: 0.4088 2023-11-11 01:17:02,170 - mmseg - INFO - Iter [63350/80000] lr: 8.326e-06, eta: 3:44:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1289, decode.acc_seg: 94.3098, aux.loss_ce: 0.2801, aux.acc_seg: 75.1617, loss: 0.4090 2023-11-11 01:17:36,847 - mmseg - INFO - Iter [63400/80000] lr: 8.300e-06, eta: 3:43:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1333, decode.acc_seg: 94.0204, aux.loss_ce: 0.2760, aux.acc_seg: 75.2121, loss: 0.4093 2023-11-11 01:18:11,541 - mmseg - INFO - Iter [63450/80000] lr: 8.276e-06, eta: 3:43:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1302, decode.acc_seg: 94.3447, aux.loss_ce: 0.2908, aux.acc_seg: 74.0442, loss: 0.4210 2023-11-11 01:18:46,213 - mmseg - INFO - Iter [63500/80000] lr: 8.251e-06, eta: 3:42:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1313, decode.acc_seg: 94.0785, aux.loss_ce: 0.2717, aux.acc_seg: 75.1297, loss: 0.4030 2023-11-11 01:19:20,869 - mmseg - INFO - Iter [63550/80000] lr: 8.226e-06, eta: 3:41:40, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1392, decode.acc_seg: 93.9888, aux.loss_ce: 0.2899, aux.acc_seg: 74.7091, loss: 0.4291 2023-11-11 01:19:55,548 - mmseg - INFO - Iter [63600/80000] lr: 8.201e-06, eta: 3:40:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1309, decode.acc_seg: 94.1585, aux.loss_ce: 0.2713, aux.acc_seg: 75.4660, loss: 0.4022 2023-11-11 01:20:30,241 - mmseg - INFO - Iter [63650/80000] lr: 8.176e-06, eta: 3:40:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1344, decode.acc_seg: 94.1268, aux.loss_ce: 0.2860, aux.acc_seg: 74.5150, loss: 0.4204 2023-11-11 01:21:04,906 - mmseg - INFO - Iter [63700/80000] lr: 8.150e-06, eta: 3:39:34, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1295, decode.acc_seg: 94.2106, aux.loss_ce: 0.2761, aux.acc_seg: 74.7021, loss: 0.4056 2023-11-11 01:21:39,590 - mmseg - INFO - Iter [63750/80000] lr: 8.125e-06, eta: 3:38:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1409, decode.acc_seg: 93.9105, aux.loss_ce: 0.2795, aux.acc_seg: 75.1763, loss: 0.4204 2023-11-11 01:22:14,291 - mmseg - INFO - Iter [63800/80000] lr: 8.100e-06, eta: 3:38:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1412, decode.acc_seg: 93.7804, aux.loss_ce: 0.2786, aux.acc_seg: 74.4324, loss: 0.4198 2023-11-11 01:22:48,971 - mmseg - INFO - Iter [63850/80000] lr: 8.076e-06, eta: 3:37:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1417, decode.acc_seg: 93.8230, aux.loss_ce: 0.2844, aux.acc_seg: 74.5013, loss: 0.4262 2023-11-11 01:23:23,653 - mmseg - INFO - Iter [63900/80000] lr: 8.051e-06, eta: 3:36:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1335, decode.acc_seg: 94.0343, aux.loss_ce: 0.2749, aux.acc_seg: 74.5667, loss: 0.4083 2023-11-11 01:23:58,354 - mmseg - INFO - Iter [63950/80000] lr: 8.026e-06, eta: 3:36:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1419, decode.acc_seg: 93.8717, aux.loss_ce: 0.2730, aux.acc_seg: 75.3736, loss: 0.4150 2023-11-11 01:24:33,057 - mmseg - INFO - Saving checkpoint at 64000 iterations 2023-11-11 01:25:02,596 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:25:02,596 - mmseg - INFO - Iter [64000/80000] lr: 8.001e-06, eta: 3:35:30, time: 1.285, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1304, decode.acc_seg: 94.2028, aux.loss_ce: 0.2596, aux.acc_seg: 75.6121, loss: 0.3900 2023-11-11 01:26:23,167 - mmseg - INFO - per class results: 2023-11-11 01:26:23,173 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.09 | 90.21 | | building | 84.46 | 94.66 | | sky | 94.75 | 97.41 | | floor | 82.67 | 90.54 | | tree | 75.34 | 88.03 | | ceiling | 84.59 | 91.82 | | road | 85.12 | 91.59 | | bed | 91.13 | 97.06 | | windowpane | 63.03 | 78.18 | | grass | 69.08 | 82.74 | | cabinet | 61.75 | 72.78 | | sidewalk | 67.68 | 82.36 | | person | 83.04 | 93.52 | | earth | 41.08 | 55.16 | | door | 49.88 | 60.92 | | table | 63.92 | 78.58 | | mountain | 60.79 | 74.76 | | plant | 53.91 | 63.52 | | curtain | 75.25 | 84.62 | | chair | 60.95 | 73.44 | | car | 86.13 | 92.99 | | water | 60.63 | 77.56 | | painting | 74.78 | 88.69 | | sofa | 71.58 | 83.54 | | shelf | 43.8 | 60.2 | | house | 54.49 | 66.34 | | sea | 64.14 | 75.06 | | mirror | 73.57 | 80.52 | | rug | 60.29 | 72.13 | | field | 29.18 | 46.06 | | armchair | 48.19 | 66.12 | | seat | 64.75 | 86.01 | | fence | 45.36 | 56.6 | | desk | 53.29 | 75.35 | | rock | 48.12 | 68.14 | | wardrobe | 57.54 | 80.78 | | lamp | 70.1 | 81.34 | | bathtub | 81.91 | 87.64 | | railing | 35.62 | 48.0 | | cushion | 64.14 | 76.53 | | base | 31.19 | 44.79 | | box | 33.22 | 41.74 | | column | 50.15 | 55.29 | | signboard | 35.84 | 46.54 | | chest of drawers | 41.59 | 60.58 | | counter | 44.68 | 50.88 | | sand | 53.85 | 80.13 | | sink | 76.28 | 83.04 | | skyscraper | 50.64 | 57.24 | | fireplace | 72.53 | 85.04 | | refrigerator | 77.79 | 87.07 | | grandstand | 58.32 | 75.63 | | path | 20.8 | 24.92 | | stairs | 41.12 | 51.47 | | runway | 72.25 | 94.41 | | case | 55.28 | 66.44 | | pool table | 93.84 | 97.93 | | pillow | 64.04 | 75.57 | | screen door | 70.54 | 75.17 | | stairway | 46.32 | 56.88 | | river | 11.48 | 25.29 | | bridge | 53.77 | 60.6 | | bookcase | 42.07 | 58.39 | | blind | 35.53 | 40.35 | | coffee table | 62.57 | 85.66 | | toilet | 87.31 | 92.63 | | flower | 47.47 | 65.05 | | book | 53.17 | 79.75 | | hill | 10.73 | 16.78 | | bench | 54.96 | 66.43 | | countertop | 64.76 | 79.02 | | stove | 78.71 | 86.97 | | palm | 54.96 | 78.29 | | kitchen island | 46.64 | 69.71 | | computer | 70.87 | 82.69 | | swivel chair | 39.69 | 60.33 | | boat | 70.34 | 82.2 | | bar | 74.0 | 88.59 | | arcade machine | 76.37 | 82.09 | | hovel | 43.06 | 50.19 | | bus | 89.96 | 96.52 | | towel | 72.23 | 83.26 | | light | 57.98 | 66.74 | | truck | 42.43 | 50.05 | | tower | 27.68 | 36.22 | | chandelier | 71.11 | 82.34 | | awning | 35.09 | 44.39 | | streetlight | 30.92 | 39.58 | | booth | 48.34 | 59.71 | | television receiver | 78.74 | 90.68 | | airplane | 60.15 | 73.66 | | dirt track | 6.77 | 15.22 | | apparel | 62.49 | 69.45 | | pole | 25.8 | 34.23 | | land | 2.34 | 3.93 | | bannister | 11.99 | 16.85 | | escalator | 52.97 | 84.77 | | ottoman | 45.88 | 58.35 | | bottle | 41.84 | 66.6 | | buffet | 52.07 | 62.77 | | poster | 26.12 | 32.36 | | stage | 24.21 | 47.53 | | van | 46.02 | 62.95 | | ship | 68.57 | 78.19 | | fountain | 43.27 | 44.06 | | conveyer belt | 68.61 | 97.01 | | canopy | 54.61 | 73.9 | | washer | 84.35 | 90.61 | | plaything | 25.91 | 37.07 | | swimming pool | 62.19 | 87.83 | | stool | 47.06 | 63.31 | | barrel | 55.18 | 64.02 | | basket | 38.3 | 48.99 | | waterfall | 52.43 | 59.86 | | tent | 95.17 | 98.82 | | bag | 21.54 | 24.97 | | minibike | 73.7 | 87.67 | | cradle | 87.63 | 98.23 | | oven | 65.3 | 77.5 | | ball | 54.18 | 61.34 | | food | 54.76 | 66.36 | | step | 13.54 | 15.04 | | tank | 59.77 | 70.37 | | trade name | 24.03 | 27.19 | | microwave | 85.97 | 93.66 | | pot | 51.18 | 57.94 | | animal | 62.76 | 65.04 | | bicycle | 53.91 | 67.73 | | lake | 55.72 | 63.41 | | dishwasher | 60.26 | 72.1 | | screen | 50.06 | 66.44 | | blanket | 25.74 | 31.69 | | sculpture | 73.44 | 85.58 | | hood | 66.95 | 71.17 | | sconce | 54.79 | 65.08 | | vase | 40.72 | 54.21 | | traffic light | 37.44 | 51.26 | | tray | 17.75 | 22.21 | | ashcan | 47.59 | 55.1 | | fan | 66.26 | 79.29 | | pier | 35.53 | 44.44 | | crt screen | 8.55 | 14.55 | | plate | 55.33 | 73.6 | | monitor | 59.64 | 74.4 | | bulletin board | 39.73 | 48.5 | | shower | 7.76 | 21.28 | | radiator | 60.6 | 69.95 | | glass | 16.88 | 17.91 | | clock | 43.21 | 48.73 | | flag | 51.35 | 55.55 | +---------------------+-------+-------+ 2023-11-11 01:26:23,173 - mmseg - INFO - Summary: 2023-11-11 01:26:23,173 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.72 | 54.51 | 65.96 | +-------+-------+-------+ 2023-11-11 01:26:23,174 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:26:23,174 - mmseg - INFO - Iter(val) [250] aAcc: 0.8472, mIoU: 0.5451, mAcc: 0.6596, IoU.wall: 0.7909, IoU.building: 0.8446, IoU.sky: 0.9475, IoU.floor: 0.8267, IoU.tree: 0.7534, IoU.ceiling: 0.8459, IoU.road: 0.8512, IoU.bed : 0.9113, IoU.windowpane: 0.6303, IoU.grass: 0.6908, IoU.cabinet: 0.6175, IoU.sidewalk: 0.6768, IoU.person: 0.8304, IoU.earth: 0.4108, IoU.door: 0.4988, IoU.table: 0.6392, IoU.mountain: 0.6079, IoU.plant: 0.5391, IoU.curtain: 0.7525, IoU.chair: 0.6095, IoU.car: 0.8613, IoU.water: 0.6063, IoU.painting: 0.7478, IoU.sofa: 0.7158, IoU.shelf: 0.4380, IoU.house: 0.5449, IoU.sea: 0.6414, IoU.mirror: 0.7357, IoU.rug: 0.6029, IoU.field: 0.2918, IoU.armchair: 0.4819, IoU.seat: 0.6475, IoU.fence: 0.4536, IoU.desk: 0.5329, IoU.rock: 0.4812, IoU.wardrobe: 0.5754, IoU.lamp: 0.7010, IoU.bathtub: 0.8191, IoU.railing: 0.3562, IoU.cushion: 0.6414, IoU.base: 0.3119, IoU.box: 0.3322, IoU.column: 0.5015, IoU.signboard: 0.3584, IoU.chest of drawers: 0.4159, IoU.counter: 0.4468, IoU.sand: 0.5385, IoU.sink: 0.7628, IoU.skyscraper: 0.5064, IoU.fireplace: 0.7253, IoU.refrigerator: 0.7779, IoU.grandstand: 0.5832, IoU.path: 0.2080, IoU.stairs: 0.4112, IoU.runway: 0.7225, IoU.case: 0.5528, IoU.pool table: 0.9384, IoU.pillow: 0.6404, IoU.screen door: 0.7054, IoU.stairway: 0.4632, IoU.river: 0.1148, IoU.bridge: 0.5377, IoU.bookcase: 0.4207, IoU.blind: 0.3553, IoU.coffee table: 0.6257, IoU.toilet: 0.8731, IoU.flower: 0.4747, IoU.book: 0.5317, IoU.hill: 0.1073, IoU.bench: 0.5496, IoU.countertop: 0.6476, IoU.stove: 0.7871, IoU.palm: 0.5496, IoU.kitchen island: 0.4664, IoU.computer: 0.7087, IoU.swivel chair: 0.3969, IoU.boat: 0.7034, IoU.bar: 0.7400, IoU.arcade machine: 0.7637, IoU.hovel: 0.4306, IoU.bus: 0.8996, IoU.towel: 0.7223, IoU.light: 0.5798, IoU.truck: 0.4243, IoU.tower: 0.2768, IoU.chandelier: 0.7111, IoU.awning: 0.3509, IoU.streetlight: 0.3092, IoU.booth: 0.4834, IoU.television receiver: 0.7874, IoU.airplane: 0.6015, IoU.dirt track: 0.0677, IoU.apparel: 0.6249, IoU.pole: 0.2580, IoU.land: 0.0234, IoU.bannister: 0.1199, IoU.escalator: 0.5297, IoU.ottoman: 0.4588, IoU.bottle: 0.4184, IoU.buffet: 0.5207, IoU.poster: 0.2612, IoU.stage: 0.2421, IoU.van: 0.4602, IoU.ship: 0.6857, IoU.fountain: 0.4327, IoU.conveyer belt: 0.6861, IoU.canopy: 0.5461, IoU.washer: 0.8435, IoU.plaything: 0.2591, IoU.swimming pool: 0.6219, IoU.stool: 0.4706, IoU.barrel: 0.5518, IoU.basket: 0.3830, IoU.waterfall: 0.5243, IoU.tent: 0.9517, IoU.bag: 0.2154, IoU.minibike: 0.7370, IoU.cradle: 0.8763, IoU.oven: 0.6530, IoU.ball: 0.5418, IoU.food: 0.5476, IoU.step: 0.1354, IoU.tank: 0.5977, IoU.trade name: 0.2403, IoU.microwave: 0.8597, IoU.pot: 0.5118, IoU.animal: 0.6276, IoU.bicycle: 0.5391, IoU.lake: 0.5572, IoU.dishwasher: 0.6026, IoU.screen: 0.5006, IoU.blanket: 0.2574, IoU.sculpture: 0.7344, IoU.hood: 0.6695, IoU.sconce: 0.5479, IoU.vase: 0.4072, IoU.traffic light: 0.3744, IoU.tray: 0.1775, IoU.ashcan: 0.4759, IoU.fan: 0.6626, IoU.pier: 0.3553, IoU.crt screen: 0.0855, IoU.plate: 0.5533, IoU.monitor: 0.5964, IoU.bulletin board: 0.3973, IoU.shower: 0.0776, IoU.radiator: 0.6060, IoU.glass: 0.1688, IoU.clock: 0.4321, IoU.flag: 0.5135, Acc.wall: 0.9021, Acc.building: 0.9466, Acc.sky: 0.9741, Acc.floor: 0.9054, Acc.tree: 0.8803, Acc.ceiling: 0.9182, Acc.road: 0.9159, Acc.bed : 0.9706, Acc.windowpane: 0.7818, Acc.grass: 0.8274, Acc.cabinet: 0.7278, Acc.sidewalk: 0.8236, Acc.person: 0.9352, Acc.earth: 0.5516, Acc.door: 0.6092, Acc.table: 0.7858, Acc.mountain: 0.7476, Acc.plant: 0.6352, Acc.curtain: 0.8462, Acc.chair: 0.7344, Acc.car: 0.9299, Acc.water: 0.7756, Acc.painting: 0.8869, Acc.sofa: 0.8354, Acc.shelf: 0.6020, Acc.house: 0.6634, Acc.sea: 0.7506, Acc.mirror: 0.8052, Acc.rug: 0.7213, Acc.field: 0.4606, Acc.armchair: 0.6612, Acc.seat: 0.8601, Acc.fence: 0.5660, Acc.desk: 0.7535, Acc.rock: 0.6814, Acc.wardrobe: 0.8078, Acc.lamp: 0.8134, Acc.bathtub: 0.8764, Acc.railing: 0.4800, Acc.cushion: 0.7653, Acc.base: 0.4479, Acc.box: 0.4174, Acc.column: 0.5529, Acc.signboard: 0.4654, Acc.chest of drawers: 0.6058, Acc.counter: 0.5088, Acc.sand: 0.8013, Acc.sink: 0.8304, Acc.skyscraper: 0.5724, Acc.fireplace: 0.8504, Acc.refrigerator: 0.8707, Acc.grandstand: 0.7563, Acc.path: 0.2492, Acc.stairs: 0.5147, Acc.runway: 0.9441, Acc.case: 0.6644, Acc.pool table: 0.9793, Acc.pillow: 0.7557, Acc.screen door: 0.7517, Acc.stairway: 0.5688, Acc.river: 0.2529, Acc.bridge: 0.6060, Acc.bookcase: 0.5839, Acc.blind: 0.4035, Acc.coffee table: 0.8566, Acc.toilet: 0.9263, Acc.flower: 0.6505, Acc.book: 0.7975, Acc.hill: 0.1678, Acc.bench: 0.6643, Acc.countertop: 0.7902, Acc.stove: 0.8697, Acc.palm: 0.7829, Acc.kitchen island: 0.6971, Acc.computer: 0.8269, Acc.swivel chair: 0.6033, Acc.boat: 0.8220, Acc.bar: 0.8859, Acc.arcade machine: 0.8209, Acc.hovel: 0.5019, Acc.bus: 0.9652, Acc.towel: 0.8326, Acc.light: 0.6674, Acc.truck: 0.5005, Acc.tower: 0.3622, Acc.chandelier: 0.8234, Acc.awning: 0.4439, Acc.streetlight: 0.3958, Acc.booth: 0.5971, Acc.television receiver: 0.9068, Acc.airplane: 0.7366, Acc.dirt track: 0.1522, Acc.apparel: 0.6945, Acc.pole: 0.3423, Acc.land: 0.0393, Acc.bannister: 0.1685, Acc.escalator: 0.8477, Acc.ottoman: 0.5835, Acc.bottle: 0.6660, Acc.buffet: 0.6277, Acc.poster: 0.3236, Acc.stage: 0.4753, Acc.van: 0.6295, Acc.ship: 0.7819, Acc.fountain: 0.4406, Acc.conveyer belt: 0.9701, Acc.canopy: 0.7390, Acc.washer: 0.9061, Acc.plaything: 0.3707, Acc.swimming pool: 0.8783, Acc.stool: 0.6331, Acc.barrel: 0.6402, Acc.basket: 0.4899, Acc.waterfall: 0.5986, Acc.tent: 0.9882, Acc.bag: 0.2497, Acc.minibike: 0.8767, Acc.cradle: 0.9823, Acc.oven: 0.7750, Acc.ball: 0.6134, Acc.food: 0.6636, Acc.step: 0.1504, Acc.tank: 0.7037, Acc.trade name: 0.2719, Acc.microwave: 0.9366, Acc.pot: 0.5794, Acc.animal: 0.6504, Acc.bicycle: 0.6773, Acc.lake: 0.6341, Acc.dishwasher: 0.7210, Acc.screen: 0.6644, Acc.blanket: 0.3169, Acc.sculpture: 0.8558, Acc.hood: 0.7117, Acc.sconce: 0.6508, Acc.vase: 0.5421, Acc.traffic light: 0.5126, Acc.tray: 0.2221, Acc.ashcan: 0.5510, Acc.fan: 0.7929, Acc.pier: 0.4444, Acc.crt screen: 0.1455, Acc.plate: 0.7360, Acc.monitor: 0.7440, Acc.bulletin board: 0.4850, Acc.shower: 0.2128, Acc.radiator: 0.6995, Acc.glass: 0.1791, Acc.clock: 0.4873, Acc.flag: 0.5555 2023-11-11 01:26:57,936 - mmseg - INFO - Iter [64050/80000] lr: 7.976e-06, eta: 3:35:09, time: 2.307, data_time: 1.619, memory: 60073, decode.loss_ce: 0.1407, decode.acc_seg: 93.8138, aux.loss_ce: 0.2792, aux.acc_seg: 74.9662, loss: 0.4199 2023-11-11 01:27:32,645 - mmseg - INFO - Iter [64100/80000] lr: 7.950e-06, eta: 3:34:27, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1347, decode.acc_seg: 94.0780, aux.loss_ce: 0.2738, aux.acc_seg: 75.5301, loss: 0.4085 2023-11-11 01:28:07,356 - mmseg - INFO - Iter [64150/80000] lr: 7.925e-06, eta: 3:33:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1390, decode.acc_seg: 93.7601, aux.loss_ce: 0.2829, aux.acc_seg: 73.9577, loss: 0.4218 2023-11-11 01:28:42,031 - mmseg - INFO - Iter [64200/80000] lr: 7.900e-06, eta: 3:33:03, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1386, decode.acc_seg: 93.8553, aux.loss_ce: 0.2711, aux.acc_seg: 75.8130, loss: 0.4097 2023-11-11 01:29:16,712 - mmseg - INFO - Iter [64250/80000] lr: 7.876e-06, eta: 3:32:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1346, decode.acc_seg: 94.0651, aux.loss_ce: 0.2727, aux.acc_seg: 75.3245, loss: 0.4073 2023-11-11 01:29:51,400 - mmseg - INFO - Iter [64300/80000] lr: 7.851e-06, eta: 3:31:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1364, decode.acc_seg: 93.9951, aux.loss_ce: 0.2796, aux.acc_seg: 74.8620, loss: 0.4161 2023-11-11 01:30:26,107 - mmseg - INFO - Iter [64350/80000] lr: 7.826e-06, eta: 3:30:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1374, decode.acc_seg: 93.8981, aux.loss_ce: 0.2716, aux.acc_seg: 75.2896, loss: 0.4089 2023-11-11 01:31:00,770 - mmseg - INFO - Iter [64400/80000] lr: 7.801e-06, eta: 3:30:16, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1352, decode.acc_seg: 93.9562, aux.loss_ce: 0.2763, aux.acc_seg: 74.8607, loss: 0.4115 2023-11-11 01:31:37,741 - mmseg - INFO - Iter [64450/80000] lr: 7.776e-06, eta: 3:29:34, time: 0.739, data_time: 0.052, memory: 60073, decode.loss_ce: 0.1321, decode.acc_seg: 94.2052, aux.loss_ce: 0.2889, aux.acc_seg: 73.9125, loss: 0.4210 2023-11-11 01:32:12,392 - mmseg - INFO - Iter [64500/80000] lr: 7.750e-06, eta: 3:28:52, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1326, decode.acc_seg: 94.2080, aux.loss_ce: 0.2711, aux.acc_seg: 75.8055, loss: 0.4037 2023-11-11 01:32:47,067 - mmseg - INFO - Iter [64550/80000] lr: 7.725e-06, eta: 3:28:11, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1360, decode.acc_seg: 94.0722, aux.loss_ce: 0.2854, aux.acc_seg: 74.7951, loss: 0.4214 2023-11-11 01:33:21,720 - mmseg - INFO - Iter [64600/80000] lr: 7.701e-06, eta: 3:27:29, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1407, decode.acc_seg: 93.8174, aux.loss_ce: 0.2796, aux.acc_seg: 74.8138, loss: 0.4203 2023-11-11 01:33:56,376 - mmseg - INFO - Iter [64650/80000] lr: 7.675e-06, eta: 3:26:47, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1386, decode.acc_seg: 93.9179, aux.loss_ce: 0.2787, aux.acc_seg: 75.1231, loss: 0.4173 2023-11-11 01:34:31,027 - mmseg - INFO - Iter [64700/80000] lr: 7.651e-06, eta: 3:26:05, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1361, decode.acc_seg: 93.8899, aux.loss_ce: 0.2868, aux.acc_seg: 74.5375, loss: 0.4229 2023-11-11 01:35:05,673 - mmseg - INFO - Iter [64750/80000] lr: 7.626e-06, eta: 3:25:23, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1324, decode.acc_seg: 94.1429, aux.loss_ce: 0.2727, aux.acc_seg: 75.6057, loss: 0.4051 2023-11-11 01:35:40,310 - mmseg - INFO - Iter [64800/80000] lr: 7.601e-06, eta: 3:24:42, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1357, decode.acc_seg: 94.1699, aux.loss_ce: 0.2773, aux.acc_seg: 75.9486, loss: 0.4129 2023-11-11 01:36:14,966 - mmseg - INFO - Iter [64850/80000] lr: 7.576e-06, eta: 3:24:00, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1341, decode.acc_seg: 94.1364, aux.loss_ce: 0.2779, aux.acc_seg: 74.4117, loss: 0.4120 2023-11-11 01:36:49,617 - mmseg - INFO - Iter [64900/80000] lr: 7.551e-06, eta: 3:23:18, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1415, decode.acc_seg: 93.8289, aux.loss_ce: 0.2809, aux.acc_seg: 75.0163, loss: 0.4224 2023-11-11 01:37:24,269 - mmseg - INFO - Iter [64950/80000] lr: 7.525e-06, eta: 3:22:37, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1355, decode.acc_seg: 93.9602, aux.loss_ce: 0.2797, aux.acc_seg: 74.6556, loss: 0.4151 2023-11-11 01:37:58,924 - mmseg - INFO - Saving checkpoint at 65000 iterations 2023-11-11 01:38:29,380 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:38:29,380 - mmseg - INFO - Iter [65000/80000] lr: 7.500e-06, eta: 3:22:02, time: 1.302, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1291, decode.acc_seg: 94.1976, aux.loss_ce: 0.2573, aux.acc_seg: 76.1592, loss: 0.3864 2023-11-11 01:39:51,625 - mmseg - INFO - per class results: 2023-11-11 01:39:51,630 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.34 | 89.85 | | building | 84.67 | 93.98 | | sky | 94.71 | 97.6 | | floor | 82.38 | 91.8 | | tree | 75.22 | 88.48 | | ceiling | 84.79 | 92.05 | | road | 85.19 | 91.36 | | bed | 91.11 | 96.99 | | windowpane | 63.7 | 79.99 | | grass | 71.35 | 84.82 | | cabinet | 61.75 | 73.4 | | sidewalk | 68.28 | 81.99 | | person | 82.88 | 94.12 | | earth | 40.01 | 52.34 | | door | 50.87 | 64.12 | | table | 64.2 | 75.98 | | mountain | 59.83 | 74.86 | | plant | 54.5 | 67.78 | | curtain | 74.52 | 85.93 | | chair | 61.09 | 73.81 | | car | 85.67 | 93.87 | | water | 58.27 | 71.44 | | painting | 75.11 | 87.74 | | sofa | 71.72 | 84.31 | | shelf | 44.86 | 60.99 | | house | 57.2 | 70.72 | | sea | 62.96 | 75.55 | | mirror | 73.6 | 82.56 | | rug | 56.54 | 64.39 | | field | 33.07 | 48.49 | | armchair | 49.2 | 65.51 | | seat | 65.89 | 86.34 | | fence | 46.64 | 61.07 | | desk | 54.09 | 75.02 | | rock | 47.92 | 70.69 | | wardrobe | 56.88 | 74.97 | | lamp | 70.16 | 80.92 | | bathtub | 81.96 | 87.65 | | railing | 34.7 | 46.11 | | cushion | 64.28 | 79.69 | | base | 29.69 | 40.38 | | box | 32.59 | 40.62 | | column | 51.43 | 57.32 | | signboard | 34.79 | 43.63 | | chest of drawers | 42.59 | 63.88 | | counter | 46.8 | 54.14 | | sand | 54.3 | 79.55 | | sink | 75.76 | 84.34 | | skyscraper | 47.92 | 58.36 | | fireplace | 72.64 | 90.16 | | refrigerator | 76.47 | 85.38 | | grandstand | 56.98 | 75.42 | | path | 25.02 | 33.88 | | stairs | 40.28 | 48.98 | | runway | 72.34 | 95.6 | | case | 58.21 | 72.63 | | pool table | 94.3 | 97.18 | | pillow | 60.9 | 68.69 | | screen door | 68.03 | 71.58 | | stairway | 47.22 | 58.11 | | river | 10.86 | 27.51 | | bridge | 62.93 | 71.0 | | bookcase | 44.39 | 61.71 | | blind | 32.76 | 36.72 | | coffee table | 63.58 | 84.95 | | toilet | 86.9 | 92.45 | | flower | 48.31 | 64.66 | | book | 54.67 | 75.83 | | hill | 8.7 | 12.79 | | bench | 56.94 | 66.43 | | countertop | 63.89 | 77.64 | | stove | 79.31 | 86.53 | | palm | 55.93 | 72.98 | | kitchen island | 46.74 | 70.66 | | computer | 71.35 | 82.14 | | swivel chair | 39.4 | 61.5 | | boat | 71.63 | 83.43 | | bar | 75.14 | 87.98 | | arcade machine | 80.96 | 87.14 | | hovel | 41.72 | 47.48 | | bus | 90.39 | 96.11 | | towel | 72.3 | 83.14 | | light | 57.03 | 64.74 | | truck | 43.92 | 52.25 | | tower | 30.2 | 42.84 | | chandelier | 69.43 | 78.09 | | awning | 34.4 | 43.26 | | streetlight | 31.14 | 39.09 | | booth | 48.82 | 58.72 | | television receiver | 81.79 | 89.18 | | airplane | 61.74 | 73.3 | | dirt track | 9.81 | 24.11 | | apparel | 64.84 | 77.88 | | pole | 27.18 | 37.22 | | land | 3.09 | 5.21 | | bannister | 10.36 | 13.42 | | escalator | 54.01 | 80.15 | | ottoman | 43.74 | 58.17 | | bottle | 42.08 | 71.81 | | buffet | 49.55 | 56.4 | | poster | 24.1 | 27.57 | | stage | 18.76 | 36.9 | | van | 45.0 | 60.92 | | ship | 68.66 | 75.3 | | fountain | 62.0 | 64.27 | | conveyer belt | 66.51 | 96.58 | | canopy | 53.81 | 68.7 | | washer | 82.81 | 88.35 | | plaything | 28.16 | 38.49 | | swimming pool | 61.01 | 90.75 | | stool | 47.05 | 59.5 | | barrel | 53.97 | 59.9 | | basket | 38.76 | 50.22 | | waterfall | 56.76 | 67.26 | | tent | 95.51 | 98.54 | | bag | 21.09 | 23.53 | | minibike | 73.15 | 87.22 | | cradle | 87.91 | 97.23 | | oven | 64.83 | 75.29 | | ball | 56.64 | 68.78 | | food | 56.56 | 74.81 | | step | 9.54 | 10.39 | | tank | 59.97 | 70.87 | | trade name | 22.49 | 24.76 | | microwave | 85.83 | 94.06 | | pot | 50.76 | 56.12 | | animal | 60.53 | 62.1 | | bicycle | 54.82 | 70.0 | | lake | 53.45 | 68.53 | | dishwasher | 59.24 | 73.19 | | screen | 52.33 | 70.59 | | blanket | 24.51 | 28.76 | | sculpture | 74.66 | 86.54 | | hood | 65.99 | 69.9 | | sconce | 55.5 | 67.12 | | vase | 41.13 | 53.63 | | traffic light | 37.53 | 49.7 | | tray | 12.06 | 14.02 | | ashcan | 47.34 | 55.94 | | fan | 65.48 | 73.77 | | pier | 35.5 | 45.26 | | crt screen | 8.79 | 14.95 | | plate | 56.81 | 75.19 | | monitor | 62.01 | 78.72 | | bulletin board | 40.51 | 48.23 | | shower | 6.11 | 8.3 | | radiator | 61.29 | 70.43 | | glass | 18.65 | 20.22 | | clock | 43.31 | 47.85 | | flag | 50.11 | 53.31 | +---------------------+-------+-------+ 2023-11-11 01:39:51,630 - mmseg - INFO - Summary: 2023-11-11 01:39:51,631 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.81 | 54.74 | 66.06 | +-------+-------+-------+ 2023-11-11 01:39:51,631 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:39:51,632 - mmseg - INFO - Iter(val) [250] aAcc: 0.8481, mIoU: 0.5474, mAcc: 0.6606, IoU.wall: 0.7934, IoU.building: 0.8467, IoU.sky: 0.9471, IoU.floor: 0.8238, IoU.tree: 0.7522, IoU.ceiling: 0.8479, IoU.road: 0.8519, IoU.bed : 0.9111, IoU.windowpane: 0.6370, IoU.grass: 0.7135, IoU.cabinet: 0.6175, IoU.sidewalk: 0.6828, IoU.person: 0.8288, IoU.earth: 0.4001, IoU.door: 0.5087, IoU.table: 0.6420, IoU.mountain: 0.5983, IoU.plant: 0.5450, IoU.curtain: 0.7452, IoU.chair: 0.6109, IoU.car: 0.8567, IoU.water: 0.5827, IoU.painting: 0.7511, IoU.sofa: 0.7172, IoU.shelf: 0.4486, IoU.house: 0.5720, IoU.sea: 0.6296, IoU.mirror: 0.7360, IoU.rug: 0.5654, IoU.field: 0.3307, IoU.armchair: 0.4920, IoU.seat: 0.6589, IoU.fence: 0.4664, IoU.desk: 0.5409, IoU.rock: 0.4792, IoU.wardrobe: 0.5688, IoU.lamp: 0.7016, IoU.bathtub: 0.8196, IoU.railing: 0.3470, IoU.cushion: 0.6428, IoU.base: 0.2969, IoU.box: 0.3259, IoU.column: 0.5143, IoU.signboard: 0.3479, IoU.chest of drawers: 0.4259, IoU.counter: 0.4680, IoU.sand: 0.5430, IoU.sink: 0.7576, IoU.skyscraper: 0.4792, IoU.fireplace: 0.7264, IoU.refrigerator: 0.7647, IoU.grandstand: 0.5698, IoU.path: 0.2502, IoU.stairs: 0.4028, IoU.runway: 0.7234, IoU.case: 0.5821, IoU.pool table: 0.9430, IoU.pillow: 0.6090, IoU.screen door: 0.6803, IoU.stairway: 0.4722, IoU.river: 0.1086, IoU.bridge: 0.6293, IoU.bookcase: 0.4439, IoU.blind: 0.3276, IoU.coffee table: 0.6358, IoU.toilet: 0.8690, IoU.flower: 0.4831, IoU.book: 0.5467, IoU.hill: 0.0870, IoU.bench: 0.5694, IoU.countertop: 0.6389, IoU.stove: 0.7931, IoU.palm: 0.5593, IoU.kitchen island: 0.4674, IoU.computer: 0.7135, IoU.swivel chair: 0.3940, IoU.boat: 0.7163, IoU.bar: 0.7514, IoU.arcade machine: 0.8096, IoU.hovel: 0.4172, IoU.bus: 0.9039, IoU.towel: 0.7230, IoU.light: 0.5703, IoU.truck: 0.4392, IoU.tower: 0.3020, IoU.chandelier: 0.6943, IoU.awning: 0.3440, IoU.streetlight: 0.3114, IoU.booth: 0.4882, IoU.television receiver: 0.8179, IoU.airplane: 0.6174, IoU.dirt track: 0.0981, IoU.apparel: 0.6484, IoU.pole: 0.2718, IoU.land: 0.0309, IoU.bannister: 0.1036, IoU.escalator: 0.5401, IoU.ottoman: 0.4374, IoU.bottle: 0.4208, IoU.buffet: 0.4955, IoU.poster: 0.2410, IoU.stage: 0.1876, IoU.van: 0.4500, IoU.ship: 0.6866, IoU.fountain: 0.6200, IoU.conveyer belt: 0.6651, IoU.canopy: 0.5381, IoU.washer: 0.8281, IoU.plaything: 0.2816, IoU.swimming pool: 0.6101, IoU.stool: 0.4705, IoU.barrel: 0.5397, IoU.basket: 0.3876, IoU.waterfall: 0.5676, IoU.tent: 0.9551, IoU.bag: 0.2109, IoU.minibike: 0.7315, IoU.cradle: 0.8791, IoU.oven: 0.6483, IoU.ball: 0.5664, IoU.food: 0.5656, IoU.step: 0.0954, IoU.tank: 0.5997, IoU.trade name: 0.2249, IoU.microwave: 0.8583, IoU.pot: 0.5076, IoU.animal: 0.6053, IoU.bicycle: 0.5482, IoU.lake: 0.5345, IoU.dishwasher: 0.5924, IoU.screen: 0.5233, IoU.blanket: 0.2451, IoU.sculpture: 0.7466, IoU.hood: 0.6599, IoU.sconce: 0.5550, IoU.vase: 0.4113, IoU.traffic light: 0.3753, IoU.tray: 0.1206, IoU.ashcan: 0.4734, IoU.fan: 0.6548, IoU.pier: 0.3550, IoU.crt screen: 0.0879, IoU.plate: 0.5681, IoU.monitor: 0.6201, IoU.bulletin board: 0.4051, IoU.shower: 0.0611, IoU.radiator: 0.6129, IoU.glass: 0.1865, IoU.clock: 0.4331, IoU.flag: 0.5011, Acc.wall: 0.8985, Acc.building: 0.9398, Acc.sky: 0.9760, Acc.floor: 0.9180, Acc.tree: 0.8848, Acc.ceiling: 0.9205, Acc.road: 0.9136, Acc.bed : 0.9699, Acc.windowpane: 0.7999, Acc.grass: 0.8482, Acc.cabinet: 0.7340, Acc.sidewalk: 0.8199, Acc.person: 0.9412, Acc.earth: 0.5234, Acc.door: 0.6412, Acc.table: 0.7598, Acc.mountain: 0.7486, Acc.plant: 0.6778, Acc.curtain: 0.8593, Acc.chair: 0.7381, Acc.car: 0.9387, Acc.water: 0.7144, Acc.painting: 0.8774, Acc.sofa: 0.8431, Acc.shelf: 0.6099, Acc.house: 0.7072, Acc.sea: 0.7555, Acc.mirror: 0.8256, Acc.rug: 0.6439, Acc.field: 0.4849, Acc.armchair: 0.6551, Acc.seat: 0.8634, Acc.fence: 0.6107, Acc.desk: 0.7502, Acc.rock: 0.7069, Acc.wardrobe: 0.7497, Acc.lamp: 0.8092, Acc.bathtub: 0.8765, Acc.railing: 0.4611, Acc.cushion: 0.7969, Acc.base: 0.4038, Acc.box: 0.4062, Acc.column: 0.5732, Acc.signboard: 0.4363, Acc.chest of drawers: 0.6388, Acc.counter: 0.5414, Acc.sand: 0.7955, Acc.sink: 0.8434, Acc.skyscraper: 0.5836, Acc.fireplace: 0.9016, Acc.refrigerator: 0.8538, Acc.grandstand: 0.7542, Acc.path: 0.3388, Acc.stairs: 0.4898, Acc.runway: 0.9560, Acc.case: 0.7263, Acc.pool table: 0.9718, Acc.pillow: 0.6869, Acc.screen door: 0.7158, Acc.stairway: 0.5811, Acc.river: 0.2751, Acc.bridge: 0.7100, Acc.bookcase: 0.6171, Acc.blind: 0.3672, Acc.coffee table: 0.8495, Acc.toilet: 0.9245, Acc.flower: 0.6466, Acc.book: 0.7583, Acc.hill: 0.1279, Acc.bench: 0.6643, Acc.countertop: 0.7764, Acc.stove: 0.8653, Acc.palm: 0.7298, Acc.kitchen island: 0.7066, Acc.computer: 0.8214, Acc.swivel chair: 0.6150, Acc.boat: 0.8343, Acc.bar: 0.8798, Acc.arcade machine: 0.8714, Acc.hovel: 0.4748, Acc.bus: 0.9611, Acc.towel: 0.8314, Acc.light: 0.6474, Acc.truck: 0.5225, Acc.tower: 0.4284, Acc.chandelier: 0.7809, Acc.awning: 0.4326, Acc.streetlight: 0.3909, Acc.booth: 0.5872, Acc.television receiver: 0.8918, Acc.airplane: 0.7330, Acc.dirt track: 0.2411, Acc.apparel: 0.7788, Acc.pole: 0.3722, Acc.land: 0.0521, Acc.bannister: 0.1342, Acc.escalator: 0.8015, Acc.ottoman: 0.5817, Acc.bottle: 0.7181, Acc.buffet: 0.5640, Acc.poster: 0.2757, Acc.stage: 0.3690, Acc.van: 0.6092, Acc.ship: 0.7530, Acc.fountain: 0.6427, Acc.conveyer belt: 0.9658, Acc.canopy: 0.6870, Acc.washer: 0.8835, Acc.plaything: 0.3849, Acc.swimming pool: 0.9075, Acc.stool: 0.5950, Acc.barrel: 0.5990, Acc.basket: 0.5022, Acc.waterfall: 0.6726, Acc.tent: 0.9854, Acc.bag: 0.2353, Acc.minibike: 0.8722, Acc.cradle: 0.9723, Acc.oven: 0.7529, Acc.ball: 0.6878, Acc.food: 0.7481, Acc.step: 0.1039, Acc.tank: 0.7087, Acc.trade name: 0.2476, Acc.microwave: 0.9406, Acc.pot: 0.5612, Acc.animal: 0.6210, Acc.bicycle: 0.7000, Acc.lake: 0.6853, Acc.dishwasher: 0.7319, Acc.screen: 0.7059, Acc.blanket: 0.2876, Acc.sculpture: 0.8654, Acc.hood: 0.6990, Acc.sconce: 0.6712, Acc.vase: 0.5363, Acc.traffic light: 0.4970, Acc.tray: 0.1402, Acc.ashcan: 0.5594, Acc.fan: 0.7377, Acc.pier: 0.4526, Acc.crt screen: 0.1495, Acc.plate: 0.7519, Acc.monitor: 0.7872, Acc.bulletin board: 0.4823, Acc.shower: 0.0830, Acc.radiator: 0.7043, Acc.glass: 0.2022, Acc.clock: 0.4785, Acc.flag: 0.5331 2023-11-11 01:40:26,406 - mmseg - INFO - Iter [65050/80000] lr: 7.475e-06, eta: 3:21:39, time: 2.341, data_time: 1.653, memory: 60073, decode.loss_ce: 0.1339, decode.acc_seg: 93.9652, aux.loss_ce: 0.2866, aux.acc_seg: 73.3248, loss: 0.4205 2023-11-11 01:41:01,106 - mmseg - INFO - Iter [65100/80000] lr: 7.451e-06, eta: 3:20:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1351, decode.acc_seg: 94.1587, aux.loss_ce: 0.2759, aux.acc_seg: 75.1933, loss: 0.4109 2023-11-11 01:41:35,810 - mmseg - INFO - Iter [65150/80000] lr: 7.426e-06, eta: 3:20:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1325, decode.acc_seg: 94.0937, aux.loss_ce: 0.2756, aux.acc_seg: 74.5471, loss: 0.4081 2023-11-11 01:42:10,498 - mmseg - INFO - Iter [65200/80000] lr: 7.401e-06, eta: 3:19:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1411, decode.acc_seg: 93.9653, aux.loss_ce: 0.2851, aux.acc_seg: 75.1206, loss: 0.4261 2023-11-11 01:42:45,195 - mmseg - INFO - Iter [65250/80000] lr: 7.376e-06, eta: 3:18:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1362, decode.acc_seg: 93.9913, aux.loss_ce: 0.2778, aux.acc_seg: 75.1423, loss: 0.4140 2023-11-11 01:43:19,901 - mmseg - INFO - Iter [65300/80000] lr: 7.351e-06, eta: 3:18:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1384, decode.acc_seg: 93.8847, aux.loss_ce: 0.2829, aux.acc_seg: 75.0829, loss: 0.4213 2023-11-11 01:43:54,578 - mmseg - INFO - Iter [65350/80000] lr: 7.325e-06, eta: 3:17:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1369, decode.acc_seg: 93.8360, aux.loss_ce: 0.2713, aux.acc_seg: 74.6050, loss: 0.4083 2023-11-11 01:44:29,263 - mmseg - INFO - Iter [65400/80000] lr: 7.300e-06, eta: 3:16:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1347, decode.acc_seg: 94.0644, aux.loss_ce: 0.2672, aux.acc_seg: 76.3675, loss: 0.4019 2023-11-11 01:45:03,942 - mmseg - INFO - Iter [65450/80000] lr: 7.276e-06, eta: 3:16:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1420, decode.acc_seg: 93.6157, aux.loss_ce: 0.2782, aux.acc_seg: 74.9540, loss: 0.4202 2023-11-11 01:45:38,606 - mmseg - INFO - Iter [65500/80000] lr: 7.251e-06, eta: 3:15:23, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1348, decode.acc_seg: 94.0064, aux.loss_ce: 0.2720, aux.acc_seg: 75.2773, loss: 0.4068 2023-11-11 01:46:13,320 - mmseg - INFO - Iter [65550/80000] lr: 7.226e-06, eta: 3:14:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1315, decode.acc_seg: 94.1146, aux.loss_ce: 0.2716, aux.acc_seg: 75.2713, loss: 0.4030 2023-11-11 01:46:48,066 - mmseg - INFO - Iter [65600/80000] lr: 7.201e-06, eta: 3:14:00, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1373, decode.acc_seg: 93.9770, aux.loss_ce: 0.2862, aux.acc_seg: 74.2994, loss: 0.4235 2023-11-11 01:47:22,768 - mmseg - INFO - Iter [65650/80000] lr: 7.176e-06, eta: 3:13:18, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1347, decode.acc_seg: 94.0781, aux.loss_ce: 0.2886, aux.acc_seg: 74.1929, loss: 0.4233 2023-11-11 01:47:59,734 - mmseg - INFO - Iter [65700/80000] lr: 7.151e-06, eta: 3:12:37, time: 0.739, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1278, decode.acc_seg: 94.2478, aux.loss_ce: 0.2752, aux.acc_seg: 75.2232, loss: 0.4030 2023-11-11 01:48:34,395 - mmseg - INFO - Iter [65750/80000] lr: 7.125e-06, eta: 3:11:55, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1297, decode.acc_seg: 94.3051, aux.loss_ce: 0.2727, aux.acc_seg: 75.5087, loss: 0.4024 2023-11-11 01:49:09,057 - mmseg - INFO - Iter [65800/80000] lr: 7.100e-06, eta: 3:11:14, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1304, decode.acc_seg: 94.2209, aux.loss_ce: 0.2736, aux.acc_seg: 74.9337, loss: 0.4040 2023-11-11 01:49:43,739 - mmseg - INFO - Iter [65850/80000] lr: 7.075e-06, eta: 3:10:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1318, decode.acc_seg: 94.2869, aux.loss_ce: 0.2711, aux.acc_seg: 75.5801, loss: 0.4028 2023-11-11 01:50:18,412 - mmseg - INFO - Iter [65900/80000] lr: 7.051e-06, eta: 3:09:51, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1304, decode.acc_seg: 94.2084, aux.loss_ce: 0.2688, aux.acc_seg: 75.7137, loss: 0.3993 2023-11-11 01:50:53,064 - mmseg - INFO - Iter [65950/80000] lr: 7.026e-06, eta: 3:09:09, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1273, decode.acc_seg: 94.4031, aux.loss_ce: 0.2647, aux.acc_seg: 76.0619, loss: 0.3920 2023-11-11 01:51:27,752 - mmseg - INFO - Saving checkpoint at 66000 iterations 2023-11-11 01:51:57,107 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:51:57,107 - mmseg - INFO - Iter [66000/80000] lr: 7.001e-06, eta: 3:08:34, time: 1.281, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1253, decode.acc_seg: 94.3082, aux.loss_ce: 0.2602, aux.acc_seg: 76.4861, loss: 0.3855 2023-11-11 01:53:17,557 - mmseg - INFO - per class results: 2023-11-11 01:53:17,563 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.41 | 89.85 | | building | 84.41 | 93.34 | | sky | 94.74 | 97.5 | | floor | 82.75 | 91.4 | | tree | 75.22 | 87.97 | | ceiling | 84.9 | 92.54 | | road | 85.18 | 90.9 | | bed | 91.14 | 97.06 | | windowpane | 63.54 | 80.27 | | grass | 71.61 | 87.42 | | cabinet | 62.37 | 74.33 | | sidewalk | 69.02 | 84.21 | | person | 82.74 | 94.48 | | earth | 39.93 | 51.84 | | door | 49.82 | 60.3 | | table | 64.28 | 76.43 | | mountain | 60.34 | 74.07 | | plant | 54.32 | 66.24 | | curtain | 75.27 | 84.99 | | chair | 61.96 | 75.72 | | car | 85.97 | 94.38 | | water | 59.59 | 76.14 | | painting | 74.93 | 88.72 | | sofa | 72.54 | 85.22 | | shelf | 43.0 | 57.88 | | house | 55.71 | 76.39 | | sea | 62.31 | 73.78 | | mirror | 72.73 | 80.26 | | rug | 59.3 | 69.57 | | field | 30.8 | 42.9 | | armchair | 50.12 | 67.24 | | seat | 66.72 | 85.72 | | fence | 46.42 | 59.01 | | desk | 55.06 | 77.25 | | rock | 51.51 | 74.35 | | wardrobe | 56.44 | 75.62 | | lamp | 70.29 | 81.33 | | bathtub | 81.94 | 86.88 | | railing | 35.5 | 48.48 | | cushion | 64.21 | 77.36 | | base | 30.47 | 40.23 | | box | 33.0 | 44.36 | | column | 51.09 | 56.58 | | signboard | 35.95 | 49.18 | | chest of drawers | 41.05 | 60.81 | | counter | 45.82 | 52.81 | | sand | 53.94 | 77.93 | | sink | 76.24 | 84.03 | | skyscraper | 49.93 | 60.76 | | fireplace | 71.61 | 91.19 | | refrigerator | 76.91 | 87.84 | | grandstand | 57.94 | 77.25 | | path | 27.63 | 37.74 | | stairs | 40.23 | 49.13 | | runway | 72.05 | 94.2 | | case | 56.6 | 71.29 | | pool table | 94.06 | 97.69 | | pillow | 62.31 | 71.17 | | screen door | 60.97 | 63.84 | | stairway | 47.66 | 63.56 | | river | 10.66 | 24.11 | | bridge | 65.17 | 73.27 | | bookcase | 41.9 | 56.7 | | blind | 37.94 | 43.99 | | coffee table | 61.84 | 83.35 | | toilet | 86.44 | 92.61 | | flower | 47.78 | 63.29 | | book | 53.18 | 78.69 | | hill | 9.67 | 14.19 | | bench | 54.73 | 61.88 | | countertop | 63.09 | 78.39 | | stove | 78.42 | 86.24 | | palm | 54.94 | 77.33 | | kitchen island | 45.52 | 62.96 | | computer | 74.42 | 87.83 | | swivel chair | 39.9 | 62.53 | | boat | 70.42 | 80.38 | | bar | 73.21 | 88.07 | | arcade machine | 79.11 | 83.5 | | hovel | 46.43 | 55.82 | | bus | 90.68 | 95.93 | | towel | 72.41 | 80.16 | | light | 56.47 | 63.37 | | truck | 43.91 | 51.59 | | tower | 31.63 | 47.33 | | chandelier | 70.3 | 80.1 | | awning | 33.11 | 40.9 | | streetlight | 30.73 | 38.87 | | booth | 48.24 | 60.8 | | television receiver | 80.08 | 90.6 | | airplane | 63.81 | 77.31 | | dirt track | 7.39 | 16.58 | | apparel | 61.18 | 70.41 | | pole | 24.59 | 31.71 | | land | 2.29 | 3.64 | | bannister | 11.9 | 15.8 | | escalator | 56.21 | 79.64 | | ottoman | 46.0 | 59.21 | | bottle | 42.64 | 70.65 | | buffet | 51.14 | 59.18 | | poster | 24.88 | 29.19 | | stage | 17.65 | 32.46 | | van | 46.12 | 59.57 | | ship | 70.75 | 81.03 | | fountain | 56.68 | 58.62 | | conveyer belt | 71.85 | 95.39 | | canopy | 53.85 | 70.16 | | washer | 85.36 | 92.52 | | plaything | 26.95 | 39.13 | | swimming pool | 60.64 | 90.34 | | stool | 48.32 | 56.62 | | barrel | 48.95 | 59.3 | | basket | 39.07 | 48.74 | | waterfall | 54.12 | 59.43 | | tent | 95.18 | 98.79 | | bag | 21.16 | 23.79 | | minibike | 73.49 | 87.32 | | cradle | 87.58 | 98.13 | | oven | 61.54 | 75.85 | | ball | 55.3 | 68.8 | | food | 55.45 | 72.55 | | step | 13.81 | 14.78 | | tank | 60.42 | 70.71 | | trade name | 23.06 | 26.08 | | microwave | 84.12 | 94.86 | | pot | 53.11 | 60.97 | | animal | 59.66 | 61.22 | | bicycle | 55.71 | 72.47 | | lake | 52.31 | 63.66 | | dishwasher | 59.74 | 72.65 | | screen | 51.25 | 67.58 | | blanket | 26.77 | 33.57 | | sculpture | 67.2 | 87.42 | | hood | 70.04 | 74.88 | | sconce | 54.28 | 66.81 | | vase | 41.35 | 54.55 | | traffic light | 37.69 | 53.25 | | tray | 14.58 | 17.38 | | ashcan | 47.36 | 56.74 | | fan | 66.93 | 78.77 | | pier | 33.25 | 45.54 | | crt screen | 8.07 | 12.49 | | plate | 56.82 | 71.32 | | monitor | 66.05 | 78.62 | | bulletin board | 41.71 | 49.91 | | shower | 6.25 | 10.41 | | radiator | 59.91 | 68.84 | | glass | 16.84 | 17.87 | | clock | 44.97 | 52.83 | | flag | 52.09 | 56.0 | +---------------------+-------+-------+ 2023-11-11 01:53:17,563 - mmseg - INFO - Summary: 2023-11-11 01:53:17,563 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.87 | 54.75 | 66.27 | +-------+-------+-------+ 2023-11-11 01:53:17,564 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 01:53:17,564 - mmseg - INFO - Iter(val) [250] aAcc: 0.8487, mIoU: 0.5475, mAcc: 0.6627, IoU.wall: 0.7941, IoU.building: 0.8441, IoU.sky: 0.9474, IoU.floor: 0.8275, IoU.tree: 0.7522, IoU.ceiling: 0.8490, IoU.road: 0.8518, IoU.bed : 0.9114, IoU.windowpane: 0.6354, IoU.grass: 0.7161, IoU.cabinet: 0.6237, IoU.sidewalk: 0.6902, IoU.person: 0.8274, IoU.earth: 0.3993, IoU.door: 0.4982, IoU.table: 0.6428, IoU.mountain: 0.6034, IoU.plant: 0.5432, IoU.curtain: 0.7527, IoU.chair: 0.6196, IoU.car: 0.8597, IoU.water: 0.5959, IoU.painting: 0.7493, IoU.sofa: 0.7254, IoU.shelf: 0.4300, IoU.house: 0.5571, IoU.sea: 0.6231, IoU.mirror: 0.7273, IoU.rug: 0.5930, IoU.field: 0.3080, IoU.armchair: 0.5012, IoU.seat: 0.6672, IoU.fence: 0.4642, IoU.desk: 0.5506, IoU.rock: 0.5151, IoU.wardrobe: 0.5644, IoU.lamp: 0.7029, IoU.bathtub: 0.8194, IoU.railing: 0.3550, IoU.cushion: 0.6421, IoU.base: 0.3047, IoU.box: 0.3300, IoU.column: 0.5109, IoU.signboard: 0.3595, IoU.chest of drawers: 0.4105, IoU.counter: 0.4582, IoU.sand: 0.5394, IoU.sink: 0.7624, IoU.skyscraper: 0.4993, IoU.fireplace: 0.7161, IoU.refrigerator: 0.7691, IoU.grandstand: 0.5794, IoU.path: 0.2763, IoU.stairs: 0.4023, IoU.runway: 0.7205, IoU.case: 0.5660, IoU.pool table: 0.9406, IoU.pillow: 0.6231, IoU.screen door: 0.6097, IoU.stairway: 0.4766, IoU.river: 0.1066, IoU.bridge: 0.6517, IoU.bookcase: 0.4190, IoU.blind: 0.3794, IoU.coffee table: 0.6184, IoU.toilet: 0.8644, IoU.flower: 0.4778, IoU.book: 0.5318, IoU.hill: 0.0967, IoU.bench: 0.5473, IoU.countertop: 0.6309, IoU.stove: 0.7842, IoU.palm: 0.5494, IoU.kitchen island: 0.4552, IoU.computer: 0.7442, IoU.swivel chair: 0.3990, IoU.boat: 0.7042, IoU.bar: 0.7321, IoU.arcade machine: 0.7911, IoU.hovel: 0.4643, IoU.bus: 0.9068, IoU.towel: 0.7241, IoU.light: 0.5647, IoU.truck: 0.4391, IoU.tower: 0.3163, IoU.chandelier: 0.7030, IoU.awning: 0.3311, IoU.streetlight: 0.3073, IoU.booth: 0.4824, IoU.television receiver: 0.8008, IoU.airplane: 0.6381, IoU.dirt track: 0.0739, IoU.apparel: 0.6118, IoU.pole: 0.2459, IoU.land: 0.0229, IoU.bannister: 0.1190, IoU.escalator: 0.5621, IoU.ottoman: 0.4600, IoU.bottle: 0.4264, IoU.buffet: 0.5114, IoU.poster: 0.2488, IoU.stage: 0.1765, IoU.van: 0.4612, IoU.ship: 0.7075, IoU.fountain: 0.5668, IoU.conveyer belt: 0.7185, IoU.canopy: 0.5385, IoU.washer: 0.8536, IoU.plaything: 0.2695, IoU.swimming pool: 0.6064, IoU.stool: 0.4832, IoU.barrel: 0.4895, IoU.basket: 0.3907, IoU.waterfall: 0.5412, IoU.tent: 0.9518, IoU.bag: 0.2116, IoU.minibike: 0.7349, IoU.cradle: 0.8758, IoU.oven: 0.6154, IoU.ball: 0.5530, IoU.food: 0.5545, IoU.step: 0.1381, IoU.tank: 0.6042, IoU.trade name: 0.2306, IoU.microwave: 0.8412, IoU.pot: 0.5311, IoU.animal: 0.5966, IoU.bicycle: 0.5571, IoU.lake: 0.5231, IoU.dishwasher: 0.5974, IoU.screen: 0.5125, IoU.blanket: 0.2677, IoU.sculpture: 0.6720, IoU.hood: 0.7004, IoU.sconce: 0.5428, IoU.vase: 0.4135, IoU.traffic light: 0.3769, IoU.tray: 0.1458, IoU.ashcan: 0.4736, IoU.fan: 0.6693, IoU.pier: 0.3325, IoU.crt screen: 0.0807, IoU.plate: 0.5682, IoU.monitor: 0.6605, IoU.bulletin board: 0.4171, IoU.shower: 0.0625, IoU.radiator: 0.5991, IoU.glass: 0.1684, IoU.clock: 0.4497, IoU.flag: 0.5209, Acc.wall: 0.8985, Acc.building: 0.9334, Acc.sky: 0.9750, Acc.floor: 0.9140, Acc.tree: 0.8797, Acc.ceiling: 0.9254, Acc.road: 0.9090, Acc.bed : 0.9706, Acc.windowpane: 0.8027, Acc.grass: 0.8742, Acc.cabinet: 0.7433, Acc.sidewalk: 0.8421, Acc.person: 0.9448, Acc.earth: 0.5184, Acc.door: 0.6030, Acc.table: 0.7643, Acc.mountain: 0.7407, Acc.plant: 0.6624, Acc.curtain: 0.8499, Acc.chair: 0.7572, Acc.car: 0.9438, Acc.water: 0.7614, Acc.painting: 0.8872, Acc.sofa: 0.8522, Acc.shelf: 0.5788, Acc.house: 0.7639, Acc.sea: 0.7378, Acc.mirror: 0.8026, Acc.rug: 0.6957, Acc.field: 0.4290, Acc.armchair: 0.6724, Acc.seat: 0.8572, Acc.fence: 0.5901, Acc.desk: 0.7725, Acc.rock: 0.7435, Acc.wardrobe: 0.7562, Acc.lamp: 0.8133, Acc.bathtub: 0.8688, Acc.railing: 0.4848, Acc.cushion: 0.7736, Acc.base: 0.4023, Acc.box: 0.4436, Acc.column: 0.5658, Acc.signboard: 0.4918, Acc.chest of drawers: 0.6081, Acc.counter: 0.5281, Acc.sand: 0.7793, Acc.sink: 0.8403, Acc.skyscraper: 0.6076, Acc.fireplace: 0.9119, Acc.refrigerator: 0.8784, Acc.grandstand: 0.7725, Acc.path: 0.3774, Acc.stairs: 0.4913, Acc.runway: 0.9420, Acc.case: 0.7129, Acc.pool table: 0.9769, Acc.pillow: 0.7117, Acc.screen door: 0.6384, Acc.stairway: 0.6356, Acc.river: 0.2411, Acc.bridge: 0.7327, Acc.bookcase: 0.5670, Acc.blind: 0.4399, Acc.coffee table: 0.8335, Acc.toilet: 0.9261, Acc.flower: 0.6329, Acc.book: 0.7869, Acc.hill: 0.1419, Acc.bench: 0.6188, Acc.countertop: 0.7839, Acc.stove: 0.8624, Acc.palm: 0.7733, Acc.kitchen island: 0.6296, Acc.computer: 0.8783, Acc.swivel chair: 0.6253, Acc.boat: 0.8038, Acc.bar: 0.8807, Acc.arcade machine: 0.8350, Acc.hovel: 0.5582, Acc.bus: 0.9593, Acc.towel: 0.8016, Acc.light: 0.6337, Acc.truck: 0.5159, Acc.tower: 0.4733, Acc.chandelier: 0.8010, Acc.awning: 0.4090, Acc.streetlight: 0.3887, Acc.booth: 0.6080, Acc.television receiver: 0.9060, Acc.airplane: 0.7731, Acc.dirt track: 0.1658, Acc.apparel: 0.7041, Acc.pole: 0.3171, Acc.land: 0.0364, Acc.bannister: 0.1580, Acc.escalator: 0.7964, Acc.ottoman: 0.5921, Acc.bottle: 0.7065, Acc.buffet: 0.5918, Acc.poster: 0.2919, Acc.stage: 0.3246, Acc.van: 0.5957, Acc.ship: 0.8103, Acc.fountain: 0.5862, Acc.conveyer belt: 0.9539, Acc.canopy: 0.7016, Acc.washer: 0.9252, Acc.plaything: 0.3913, Acc.swimming pool: 0.9034, Acc.stool: 0.5662, Acc.barrel: 0.5930, Acc.basket: 0.4874, Acc.waterfall: 0.5943, Acc.tent: 0.9879, Acc.bag: 0.2379, Acc.minibike: 0.8732, Acc.cradle: 0.9813, Acc.oven: 0.7585, Acc.ball: 0.6880, Acc.food: 0.7255, Acc.step: 0.1478, Acc.tank: 0.7071, Acc.trade name: 0.2608, Acc.microwave: 0.9486, Acc.pot: 0.6097, Acc.animal: 0.6122, Acc.bicycle: 0.7247, Acc.lake: 0.6366, Acc.dishwasher: 0.7265, Acc.screen: 0.6758, Acc.blanket: 0.3357, Acc.sculpture: 0.8742, Acc.hood: 0.7488, Acc.sconce: 0.6681, Acc.vase: 0.5455, Acc.traffic light: 0.5325, Acc.tray: 0.1738, Acc.ashcan: 0.5674, Acc.fan: 0.7877, Acc.pier: 0.4554, Acc.crt screen: 0.1249, Acc.plate: 0.7132, Acc.monitor: 0.7862, Acc.bulletin board: 0.4991, Acc.shower: 0.1041, Acc.radiator: 0.6884, Acc.glass: 0.1787, Acc.clock: 0.5283, Acc.flag: 0.5600 2023-11-11 01:53:52,326 - mmseg - INFO - Iter [66050/80000] lr: 6.976e-06, eta: 3:08:09, time: 2.304, data_time: 1.617, memory: 60073, decode.loss_ce: 0.1344, decode.acc_seg: 94.0773, aux.loss_ce: 0.2735, aux.acc_seg: 75.3120, loss: 0.4079 2023-11-11 01:54:27,040 - mmseg - INFO - Iter [66100/80000] lr: 6.951e-06, eta: 3:07:27, time: 0.694, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1310, decode.acc_seg: 94.2621, aux.loss_ce: 0.2697, aux.acc_seg: 75.6369, loss: 0.4007 2023-11-11 01:55:01,732 - mmseg - INFO - Iter [66150/80000] lr: 6.926e-06, eta: 3:06:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1403, decode.acc_seg: 93.9272, aux.loss_ce: 0.2898, aux.acc_seg: 73.9819, loss: 0.4300 2023-11-11 01:55:36,402 - mmseg - INFO - Iter [66200/80000] lr: 6.900e-06, eta: 3:06:04, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1354, decode.acc_seg: 93.9059, aux.loss_ce: 0.2675, aux.acc_seg: 76.1274, loss: 0.4029 2023-11-11 01:56:11,094 - mmseg - INFO - Iter [66250/80000] lr: 6.875e-06, eta: 3:05:22, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1324, decode.acc_seg: 94.0149, aux.loss_ce: 0.2741, aux.acc_seg: 75.6973, loss: 0.4065 2023-11-11 01:56:45,778 - mmseg - INFO - Iter [66300/80000] lr: 6.850e-06, eta: 3:04:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1392, decode.acc_seg: 93.8825, aux.loss_ce: 0.2860, aux.acc_seg: 74.6054, loss: 0.4252 2023-11-11 01:57:20,476 - mmseg - INFO - Iter [66350/80000] lr: 6.826e-06, eta: 3:03:59, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1303, decode.acc_seg: 94.1493, aux.loss_ce: 0.2638, aux.acc_seg: 75.6768, loss: 0.3942 2023-11-11 01:57:55,162 - mmseg - INFO - Iter [66400/80000] lr: 6.801e-06, eta: 3:03:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1285, decode.acc_seg: 94.3236, aux.loss_ce: 0.2864, aux.acc_seg: 74.3068, loss: 0.4149 2023-11-11 01:58:29,838 - mmseg - INFO - Iter [66450/80000] lr: 6.776e-06, eta: 3:02:36, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1323, decode.acc_seg: 94.1776, aux.loss_ce: 0.2722, aux.acc_seg: 74.8445, loss: 0.4046 2023-11-11 01:59:04,515 - mmseg - INFO - Iter [66500/80000] lr: 6.751e-06, eta: 3:01:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1369, decode.acc_seg: 93.8820, aux.loss_ce: 0.2708, aux.acc_seg: 75.6888, loss: 0.4078 2023-11-11 01:59:39,187 - mmseg - INFO - Iter [66550/80000] lr: 6.726e-06, eta: 3:01:13, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1366, decode.acc_seg: 93.8010, aux.loss_ce: 0.2788, aux.acc_seg: 74.3765, loss: 0.4154 2023-11-11 02:00:13,863 - mmseg - INFO - Iter [66600/80000] lr: 6.700e-06, eta: 3:00:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1354, decode.acc_seg: 93.9696, aux.loss_ce: 0.2750, aux.acc_seg: 74.8352, loss: 0.4104 2023-11-11 02:00:48,538 - mmseg - INFO - Iter [66650/80000] lr: 6.675e-06, eta: 2:59:50, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1312, decode.acc_seg: 94.2270, aux.loss_ce: 0.2719, aux.acc_seg: 75.7842, loss: 0.4031 2023-11-11 02:01:23,211 - mmseg - INFO - Iter [66700/80000] lr: 6.651e-06, eta: 2:59:08, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1383, decode.acc_seg: 93.8223, aux.loss_ce: 0.2803, aux.acc_seg: 74.7413, loss: 0.4186 2023-11-11 02:01:57,890 - mmseg - INFO - Iter [66750/80000] lr: 6.626e-06, eta: 2:58:26, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1333, decode.acc_seg: 94.2710, aux.loss_ce: 0.2853, aux.acc_seg: 74.0446, loss: 0.4187 2023-11-11 02:02:32,559 - mmseg - INFO - Iter [66800/80000] lr: 6.601e-06, eta: 2:57:45, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1320, decode.acc_seg: 94.2527, aux.loss_ce: 0.2820, aux.acc_seg: 75.0810, loss: 0.4140 2023-11-11 02:03:07,254 - mmseg - INFO - Iter [66850/80000] lr: 6.576e-06, eta: 2:57:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1278, decode.acc_seg: 94.2462, aux.loss_ce: 0.2551, aux.acc_seg: 76.5266, loss: 0.3829 2023-11-11 02:03:41,929 - mmseg - INFO - Iter [66900/80000] lr: 6.551e-06, eta: 2:56:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1339, decode.acc_seg: 93.9388, aux.loss_ce: 0.2801, aux.acc_seg: 74.3409, loss: 0.4140 2023-11-11 02:04:18,861 - mmseg - INFO - Iter [66950/80000] lr: 6.526e-06, eta: 2:55:41, time: 0.739, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1347, decode.acc_seg: 94.1376, aux.loss_ce: 0.2846, aux.acc_seg: 74.9407, loss: 0.4192 2023-11-11 02:04:53,521 - mmseg - INFO - Saving checkpoint at 67000 iterations 2023-11-11 02:05:23,405 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:05:23,405 - mmseg - INFO - Iter [67000/80000] lr: 6.500e-06, eta: 2:55:05, time: 1.291, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1292, decode.acc_seg: 94.1894, aux.loss_ce: 0.2826, aux.acc_seg: 74.1404, loss: 0.4118 2023-11-11 02:06:44,035 - mmseg - INFO - per class results: 2023-11-11 02:06:44,040 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.66 | 89.86 | | building | 84.61 | 93.08 | | sky | 94.67 | 97.25 | | floor | 82.46 | 91.58 | | tree | 75.07 | 88.78 | | ceiling | 85.06 | 93.16 | | road | 85.32 | 92.02 | | bed | 91.26 | 96.66 | | windowpane | 63.68 | 81.15 | | grass | 69.46 | 83.36 | | cabinet | 62.21 | 73.63 | | sidewalk | 68.48 | 81.02 | | person | 82.39 | 94.58 | | earth | 39.46 | 52.0 | | door | 51.65 | 63.54 | | table | 64.22 | 77.98 | | mountain | 60.6 | 76.26 | | plant | 54.18 | 66.01 | | curtain | 75.21 | 85.93 | | chair | 61.44 | 75.25 | | car | 85.94 | 94.05 | | water | 60.11 | 74.42 | | painting | 75.58 | 88.4 | | sofa | 71.93 | 85.56 | | shelf | 44.88 | 61.27 | | house | 55.87 | 72.94 | | sea | 64.66 | 80.21 | | mirror | 73.51 | 81.37 | | rug | 57.67 | 66.15 | | field | 27.47 | 41.91 | | armchair | 48.02 | 62.24 | | seat | 66.18 | 85.72 | | fence | 46.89 | 62.55 | | desk | 53.91 | 77.65 | | rock | 49.75 | 70.81 | | wardrobe | 55.34 | 70.37 | | lamp | 70.16 | 82.01 | | bathtub | 81.39 | 87.19 | | railing | 35.03 | 49.04 | | cushion | 64.46 | 79.71 | | base | 28.99 | 40.96 | | box | 32.13 | 39.52 | | column | 51.52 | 59.12 | | signboard | 35.91 | 47.26 | | chest of drawers | 42.22 | 60.35 | | counter | 45.39 | 51.67 | | sand | 53.65 | 76.6 | | sink | 76.15 | 82.95 | | skyscraper | 41.9 | 49.63 | | fireplace | 72.82 | 90.04 | | refrigerator | 76.91 | 86.44 | | grandstand | 54.58 | 71.75 | | path | 23.84 | 32.89 | | stairs | 39.5 | 46.93 | | runway | 72.58 | 94.78 | | case | 60.46 | 76.91 | | pool table | 94.18 | 97.37 | | pillow | 63.34 | 72.01 | | screen door | 74.15 | 79.76 | | stairway | 46.48 | 61.97 | | river | 11.34 | 24.21 | | bridge | 65.6 | 72.82 | | bookcase | 42.26 | 57.27 | | blind | 31.8 | 35.5 | | coffee table | 62.18 | 83.98 | | toilet | 86.33 | 93.57 | | flower | 47.0 | 63.02 | | book | 52.22 | 79.31 | | hill | 9.26 | 14.18 | | bench | 56.7 | 66.54 | | countertop | 63.24 | 75.66 | | stove | 78.92 | 88.67 | | palm | 54.8 | 74.96 | | kitchen island | 45.37 | 63.9 | | computer | 72.43 | 84.33 | | swivel chair | 40.64 | 60.43 | | boat | 70.13 | 81.7 | | bar | 73.12 | 87.21 | | arcade machine | 78.03 | 83.16 | | hovel | 46.45 | 57.63 | | bus | 90.03 | 96.43 | | towel | 72.11 | 81.75 | | light | 56.26 | 63.39 | | truck | 43.09 | 49.87 | | tower | 30.86 | 46.08 | | chandelier | 70.59 | 82.38 | | awning | 32.96 | 40.74 | | streetlight | 31.66 | 40.17 | | booth | 51.67 | 64.98 | | television receiver | 81.07 | 90.44 | | airplane | 64.67 | 77.5 | | dirt track | 8.58 | 19.52 | | apparel | 62.94 | 73.0 | | pole | 26.95 | 37.25 | | land | 2.43 | 4.24 | | bannister | 11.3 | 15.7 | | escalator | 56.55 | 79.82 | | ottoman | 42.56 | 54.43 | | bottle | 42.57 | 72.16 | | buffet | 51.83 | 58.78 | | poster | 25.05 | 29.97 | | stage | 16.64 | 29.73 | | van | 42.28 | 53.42 | | ship | 73.36 | 80.69 | | fountain | 51.7 | 52.89 | | conveyer belt | 71.63 | 95.05 | | canopy | 58.61 | 70.79 | | washer | 85.16 | 92.42 | | plaything | 27.79 | 41.53 | | swimming pool | 60.69 | 89.84 | | stool | 48.03 | 61.66 | | barrel | 50.19 | 57.52 | | basket | 38.99 | 49.84 | | waterfall | 56.59 | 66.14 | | tent | 96.08 | 98.39 | | bag | 22.03 | 25.61 | | minibike | 73.45 | 87.26 | | cradle | 87.53 | 97.2 | | oven | 63.3 | 75.99 | | ball | 56.75 | 68.35 | | food | 53.29 | 69.56 | | step | 11.39 | 13.06 | | tank | 62.7 | 72.14 | | trade name | 20.9 | 23.16 | | microwave | 85.19 | 94.41 | | pot | 52.58 | 60.86 | | animal | 62.02 | 64.52 | | bicycle | 56.99 | 72.68 | | lake | 51.73 | 63.56 | | dishwasher | 59.24 | 73.3 | | screen | 51.38 | 70.61 | | blanket | 25.48 | 31.32 | | sculpture | 71.54 | 86.79 | | hood | 71.18 | 77.98 | | sconce | 54.9 | 67.54 | | vase | 40.9 | 57.5 | | traffic light | 38.48 | 53.97 | | tray | 14.83 | 17.96 | | ashcan | 48.63 | 61.85 | | fan | 66.75 | 78.49 | | pier | 35.54 | 44.56 | | crt screen | 5.47 | 8.31 | | plate | 56.97 | 76.5 | | monitor | 62.43 | 81.45 | | bulletin board | 41.67 | 50.54 | | shower | 8.44 | 12.31 | | radiator | 60.87 | 69.53 | | glass | 18.68 | 20.31 | | clock | 45.8 | 51.22 | | flag | 46.84 | 49.91 | +---------------------+-------+-------+ 2023-11-11 02:06:44,040 - mmseg - INFO - Summary: 2023-11-11 02:06:44,040 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.81 | 54.76 | 66.28 | +-------+-------+-------+ 2023-11-11 02:06:44,041 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:06:44,041 - mmseg - INFO - Iter(val) [250] aAcc: 0.8481, mIoU: 0.5476, mAcc: 0.6628, IoU.wall: 0.7966, IoU.building: 0.8461, IoU.sky: 0.9467, IoU.floor: 0.8246, IoU.tree: 0.7507, IoU.ceiling: 0.8506, IoU.road: 0.8532, IoU.bed : 0.9126, IoU.windowpane: 0.6368, IoU.grass: 0.6946, IoU.cabinet: 0.6221, IoU.sidewalk: 0.6848, IoU.person: 0.8239, IoU.earth: 0.3946, IoU.door: 0.5165, IoU.table: 0.6422, IoU.mountain: 0.6060, IoU.plant: 0.5418, IoU.curtain: 0.7521, IoU.chair: 0.6144, IoU.car: 0.8594, IoU.water: 0.6011, IoU.painting: 0.7558, IoU.sofa: 0.7193, IoU.shelf: 0.4488, IoU.house: 0.5587, IoU.sea: 0.6466, IoU.mirror: 0.7351, IoU.rug: 0.5767, IoU.field: 0.2747, IoU.armchair: 0.4802, IoU.seat: 0.6618, IoU.fence: 0.4689, IoU.desk: 0.5391, IoU.rock: 0.4975, IoU.wardrobe: 0.5534, IoU.lamp: 0.7016, IoU.bathtub: 0.8139, IoU.railing: 0.3503, IoU.cushion: 0.6446, IoU.base: 0.2899, IoU.box: 0.3213, IoU.column: 0.5152, IoU.signboard: 0.3591, IoU.chest of drawers: 0.4222, IoU.counter: 0.4539, IoU.sand: 0.5365, IoU.sink: 0.7615, IoU.skyscraper: 0.4190, IoU.fireplace: 0.7282, IoU.refrigerator: 0.7691, IoU.grandstand: 0.5458, IoU.path: 0.2384, IoU.stairs: 0.3950, IoU.runway: 0.7258, IoU.case: 0.6046, IoU.pool table: 0.9418, IoU.pillow: 0.6334, IoU.screen door: 0.7415, IoU.stairway: 0.4648, IoU.river: 0.1134, IoU.bridge: 0.6560, IoU.bookcase: 0.4226, IoU.blind: 0.3180, IoU.coffee table: 0.6218, IoU.toilet: 0.8633, IoU.flower: 0.4700, IoU.book: 0.5222, IoU.hill: 0.0926, IoU.bench: 0.5670, IoU.countertop: 0.6324, IoU.stove: 0.7892, IoU.palm: 0.5480, IoU.kitchen island: 0.4537, IoU.computer: 0.7243, IoU.swivel chair: 0.4064, IoU.boat: 0.7013, IoU.bar: 0.7312, IoU.arcade machine: 0.7803, IoU.hovel: 0.4645, IoU.bus: 0.9003, IoU.towel: 0.7211, IoU.light: 0.5626, IoU.truck: 0.4309, IoU.tower: 0.3086, IoU.chandelier: 0.7059, IoU.awning: 0.3296, IoU.streetlight: 0.3166, IoU.booth: 0.5167, IoU.television receiver: 0.8107, IoU.airplane: 0.6467, IoU.dirt track: 0.0858, IoU.apparel: 0.6294, IoU.pole: 0.2695, IoU.land: 0.0243, IoU.bannister: 0.1130, IoU.escalator: 0.5655, IoU.ottoman: 0.4256, IoU.bottle: 0.4257, IoU.buffet: 0.5183, IoU.poster: 0.2505, IoU.stage: 0.1664, IoU.van: 0.4228, IoU.ship: 0.7336, IoU.fountain: 0.5170, IoU.conveyer belt: 0.7163, IoU.canopy: 0.5861, IoU.washer: 0.8516, IoU.plaything: 0.2779, IoU.swimming pool: 0.6069, IoU.stool: 0.4803, IoU.barrel: 0.5019, IoU.basket: 0.3899, IoU.waterfall: 0.5659, IoU.tent: 0.9608, IoU.bag: 0.2203, IoU.minibike: 0.7345, IoU.cradle: 0.8753, IoU.oven: 0.6330, IoU.ball: 0.5675, IoU.food: 0.5329, IoU.step: 0.1139, IoU.tank: 0.6270, IoU.trade name: 0.2090, IoU.microwave: 0.8519, IoU.pot: 0.5258, IoU.animal: 0.6202, IoU.bicycle: 0.5699, IoU.lake: 0.5173, IoU.dishwasher: 0.5924, IoU.screen: 0.5138, IoU.blanket: 0.2548, IoU.sculpture: 0.7154, IoU.hood: 0.7118, IoU.sconce: 0.5490, IoU.vase: 0.4090, IoU.traffic light: 0.3848, IoU.tray: 0.1483, IoU.ashcan: 0.4863, IoU.fan: 0.6675, IoU.pier: 0.3554, IoU.crt screen: 0.0547, IoU.plate: 0.5697, IoU.monitor: 0.6243, IoU.bulletin board: 0.4167, IoU.shower: 0.0844, IoU.radiator: 0.6087, IoU.glass: 0.1868, IoU.clock: 0.4580, IoU.flag: 0.4684, Acc.wall: 0.8986, Acc.building: 0.9308, Acc.sky: 0.9725, Acc.floor: 0.9158, Acc.tree: 0.8878, Acc.ceiling: 0.9316, Acc.road: 0.9202, Acc.bed : 0.9666, Acc.windowpane: 0.8115, Acc.grass: 0.8336, Acc.cabinet: 0.7363, Acc.sidewalk: 0.8102, Acc.person: 0.9458, Acc.earth: 0.5200, Acc.door: 0.6354, Acc.table: 0.7798, Acc.mountain: 0.7626, Acc.plant: 0.6601, Acc.curtain: 0.8593, Acc.chair: 0.7525, Acc.car: 0.9405, Acc.water: 0.7442, Acc.painting: 0.8840, Acc.sofa: 0.8556, Acc.shelf: 0.6127, Acc.house: 0.7294, Acc.sea: 0.8021, Acc.mirror: 0.8137, Acc.rug: 0.6615, Acc.field: 0.4191, Acc.armchair: 0.6224, Acc.seat: 0.8572, Acc.fence: 0.6255, Acc.desk: 0.7765, Acc.rock: 0.7081, Acc.wardrobe: 0.7037, Acc.lamp: 0.8201, Acc.bathtub: 0.8719, Acc.railing: 0.4904, Acc.cushion: 0.7971, Acc.base: 0.4096, Acc.box: 0.3952, Acc.column: 0.5912, Acc.signboard: 0.4726, Acc.chest of drawers: 0.6035, Acc.counter: 0.5167, Acc.sand: 0.7660, Acc.sink: 0.8295, Acc.skyscraper: 0.4963, Acc.fireplace: 0.9004, Acc.refrigerator: 0.8644, Acc.grandstand: 0.7175, Acc.path: 0.3289, Acc.stairs: 0.4693, Acc.runway: 0.9478, Acc.case: 0.7691, Acc.pool table: 0.9737, Acc.pillow: 0.7201, Acc.screen door: 0.7976, Acc.stairway: 0.6197, Acc.river: 0.2421, Acc.bridge: 0.7282, Acc.bookcase: 0.5727, Acc.blind: 0.3550, Acc.coffee table: 0.8398, Acc.toilet: 0.9357, Acc.flower: 0.6302, Acc.book: 0.7931, Acc.hill: 0.1418, Acc.bench: 0.6654, Acc.countertop: 0.7566, Acc.stove: 0.8867, Acc.palm: 0.7496, Acc.kitchen island: 0.6390, Acc.computer: 0.8433, Acc.swivel chair: 0.6043, Acc.boat: 0.8170, Acc.bar: 0.8721, Acc.arcade machine: 0.8316, Acc.hovel: 0.5763, Acc.bus: 0.9643, Acc.towel: 0.8175, Acc.light: 0.6339, Acc.truck: 0.4987, Acc.tower: 0.4608, Acc.chandelier: 0.8238, Acc.awning: 0.4074, Acc.streetlight: 0.4017, Acc.booth: 0.6498, Acc.television receiver: 0.9044, Acc.airplane: 0.7750, Acc.dirt track: 0.1952, Acc.apparel: 0.7300, Acc.pole: 0.3725, Acc.land: 0.0424, Acc.bannister: 0.1570, Acc.escalator: 0.7982, Acc.ottoman: 0.5443, Acc.bottle: 0.7216, Acc.buffet: 0.5878, Acc.poster: 0.2997, Acc.stage: 0.2973, Acc.van: 0.5342, Acc.ship: 0.8069, Acc.fountain: 0.5289, Acc.conveyer belt: 0.9505, Acc.canopy: 0.7079, Acc.washer: 0.9242, Acc.plaything: 0.4153, Acc.swimming pool: 0.8984, Acc.stool: 0.6166, Acc.barrel: 0.5752, Acc.basket: 0.4984, Acc.waterfall: 0.6614, Acc.tent: 0.9839, Acc.bag: 0.2561, Acc.minibike: 0.8726, Acc.cradle: 0.9720, Acc.oven: 0.7599, Acc.ball: 0.6835, Acc.food: 0.6956, Acc.step: 0.1306, Acc.tank: 0.7214, Acc.trade name: 0.2316, Acc.microwave: 0.9441, Acc.pot: 0.6086, Acc.animal: 0.6452, Acc.bicycle: 0.7268, Acc.lake: 0.6356, Acc.dishwasher: 0.7330, Acc.screen: 0.7061, Acc.blanket: 0.3132, Acc.sculpture: 0.8679, Acc.hood: 0.7798, Acc.sconce: 0.6754, Acc.vase: 0.5750, Acc.traffic light: 0.5397, Acc.tray: 0.1796, Acc.ashcan: 0.6185, Acc.fan: 0.7849, Acc.pier: 0.4456, Acc.crt screen: 0.0831, Acc.plate: 0.7650, Acc.monitor: 0.8145, Acc.bulletin board: 0.5054, Acc.shower: 0.1231, Acc.radiator: 0.6953, Acc.glass: 0.2031, Acc.clock: 0.5122, Acc.flag: 0.4991 2023-11-11 02:07:18,794 - mmseg - INFO - Iter [67050/80000] lr: 6.475e-06, eta: 2:54:39, time: 2.308, data_time: 1.620, memory: 60073, decode.loss_ce: 0.1296, decode.acc_seg: 94.3946, aux.loss_ce: 0.2825, aux.acc_seg: 74.7274, loss: 0.4121 2023-11-11 02:07:53,444 - mmseg - INFO - Iter [67100/80000] lr: 6.450e-06, eta: 2:53:58, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1227, decode.acc_seg: 94.6554, aux.loss_ce: 0.2679, aux.acc_seg: 75.9885, loss: 0.3905 2023-11-11 02:08:28,099 - mmseg - INFO - Iter [67150/80000] lr: 6.425e-06, eta: 2:53:16, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1319, decode.acc_seg: 94.1212, aux.loss_ce: 0.2806, aux.acc_seg: 74.8063, loss: 0.4125 2023-11-11 02:09:02,745 - mmseg - INFO - Iter [67200/80000] lr: 6.401e-06, eta: 2:52:34, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1377, decode.acc_seg: 93.9044, aux.loss_ce: 0.2951, aux.acc_seg: 73.6022, loss: 0.4328 2023-11-11 02:09:37,394 - mmseg - INFO - Iter [67250/80000] lr: 6.376e-06, eta: 2:51:53, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1414, decode.acc_seg: 93.7072, aux.loss_ce: 0.2753, aux.acc_seg: 75.1331, loss: 0.4167 2023-11-11 02:10:12,063 - mmseg - INFO - Iter [67300/80000] lr: 6.351e-06, eta: 2:51:11, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1302, decode.acc_seg: 94.2154, aux.loss_ce: 0.2793, aux.acc_seg: 74.9441, loss: 0.4095 2023-11-11 02:10:46,703 - mmseg - INFO - Iter [67350/80000] lr: 6.326e-06, eta: 2:50:30, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1332, decode.acc_seg: 94.0190, aux.loss_ce: 0.2708, aux.acc_seg: 75.2850, loss: 0.4040 2023-11-11 02:11:21,381 - mmseg - INFO - Iter [67400/80000] lr: 6.301e-06, eta: 2:49:48, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1379, decode.acc_seg: 94.0362, aux.loss_ce: 0.2896, aux.acc_seg: 74.2069, loss: 0.4275 2023-11-11 02:11:56,037 - mmseg - INFO - Iter [67450/80000] lr: 6.275e-06, eta: 2:49:07, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1294, decode.acc_seg: 94.2319, aux.loss_ce: 0.2669, aux.acc_seg: 75.8752, loss: 0.3964 2023-11-11 02:12:30,672 - mmseg - INFO - Iter [67500/80000] lr: 6.250e-06, eta: 2:48:25, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1347, decode.acc_seg: 94.0889, aux.loss_ce: 0.2721, aux.acc_seg: 75.1358, loss: 0.4068 2023-11-11 02:13:05,317 - mmseg - INFO - Iter [67550/80000] lr: 6.225e-06, eta: 2:47:44, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1355, decode.acc_seg: 93.9662, aux.loss_ce: 0.2764, aux.acc_seg: 74.9520, loss: 0.4120 2023-11-11 02:13:40,021 - mmseg - INFO - Iter [67600/80000] lr: 6.201e-06, eta: 2:47:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1336, decode.acc_seg: 93.9311, aux.loss_ce: 0.2796, aux.acc_seg: 73.9262, loss: 0.4132 2023-11-11 02:14:14,689 - mmseg - INFO - Iter [67650/80000] lr: 6.176e-06, eta: 2:46:21, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1370, decode.acc_seg: 94.0505, aux.loss_ce: 0.2816, aux.acc_seg: 75.5525, loss: 0.4186 2023-11-11 02:14:49,372 - mmseg - INFO - Iter [67700/80000] lr: 6.151e-06, eta: 2:45:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1287, decode.acc_seg: 94.2577, aux.loss_ce: 0.2777, aux.acc_seg: 75.0202, loss: 0.4064 2023-11-11 02:15:24,095 - mmseg - INFO - Iter [67750/80000] lr: 6.126e-06, eta: 2:44:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1276, decode.acc_seg: 94.3680, aux.loss_ce: 0.2699, aux.acc_seg: 75.3138, loss: 0.3974 2023-11-11 02:15:58,779 - mmseg - INFO - Iter [67800/80000] lr: 6.101e-06, eta: 2:44:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1351, decode.acc_seg: 93.9908, aux.loss_ce: 0.2815, aux.acc_seg: 74.7220, loss: 0.4165 2023-11-11 02:16:33,418 - mmseg - INFO - Iter [67850/80000] lr: 6.075e-06, eta: 2:43:35, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1327, decode.acc_seg: 94.1397, aux.loss_ce: 0.2663, aux.acc_seg: 75.2201, loss: 0.3990 2023-11-11 02:17:08,078 - mmseg - INFO - Iter [67900/80000] lr: 6.050e-06, eta: 2:42:54, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1374, decode.acc_seg: 94.0430, aux.loss_ce: 0.2842, aux.acc_seg: 74.7673, loss: 0.4216 2023-11-11 02:17:42,791 - mmseg - INFO - Iter [67950/80000] lr: 6.025e-06, eta: 2:42:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1267, decode.acc_seg: 94.3932, aux.loss_ce: 0.2642, aux.acc_seg: 75.6958, loss: 0.3909 2023-11-11 02:18:17,488 - mmseg - INFO - Saving checkpoint at 68000 iterations 2023-11-11 02:19:18,229 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:19:18,229 - mmseg - INFO - Iter [68000/80000] lr: 6.001e-06, eta: 2:41:42, time: 1.909, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1359, decode.acc_seg: 94.0957, aux.loss_ce: 0.2815, aux.acc_seg: 74.9054, loss: 0.4175 2023-11-11 02:20:38,818 - mmseg - INFO - per class results: 2023-11-11 02:20:38,824 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.47 | 89.58 | | building | 84.45 | 93.36 | | sky | 94.7 | 97.76 | | floor | 82.26 | 91.76 | | tree | 75.23 | 87.79 | | ceiling | 84.89 | 93.16 | | road | 85.53 | 92.14 | | bed | 90.98 | 97.07 | | windowpane | 63.64 | 81.48 | | grass | 68.59 | 81.72 | | cabinet | 61.67 | 74.31 | | sidewalk | 68.32 | 81.35 | | person | 82.57 | 93.92 | | earth | 40.29 | 54.13 | | door | 51.06 | 64.48 | | table | 64.34 | 76.67 | | mountain | 60.61 | 73.92 | | plant | 54.22 | 65.92 | | curtain | 75.24 | 84.27 | | chair | 61.68 | 76.4 | | car | 85.76 | 93.87 | | water | 63.48 | 79.29 | | painting | 73.92 | 88.96 | | sofa | 72.72 | 81.83 | | shelf | 44.51 | 60.05 | | house | 54.28 | 70.53 | | sea | 68.87 | 81.74 | | mirror | 73.31 | 80.36 | | rug | 56.13 | 63.47 | | field | 28.3 | 46.47 | | armchair | 50.91 | 72.27 | | seat | 67.56 | 85.11 | | fence | 47.38 | 59.87 | | desk | 53.59 | 75.98 | | rock | 49.99 | 70.38 | | wardrobe | 55.68 | 74.25 | | lamp | 70.26 | 81.47 | | bathtub | 81.26 | 86.08 | | railing | 31.88 | 41.71 | | cushion | 63.92 | 76.19 | | base | 28.19 | 37.76 | | box | 31.5 | 37.92 | | column | 50.95 | 57.84 | | signboard | 35.81 | 47.96 | | chest of drawers | 41.91 | 62.1 | | counter | 45.28 | 51.36 | | sand | 53.83 | 78.59 | | sink | 75.98 | 83.45 | | skyscraper | 52.39 | 66.91 | | fireplace | 72.44 | 89.95 | | refrigerator | 75.36 | 82.34 | | grandstand | 55.28 | 75.54 | | path | 24.24 | 32.36 | | stairs | 41.72 | 49.34 | | runway | 72.15 | 95.48 | | case | 59.56 | 76.22 | | pool table | 94.25 | 97.14 | | pillow | 60.47 | 69.11 | | screen door | 66.32 | 70.25 | | stairway | 48.51 | 59.2 | | river | 11.93 | 23.71 | | bridge | 62.31 | 72.0 | | bookcase | 42.82 | 58.55 | | blind | 29.31 | 32.08 | | coffee table | 62.91 | 83.47 | | toilet | 86.87 | 92.79 | | flower | 47.06 | 63.21 | | book | 52.68 | 77.88 | | hill | 12.07 | 17.89 | | bench | 57.67 | 68.09 | | countertop | 64.4 | 76.84 | | stove | 78.85 | 85.57 | | palm | 54.83 | 76.11 | | kitchen island | 43.18 | 61.97 | | computer | 73.93 | 87.08 | | swivel chair | 40.69 | 60.46 | | boat | 66.7 | 81.52 | | bar | 73.98 | 87.08 | | arcade machine | 78.64 | 85.29 | | hovel | 43.75 | 51.91 | | bus | 90.39 | 96.28 | | towel | 72.1 | 81.77 | | light | 57.5 | 65.28 | | truck | 43.61 | 50.91 | | tower | 34.65 | 55.18 | | chandelier | 70.91 | 81.49 | | awning | 34.1 | 42.21 | | streetlight | 31.23 | 39.04 | | booth | 46.39 | 61.51 | | television receiver | 81.99 | 88.33 | | airplane | 62.63 | 71.39 | | dirt track | 6.73 | 14.59 | | apparel | 62.72 | 74.35 | | pole | 29.04 | 41.86 | | land | 2.08 | 3.48 | | bannister | 11.56 | 15.89 | | escalator | 55.59 | 79.29 | | ottoman | 43.58 | 54.71 | | bottle | 42.3 | 72.14 | | buffet | 50.44 | 55.77 | | poster | 24.55 | 29.11 | | stage | 16.0 | 31.09 | | van | 42.18 | 54.84 | | ship | 71.73 | 79.8 | | fountain | 54.93 | 56.49 | | conveyer belt | 70.7 | 95.96 | | canopy | 57.99 | 70.57 | | washer | 85.19 | 91.61 | | plaything | 25.99 | 37.8 | | swimming pool | 59.86 | 87.28 | | stool | 49.15 | 58.62 | | barrel | 46.65 | 57.52 | | basket | 39.44 | 49.57 | | waterfall | 56.11 | 64.79 | | tent | 95.97 | 98.57 | | bag | 22.59 | 26.52 | | minibike | 73.46 | 86.03 | | cradle | 87.38 | 97.75 | | oven | 60.19 | 73.28 | | ball | 56.17 | 67.98 | | food | 53.36 | 68.27 | | step | 11.85 | 12.62 | | tank | 60.34 | 71.31 | | trade name | 22.07 | 24.35 | | microwave | 84.81 | 94.02 | | pot | 51.76 | 58.58 | | animal | 61.97 | 64.27 | | bicycle | 56.79 | 73.13 | | lake | 54.8 | 63.57 | | dishwasher | 60.8 | 72.38 | | screen | 51.24 | 67.68 | | blanket | 24.83 | 30.03 | | sculpture | 66.97 | 87.52 | | hood | 67.67 | 72.07 | | sconce | 55.18 | 67.92 | | vase | 40.5 | 56.13 | | traffic light | 37.9 | 50.01 | | tray | 15.85 | 19.0 | | ashcan | 47.83 | 57.65 | | fan | 66.99 | 78.0 | | pier | 34.4 | 46.13 | | crt screen | 7.0 | 10.8 | | plate | 57.41 | 71.59 | | monitor | 65.48 | 81.03 | | bulletin board | 41.52 | 48.48 | | shower | 7.34 | 11.11 | | radiator | 62.76 | 70.79 | | glass | 19.27 | 21.14 | | clock | 44.16 | 51.0 | | flag | 50.39 | 54.19 | +---------------------+-------+-------+ 2023-11-11 02:20:38,824 - mmseg - INFO - Summary: 2023-11-11 02:20:38,824 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.79 | 54.69 | 66.01 | +-------+-------+-------+ 2023-11-11 02:20:38,824 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:20:38,825 - mmseg - INFO - Iter(val) [250] aAcc: 0.8479, mIoU: 0.5469, mAcc: 0.6601, IoU.wall: 0.7947, IoU.building: 0.8445, IoU.sky: 0.9470, IoU.floor: 0.8226, IoU.tree: 0.7523, IoU.ceiling: 0.8489, IoU.road: 0.8553, IoU.bed : 0.9098, IoU.windowpane: 0.6364, IoU.grass: 0.6859, IoU.cabinet: 0.6167, IoU.sidewalk: 0.6832, IoU.person: 0.8257, IoU.earth: 0.4029, IoU.door: 0.5106, IoU.table: 0.6434, IoU.mountain: 0.6061, IoU.plant: 0.5422, IoU.curtain: 0.7524, IoU.chair: 0.6168, IoU.car: 0.8576, IoU.water: 0.6348, IoU.painting: 0.7392, IoU.sofa: 0.7272, IoU.shelf: 0.4451, IoU.house: 0.5428, IoU.sea: 0.6887, IoU.mirror: 0.7331, IoU.rug: 0.5613, IoU.field: 0.2830, IoU.armchair: 0.5091, IoU.seat: 0.6756, IoU.fence: 0.4738, IoU.desk: 0.5359, IoU.rock: 0.4999, IoU.wardrobe: 0.5568, IoU.lamp: 0.7026, IoU.bathtub: 0.8126, IoU.railing: 0.3188, IoU.cushion: 0.6392, IoU.base: 0.2819, IoU.box: 0.3150, IoU.column: 0.5095, IoU.signboard: 0.3581, IoU.chest of drawers: 0.4191, IoU.counter: 0.4528, IoU.sand: 0.5383, IoU.sink: 0.7598, IoU.skyscraper: 0.5239, IoU.fireplace: 0.7244, IoU.refrigerator: 0.7536, IoU.grandstand: 0.5528, IoU.path: 0.2424, IoU.stairs: 0.4172, IoU.runway: 0.7215, IoU.case: 0.5956, IoU.pool table: 0.9425, IoU.pillow: 0.6047, IoU.screen door: 0.6632, IoU.stairway: 0.4851, IoU.river: 0.1193, IoU.bridge: 0.6231, IoU.bookcase: 0.4282, IoU.blind: 0.2931, IoU.coffee table: 0.6291, IoU.toilet: 0.8687, IoU.flower: 0.4706, IoU.book: 0.5268, IoU.hill: 0.1207, IoU.bench: 0.5767, IoU.countertop: 0.6440, IoU.stove: 0.7885, IoU.palm: 0.5483, IoU.kitchen island: 0.4318, IoU.computer: 0.7393, IoU.swivel chair: 0.4069, IoU.boat: 0.6670, IoU.bar: 0.7398, IoU.arcade machine: 0.7864, IoU.hovel: 0.4375, IoU.bus: 0.9039, IoU.towel: 0.7210, IoU.light: 0.5750, IoU.truck: 0.4361, IoU.tower: 0.3465, IoU.chandelier: 0.7091, IoU.awning: 0.3410, IoU.streetlight: 0.3123, IoU.booth: 0.4639, IoU.television receiver: 0.8199, IoU.airplane: 0.6263, IoU.dirt track: 0.0673, IoU.apparel: 0.6272, IoU.pole: 0.2904, IoU.land: 0.0208, IoU.bannister: 0.1156, IoU.escalator: 0.5559, IoU.ottoman: 0.4358, IoU.bottle: 0.4230, IoU.buffet: 0.5044, IoU.poster: 0.2455, IoU.stage: 0.1600, IoU.van: 0.4218, IoU.ship: 0.7173, IoU.fountain: 0.5493, IoU.conveyer belt: 0.7070, IoU.canopy: 0.5799, IoU.washer: 0.8519, IoU.plaything: 0.2599, IoU.swimming pool: 0.5986, IoU.stool: 0.4915, IoU.barrel: 0.4665, IoU.basket: 0.3944, IoU.waterfall: 0.5611, IoU.tent: 0.9597, IoU.bag: 0.2259, IoU.minibike: 0.7346, IoU.cradle: 0.8738, IoU.oven: 0.6019, IoU.ball: 0.5617, IoU.food: 0.5336, IoU.step: 0.1185, IoU.tank: 0.6034, IoU.trade name: 0.2207, IoU.microwave: 0.8481, IoU.pot: 0.5176, IoU.animal: 0.6197, IoU.bicycle: 0.5679, IoU.lake: 0.5480, IoU.dishwasher: 0.6080, IoU.screen: 0.5124, IoU.blanket: 0.2483, IoU.sculpture: 0.6697, IoU.hood: 0.6767, IoU.sconce: 0.5518, IoU.vase: 0.4050, IoU.traffic light: 0.3790, IoU.tray: 0.1585, IoU.ashcan: 0.4783, IoU.fan: 0.6699, IoU.pier: 0.3440, IoU.crt screen: 0.0700, IoU.plate: 0.5741, IoU.monitor: 0.6548, IoU.bulletin board: 0.4152, IoU.shower: 0.0734, IoU.radiator: 0.6276, IoU.glass: 0.1927, IoU.clock: 0.4416, IoU.flag: 0.5039, Acc.wall: 0.8958, Acc.building: 0.9336, Acc.sky: 0.9776, Acc.floor: 0.9176, Acc.tree: 0.8779, Acc.ceiling: 0.9316, Acc.road: 0.9214, Acc.bed : 0.9707, Acc.windowpane: 0.8148, Acc.grass: 0.8172, Acc.cabinet: 0.7431, Acc.sidewalk: 0.8135, Acc.person: 0.9392, Acc.earth: 0.5413, Acc.door: 0.6448, Acc.table: 0.7667, Acc.mountain: 0.7392, Acc.plant: 0.6592, Acc.curtain: 0.8427, Acc.chair: 0.7640, Acc.car: 0.9387, Acc.water: 0.7929, Acc.painting: 0.8896, Acc.sofa: 0.8183, Acc.shelf: 0.6005, Acc.house: 0.7053, Acc.sea: 0.8174, Acc.mirror: 0.8036, Acc.rug: 0.6347, Acc.field: 0.4647, Acc.armchair: 0.7227, Acc.seat: 0.8511, Acc.fence: 0.5987, Acc.desk: 0.7598, Acc.rock: 0.7038, Acc.wardrobe: 0.7425, Acc.lamp: 0.8147, Acc.bathtub: 0.8608, Acc.railing: 0.4171, Acc.cushion: 0.7619, Acc.base: 0.3776, Acc.box: 0.3792, Acc.column: 0.5784, Acc.signboard: 0.4796, Acc.chest of drawers: 0.6210, Acc.counter: 0.5136, Acc.sand: 0.7859, Acc.sink: 0.8345, Acc.skyscraper: 0.6691, Acc.fireplace: 0.8995, Acc.refrigerator: 0.8234, Acc.grandstand: 0.7554, Acc.path: 0.3236, Acc.stairs: 0.4934, Acc.runway: 0.9548, Acc.case: 0.7622, Acc.pool table: 0.9714, Acc.pillow: 0.6911, Acc.screen door: 0.7025, Acc.stairway: 0.5920, Acc.river: 0.2371, Acc.bridge: 0.7200, Acc.bookcase: 0.5855, Acc.blind: 0.3208, Acc.coffee table: 0.8347, Acc.toilet: 0.9279, Acc.flower: 0.6321, Acc.book: 0.7788, Acc.hill: 0.1789, Acc.bench: 0.6809, Acc.countertop: 0.7684, Acc.stove: 0.8557, Acc.palm: 0.7611, Acc.kitchen island: 0.6197, Acc.computer: 0.8708, Acc.swivel chair: 0.6046, Acc.boat: 0.8152, Acc.bar: 0.8708, Acc.arcade machine: 0.8529, Acc.hovel: 0.5191, Acc.bus: 0.9628, Acc.towel: 0.8177, Acc.light: 0.6528, Acc.truck: 0.5091, Acc.tower: 0.5518, Acc.chandelier: 0.8149, Acc.awning: 0.4221, Acc.streetlight: 0.3904, Acc.booth: 0.6151, Acc.television receiver: 0.8833, Acc.airplane: 0.7139, Acc.dirt track: 0.1459, Acc.apparel: 0.7435, Acc.pole: 0.4186, Acc.land: 0.0348, Acc.bannister: 0.1589, Acc.escalator: 0.7929, Acc.ottoman: 0.5471, Acc.bottle: 0.7214, Acc.buffet: 0.5577, Acc.poster: 0.2911, Acc.stage: 0.3109, Acc.van: 0.5484, Acc.ship: 0.7980, Acc.fountain: 0.5649, Acc.conveyer belt: 0.9596, Acc.canopy: 0.7057, Acc.washer: 0.9161, Acc.plaything: 0.3780, Acc.swimming pool: 0.8728, Acc.stool: 0.5862, Acc.barrel: 0.5752, Acc.basket: 0.4957, Acc.waterfall: 0.6479, Acc.tent: 0.9857, Acc.bag: 0.2652, Acc.minibike: 0.8603, Acc.cradle: 0.9775, Acc.oven: 0.7328, Acc.ball: 0.6798, Acc.food: 0.6827, Acc.step: 0.1262, Acc.tank: 0.7131, Acc.trade name: 0.2435, Acc.microwave: 0.9402, Acc.pot: 0.5858, Acc.animal: 0.6427, Acc.bicycle: 0.7313, Acc.lake: 0.6357, Acc.dishwasher: 0.7238, Acc.screen: 0.6768, Acc.blanket: 0.3003, Acc.sculpture: 0.8752, Acc.hood: 0.7207, Acc.sconce: 0.6792, Acc.vase: 0.5613, Acc.traffic light: 0.5001, Acc.tray: 0.1900, Acc.ashcan: 0.5765, Acc.fan: 0.7800, Acc.pier: 0.4613, Acc.crt screen: 0.1080, Acc.plate: 0.7159, Acc.monitor: 0.8103, Acc.bulletin board: 0.4848, Acc.shower: 0.1111, Acc.radiator: 0.7079, Acc.glass: 0.2114, Acc.clock: 0.5100, Acc.flag: 0.5419 2023-11-11 02:21:13,673 - mmseg - INFO - Iter [68050/80000] lr: 5.976e-06, eta: 2:41:14, time: 2.309, data_time: 1.620, memory: 60073, decode.loss_ce: 0.1383, decode.acc_seg: 93.9438, aux.loss_ce: 0.2827, aux.acc_seg: 74.4919, loss: 0.4209 2023-11-11 02:21:48,383 - mmseg - INFO - Iter [68100/80000] lr: 5.951e-06, eta: 2:40:33, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1338, decode.acc_seg: 93.9738, aux.loss_ce: 0.2723, aux.acc_seg: 75.4879, loss: 0.4061 2023-11-11 02:22:23,062 - mmseg - INFO - Iter [68150/80000] lr: 5.926e-06, eta: 2:39:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1319, decode.acc_seg: 94.0749, aux.loss_ce: 0.2780, aux.acc_seg: 74.7374, loss: 0.4099 2023-11-11 02:22:57,773 - mmseg - INFO - Iter [68200/80000] lr: 5.901e-06, eta: 2:39:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1328, decode.acc_seg: 94.0272, aux.loss_ce: 0.2736, aux.acc_seg: 75.0826, loss: 0.4064 2023-11-11 02:23:34,754 - mmseg - INFO - Iter [68250/80000] lr: 5.875e-06, eta: 2:38:29, time: 0.740, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1290, decode.acc_seg: 94.3957, aux.loss_ce: 0.2717, aux.acc_seg: 75.5508, loss: 0.4007 2023-11-11 02:24:09,453 - mmseg - INFO - Iter [68300/80000] lr: 5.850e-06, eta: 2:37:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1267, decode.acc_seg: 94.1929, aux.loss_ce: 0.2620, aux.acc_seg: 75.3566, loss: 0.3887 2023-11-11 02:24:44,162 - mmseg - INFO - Iter [68350/80000] lr: 5.825e-06, eta: 2:37:06, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1226, decode.acc_seg: 94.5021, aux.loss_ce: 0.2742, aux.acc_seg: 75.1884, loss: 0.3969 2023-11-11 02:25:18,863 - mmseg - INFO - Iter [68400/80000] lr: 5.800e-06, eta: 2:36:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1410, decode.acc_seg: 93.9564, aux.loss_ce: 0.2831, aux.acc_seg: 75.1988, loss: 0.4241 2023-11-11 02:25:53,554 - mmseg - INFO - Iter [68450/80000] lr: 5.776e-06, eta: 2:35:43, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1297, decode.acc_seg: 94.2347, aux.loss_ce: 0.2739, aux.acc_seg: 74.9649, loss: 0.4036 2023-11-11 02:26:28,236 - mmseg - INFO - Iter [68500/80000] lr: 5.751e-06, eta: 2:35:02, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1304, decode.acc_seg: 94.2908, aux.loss_ce: 0.2877, aux.acc_seg: 74.1974, loss: 0.4181 2023-11-11 02:27:02,943 - mmseg - INFO - Iter [68550/80000] lr: 5.726e-06, eta: 2:34:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1305, decode.acc_seg: 94.1311, aux.loss_ce: 0.2646, aux.acc_seg: 75.3892, loss: 0.3951 2023-11-11 02:27:37,635 - mmseg - INFO - Iter [68600/80000] lr: 5.701e-06, eta: 2:33:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1342, decode.acc_seg: 94.1279, aux.loss_ce: 0.2895, aux.acc_seg: 74.8731, loss: 0.4236 2023-11-11 02:28:12,314 - mmseg - INFO - Iter [68650/80000] lr: 5.676e-06, eta: 2:32:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1268, decode.acc_seg: 94.4798, aux.loss_ce: 0.2778, aux.acc_seg: 75.3217, loss: 0.4046 2023-11-11 02:28:46,993 - mmseg - INFO - Iter [68700/80000] lr: 5.650e-06, eta: 2:32:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1338, decode.acc_seg: 94.1276, aux.loss_ce: 0.2807, aux.acc_seg: 75.0197, loss: 0.4146 2023-11-11 02:29:21,674 - mmseg - INFO - Iter [68750/80000] lr: 5.625e-06, eta: 2:31:35, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1317, decode.acc_seg: 94.2903, aux.loss_ce: 0.2721, aux.acc_seg: 75.2536, loss: 0.4038 2023-11-11 02:29:56,375 - mmseg - INFO - Iter [68800/80000] lr: 5.600e-06, eta: 2:30:53, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1307, decode.acc_seg: 94.2573, aux.loss_ce: 0.2799, aux.acc_seg: 74.6881, loss: 0.4106 2023-11-11 02:30:31,074 - mmseg - INFO - Iter [68850/80000] lr: 5.576e-06, eta: 2:30:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1386, decode.acc_seg: 93.9615, aux.loss_ce: 0.2728, aux.acc_seg: 75.5405, loss: 0.4114 2023-11-11 02:31:05,775 - mmseg - INFO - Iter [68900/80000] lr: 5.551e-06, eta: 2:29:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1368, decode.acc_seg: 94.0756, aux.loss_ce: 0.2821, aux.acc_seg: 74.9982, loss: 0.4189 2023-11-11 02:31:40,464 - mmseg - INFO - Iter [68950/80000] lr: 5.526e-06, eta: 2:28:49, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1331, decode.acc_seg: 94.2115, aux.loss_ce: 0.2778, aux.acc_seg: 75.5344, loss: 0.4109 2023-11-11 02:32:15,126 - mmseg - INFO - Saving checkpoint at 69000 iterations 2023-11-11 02:32:44,590 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:32:44,590 - mmseg - INFO - Iter [69000/80000] lr: 5.501e-06, eta: 2:28:13, time: 1.282, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1324, decode.acc_seg: 94.0545, aux.loss_ce: 0.2789, aux.acc_seg: 75.4513, loss: 0.4113 2023-11-11 02:34:05,113 - mmseg - INFO - per class results: 2023-11-11 02:34:05,118 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.61 | 89.36 | | building | 84.33 | 94.08 | | sky | 94.72 | 97.76 | | floor | 82.39 | 91.45 | | tree | 75.07 | 88.48 | | ceiling | 84.76 | 92.54 | | road | 85.65 | 91.41 | | bed | 91.35 | 96.75 | | windowpane | 63.42 | 80.53 | | grass | 69.71 | 83.38 | | cabinet | 61.54 | 73.67 | | sidewalk | 68.7 | 82.35 | | person | 83.02 | 94.13 | | earth | 40.68 | 54.81 | | door | 50.95 | 63.01 | | table | 63.9 | 76.15 | | mountain | 61.42 | 74.34 | | plant | 53.84 | 64.4 | | curtain | 75.15 | 86.56 | | chair | 61.87 | 75.6 | | car | 85.61 | 94.14 | | water | 61.99 | 75.51 | | painting | 76.02 | 88.36 | | sofa | 71.38 | 85.08 | | shelf | 44.89 | 64.72 | | house | 51.96 | 63.02 | | sea | 68.17 | 82.19 | | mirror | 74.72 | 83.68 | | rug | 55.48 | 62.44 | | field | 28.54 | 43.02 | | armchair | 48.64 | 65.66 | | seat | 67.68 | 83.92 | | fence | 46.84 | 61.26 | | desk | 51.41 | 80.67 | | rock | 51.11 | 71.84 | | wardrobe | 56.59 | 77.17 | | lamp | 70.21 | 83.41 | | bathtub | 81.67 | 86.33 | | railing | 34.05 | 46.67 | | cushion | 64.03 | 74.9 | | base | 29.64 | 40.13 | | box | 32.78 | 42.1 | | column | 51.41 | 59.83 | | signboard | 35.6 | 47.1 | | chest of drawers | 40.45 | 56.09 | | counter | 42.83 | 48.34 | | sand | 53.16 | 78.12 | | sink | 76.13 | 84.11 | | skyscraper | 49.97 | 61.53 | | fireplace | 70.92 | 90.44 | | refrigerator | 77.93 | 86.32 | | grandstand | 55.43 | 75.81 | | path | 25.42 | 35.07 | | stairs | 41.69 | 50.09 | | runway | 72.76 | 95.47 | | case | 58.6 | 74.58 | | pool table | 94.14 | 97.65 | | pillow | 64.92 | 76.67 | | screen door | 64.33 | 66.86 | | stairway | 47.73 | 60.97 | | river | 11.58 | 25.24 | | bridge | 58.6 | 66.4 | | bookcase | 42.75 | 57.54 | | blind | 30.61 | 32.85 | | coffee table | 62.15 | 84.95 | | toilet | 87.49 | 92.27 | | flower | 47.8 | 68.02 | | book | 53.03 | 76.42 | | hill | 12.03 | 19.55 | | bench | 59.44 | 71.31 | | countertop | 63.63 | 76.51 | | stove | 78.93 | 84.44 | | palm | 54.55 | 77.86 | | kitchen island | 45.02 | 64.48 | | computer | 73.66 | 87.25 | | swivel chair | 40.52 | 61.2 | | boat | 66.49 | 81.79 | | bar | 75.37 | 87.1 | | arcade machine | 78.66 | 83.91 | | hovel | 40.78 | 48.36 | | bus | 89.91 | 96.33 | | towel | 72.04 | 81.72 | | light | 55.46 | 62.22 | | truck | 41.62 | 47.9 | | tower | 32.83 | 50.11 | | chandelier | 70.21 | 82.17 | | awning | 36.28 | 46.49 | | streetlight | 31.42 | 39.38 | | booth | 52.12 | 65.09 | | television receiver | 81.3 | 90.03 | | airplane | 66.07 | 78.2 | | dirt track | 9.93 | 22.88 | | apparel | 62.74 | 72.34 | | pole | 29.01 | 40.51 | | land | 2.03 | 3.51 | | bannister | 11.28 | 15.8 | | escalator | 55.72 | 81.14 | | ottoman | 46.22 | 57.13 | | bottle | 41.36 | 70.42 | | buffet | 49.01 | 54.17 | | poster | 24.43 | 30.06 | | stage | 17.55 | 34.46 | | van | 43.85 | 60.67 | | ship | 71.12 | 82.09 | | fountain | 53.2 | 55.28 | | conveyer belt | 74.58 | 94.81 | | canopy | 54.16 | 72.65 | | washer | 84.48 | 90.44 | | plaything | 24.86 | 35.91 | | swimming pool | 60.12 | 88.87 | | stool | 50.14 | 58.82 | | barrel | 48.66 | 53.24 | | basket | 38.99 | 51.85 | | waterfall | 58.79 | 66.46 | | tent | 95.08 | 98.72 | | bag | 21.38 | 24.01 | | minibike | 73.39 | 87.97 | | cradle | 87.35 | 98.12 | | oven | 63.91 | 75.38 | | ball | 56.39 | 65.55 | | food | 53.98 | 69.06 | | step | 12.37 | 13.1 | | tank | 60.33 | 71.49 | | trade name | 20.37 | 22.36 | | microwave | 84.93 | 93.92 | | pot | 52.53 | 59.82 | | animal | 61.88 | 64.34 | | bicycle | 57.04 | 75.25 | | lake | 50.45 | 63.61 | | dishwasher | 60.38 | 71.49 | | screen | 52.26 | 70.87 | | blanket | 26.55 | 33.22 | | sculpture | 70.71 | 86.55 | | hood | 66.58 | 70.88 | | sconce | 55.7 | 67.99 | | vase | 41.99 | 57.13 | | traffic light | 38.13 | 50.46 | | tray | 14.1 | 16.62 | | ashcan | 44.83 | 52.16 | | fan | 67.15 | 79.73 | | pier | 35.02 | 46.58 | | crt screen | 5.09 | 7.72 | | plate | 58.08 | 71.13 | | monitor | 62.73 | 77.74 | | bulletin board | 40.84 | 49.68 | | shower | 6.52 | 9.74 | | radiator | 61.65 | 70.06 | | glass | 17.41 | 18.7 | | clock | 46.35 | 54.14 | | flag | 48.52 | 53.21 | +---------------------+-------+-------+ 2023-11-11 02:34:05,118 - mmseg - INFO - Summary: 2023-11-11 02:34:05,119 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.81 | 54.7 | 66.21 | +-------+------+-------+ 2023-11-11 02:34:05,119 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:34:05,120 - mmseg - INFO - Iter(val) [250] aAcc: 0.8481, mIoU: 0.5470, mAcc: 0.6621, IoU.wall: 0.7961, IoU.building: 0.8433, IoU.sky: 0.9472, IoU.floor: 0.8239, IoU.tree: 0.7507, IoU.ceiling: 0.8476, IoU.road: 0.8565, IoU.bed : 0.9135, IoU.windowpane: 0.6342, IoU.grass: 0.6971, IoU.cabinet: 0.6154, IoU.sidewalk: 0.6870, IoU.person: 0.8302, IoU.earth: 0.4068, IoU.door: 0.5095, IoU.table: 0.6390, IoU.mountain: 0.6142, IoU.plant: 0.5384, IoU.curtain: 0.7515, IoU.chair: 0.6187, IoU.car: 0.8561, IoU.water: 0.6199, IoU.painting: 0.7602, IoU.sofa: 0.7138, IoU.shelf: 0.4489, IoU.house: 0.5196, IoU.sea: 0.6817, IoU.mirror: 0.7472, IoU.rug: 0.5548, IoU.field: 0.2854, IoU.armchair: 0.4864, IoU.seat: 0.6768, IoU.fence: 0.4684, IoU.desk: 0.5141, IoU.rock: 0.5111, IoU.wardrobe: 0.5659, IoU.lamp: 0.7021, IoU.bathtub: 0.8167, IoU.railing: 0.3405, IoU.cushion: 0.6403, IoU.base: 0.2964, IoU.box: 0.3278, IoU.column: 0.5141, IoU.signboard: 0.3560, IoU.chest of drawers: 0.4045, IoU.counter: 0.4283, IoU.sand: 0.5316, IoU.sink: 0.7613, IoU.skyscraper: 0.4997, IoU.fireplace: 0.7092, IoU.refrigerator: 0.7793, IoU.grandstand: 0.5543, IoU.path: 0.2542, IoU.stairs: 0.4169, IoU.runway: 0.7276, IoU.case: 0.5860, IoU.pool table: 0.9414, IoU.pillow: 0.6492, IoU.screen door: 0.6433, IoU.stairway: 0.4773, IoU.river: 0.1158, IoU.bridge: 0.5860, IoU.bookcase: 0.4275, IoU.blind: 0.3061, IoU.coffee table: 0.6215, IoU.toilet: 0.8749, IoU.flower: 0.4780, IoU.book: 0.5303, IoU.hill: 0.1203, IoU.bench: 0.5944, IoU.countertop: 0.6363, IoU.stove: 0.7893, IoU.palm: 0.5455, IoU.kitchen island: 0.4502, IoU.computer: 0.7366, IoU.swivel chair: 0.4052, IoU.boat: 0.6649, IoU.bar: 0.7537, IoU.arcade machine: 0.7866, IoU.hovel: 0.4078, IoU.bus: 0.8991, IoU.towel: 0.7204, IoU.light: 0.5546, IoU.truck: 0.4162, IoU.tower: 0.3283, IoU.chandelier: 0.7021, IoU.awning: 0.3628, IoU.streetlight: 0.3142, IoU.booth: 0.5212, IoU.television receiver: 0.8130, IoU.airplane: 0.6607, IoU.dirt track: 0.0993, IoU.apparel: 0.6274, IoU.pole: 0.2901, IoU.land: 0.0203, IoU.bannister: 0.1128, IoU.escalator: 0.5572, IoU.ottoman: 0.4622, IoU.bottle: 0.4136, IoU.buffet: 0.4901, IoU.poster: 0.2443, IoU.stage: 0.1755, IoU.van: 0.4385, IoU.ship: 0.7112, IoU.fountain: 0.5320, IoU.conveyer belt: 0.7458, IoU.canopy: 0.5416, IoU.washer: 0.8448, IoU.plaything: 0.2486, IoU.swimming pool: 0.6012, IoU.stool: 0.5014, IoU.barrel: 0.4866, IoU.basket: 0.3899, IoU.waterfall: 0.5879, IoU.tent: 0.9508, IoU.bag: 0.2138, IoU.minibike: 0.7339, IoU.cradle: 0.8735, IoU.oven: 0.6391, IoU.ball: 0.5639, IoU.food: 0.5398, IoU.step: 0.1237, IoU.tank: 0.6033, IoU.trade name: 0.2037, IoU.microwave: 0.8493, IoU.pot: 0.5253, IoU.animal: 0.6188, IoU.bicycle: 0.5704, IoU.lake: 0.5045, IoU.dishwasher: 0.6038, IoU.screen: 0.5226, IoU.blanket: 0.2655, IoU.sculpture: 0.7071, IoU.hood: 0.6658, IoU.sconce: 0.5570, IoU.vase: 0.4199, IoU.traffic light: 0.3813, IoU.tray: 0.1410, IoU.ashcan: 0.4483, IoU.fan: 0.6715, IoU.pier: 0.3502, IoU.crt screen: 0.0509, IoU.plate: 0.5808, IoU.monitor: 0.6273, IoU.bulletin board: 0.4084, IoU.shower: 0.0652, IoU.radiator: 0.6165, IoU.glass: 0.1741, IoU.clock: 0.4635, IoU.flag: 0.4852, Acc.wall: 0.8936, Acc.building: 0.9408, Acc.sky: 0.9776, Acc.floor: 0.9145, Acc.tree: 0.8848, Acc.ceiling: 0.9254, Acc.road: 0.9141, Acc.bed : 0.9675, Acc.windowpane: 0.8053, Acc.grass: 0.8338, Acc.cabinet: 0.7367, Acc.sidewalk: 0.8235, Acc.person: 0.9413, Acc.earth: 0.5481, Acc.door: 0.6301, Acc.table: 0.7615, Acc.mountain: 0.7434, Acc.plant: 0.6440, Acc.curtain: 0.8656, Acc.chair: 0.7560, Acc.car: 0.9414, Acc.water: 0.7551, Acc.painting: 0.8836, Acc.sofa: 0.8508, Acc.shelf: 0.6472, Acc.house: 0.6302, Acc.sea: 0.8219, Acc.mirror: 0.8368, Acc.rug: 0.6244, Acc.field: 0.4302, Acc.armchair: 0.6566, Acc.seat: 0.8392, Acc.fence: 0.6126, Acc.desk: 0.8067, Acc.rock: 0.7184, Acc.wardrobe: 0.7717, Acc.lamp: 0.8341, Acc.bathtub: 0.8633, Acc.railing: 0.4667, Acc.cushion: 0.7490, Acc.base: 0.4013, Acc.box: 0.4210, Acc.column: 0.5983, Acc.signboard: 0.4710, Acc.chest of drawers: 0.5609, Acc.counter: 0.4834, Acc.sand: 0.7812, Acc.sink: 0.8411, Acc.skyscraper: 0.6153, Acc.fireplace: 0.9044, Acc.refrigerator: 0.8632, Acc.grandstand: 0.7581, Acc.path: 0.3507, Acc.stairs: 0.5009, Acc.runway: 0.9547, Acc.case: 0.7458, Acc.pool table: 0.9765, Acc.pillow: 0.7667, Acc.screen door: 0.6686, Acc.stairway: 0.6097, Acc.river: 0.2524, Acc.bridge: 0.6640, Acc.bookcase: 0.5754, Acc.blind: 0.3285, Acc.coffee table: 0.8495, Acc.toilet: 0.9227, Acc.flower: 0.6802, Acc.book: 0.7642, Acc.hill: 0.1955, Acc.bench: 0.7131, Acc.countertop: 0.7651, Acc.stove: 0.8444, Acc.palm: 0.7786, Acc.kitchen island: 0.6448, Acc.computer: 0.8725, Acc.swivel chair: 0.6120, Acc.boat: 0.8179, Acc.bar: 0.8710, Acc.arcade machine: 0.8391, Acc.hovel: 0.4836, Acc.bus: 0.9633, Acc.towel: 0.8172, Acc.light: 0.6222, Acc.truck: 0.4790, Acc.tower: 0.5011, Acc.chandelier: 0.8217, Acc.awning: 0.4649, Acc.streetlight: 0.3938, Acc.booth: 0.6509, Acc.television receiver: 0.9003, Acc.airplane: 0.7820, Acc.dirt track: 0.2288, Acc.apparel: 0.7234, Acc.pole: 0.4051, Acc.land: 0.0351, Acc.bannister: 0.1580, Acc.escalator: 0.8114, Acc.ottoman: 0.5713, Acc.bottle: 0.7042, Acc.buffet: 0.5417, Acc.poster: 0.3006, Acc.stage: 0.3446, Acc.van: 0.6067, Acc.ship: 0.8209, Acc.fountain: 0.5528, Acc.conveyer belt: 0.9481, Acc.canopy: 0.7265, Acc.washer: 0.9044, Acc.plaything: 0.3591, Acc.swimming pool: 0.8887, Acc.stool: 0.5882, Acc.barrel: 0.5324, Acc.basket: 0.5185, Acc.waterfall: 0.6646, Acc.tent: 0.9872, Acc.bag: 0.2401, Acc.minibike: 0.8797, Acc.cradle: 0.9812, Acc.oven: 0.7538, Acc.ball: 0.6555, Acc.food: 0.6906, Acc.step: 0.1310, Acc.tank: 0.7149, Acc.trade name: 0.2236, Acc.microwave: 0.9392, Acc.pot: 0.5982, Acc.animal: 0.6434, Acc.bicycle: 0.7525, Acc.lake: 0.6361, Acc.dishwasher: 0.7149, Acc.screen: 0.7087, Acc.blanket: 0.3322, Acc.sculpture: 0.8655, Acc.hood: 0.7088, Acc.sconce: 0.6799, Acc.vase: 0.5713, Acc.traffic light: 0.5046, Acc.tray: 0.1662, Acc.ashcan: 0.5216, Acc.fan: 0.7973, Acc.pier: 0.4658, Acc.crt screen: 0.0772, Acc.plate: 0.7113, Acc.monitor: 0.7774, Acc.bulletin board: 0.4968, Acc.shower: 0.0974, Acc.radiator: 0.7006, Acc.glass: 0.1870, Acc.clock: 0.5414, Acc.flag: 0.5321 2023-11-11 02:34:39,873 - mmseg - INFO - Iter [69050/80000] lr: 5.476e-06, eta: 2:27:44, time: 2.306, data_time: 1.618, memory: 60073, decode.loss_ce: 0.1227, decode.acc_seg: 94.4906, aux.loss_ce: 0.2662, aux.acc_seg: 75.9188, loss: 0.3889 2023-11-11 02:35:14,571 - mmseg - INFO - Iter [69100/80000] lr: 5.450e-06, eta: 2:27:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1316, decode.acc_seg: 94.1965, aux.loss_ce: 0.2972, aux.acc_seg: 73.3225, loss: 0.4288 2023-11-11 02:35:49,269 - mmseg - INFO - Iter [69150/80000] lr: 5.425e-06, eta: 2:26:21, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1340, decode.acc_seg: 94.0860, aux.loss_ce: 0.2747, aux.acc_seg: 75.2661, loss: 0.4087 2023-11-11 02:36:23,972 - mmseg - INFO - Iter [69200/80000] lr: 5.400e-06, eta: 2:25:40, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1230, decode.acc_seg: 94.4861, aux.loss_ce: 0.2641, aux.acc_seg: 76.2701, loss: 0.3871 2023-11-11 02:36:58,635 - mmseg - INFO - Iter [69250/80000] lr: 5.376e-06, eta: 2:24:59, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1299, decode.acc_seg: 94.3126, aux.loss_ce: 0.2742, aux.acc_seg: 75.8382, loss: 0.4041 2023-11-11 02:37:33,330 - mmseg - INFO - Iter [69300/80000] lr: 5.351e-06, eta: 2:24:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1353, decode.acc_seg: 94.0991, aux.loss_ce: 0.2796, aux.acc_seg: 74.6953, loss: 0.4149 2023-11-11 02:38:08,002 - mmseg - INFO - Iter [69350/80000] lr: 5.326e-06, eta: 2:23:36, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1374, decode.acc_seg: 93.9882, aux.loss_ce: 0.2828, aux.acc_seg: 74.9587, loss: 0.4202 2023-11-11 02:38:42,699 - mmseg - INFO - Iter [69400/80000] lr: 5.301e-06, eta: 2:22:55, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1349, decode.acc_seg: 94.0176, aux.loss_ce: 0.2800, aux.acc_seg: 74.3665, loss: 0.4149 2023-11-11 02:39:17,395 - mmseg - INFO - Iter [69450/80000] lr: 5.276e-06, eta: 2:22:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1264, decode.acc_seg: 94.3158, aux.loss_ce: 0.2722, aux.acc_seg: 75.2118, loss: 0.3986 2023-11-11 02:39:54,391 - mmseg - INFO - Iter [69500/80000] lr: 5.250e-06, eta: 2:21:32, time: 0.740, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1276, decode.acc_seg: 94.4361, aux.loss_ce: 0.2721, aux.acc_seg: 75.3017, loss: 0.3997 2023-11-11 02:40:29,117 - mmseg - INFO - Iter [69550/80000] lr: 5.225e-06, eta: 2:20:51, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1290, decode.acc_seg: 94.1849, aux.loss_ce: 0.2745, aux.acc_seg: 75.0566, loss: 0.4035 2023-11-11 02:41:03,819 - mmseg - INFO - Iter [69600/80000] lr: 5.200e-06, eta: 2:20:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1367, decode.acc_seg: 93.9920, aux.loss_ce: 0.2739, aux.acc_seg: 75.5962, loss: 0.4106 2023-11-11 02:41:38,565 - mmseg - INFO - Iter [69650/80000] lr: 5.175e-06, eta: 2:19:29, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1248, decode.acc_seg: 94.3602, aux.loss_ce: 0.2657, aux.acc_seg: 75.5072, loss: 0.3905 2023-11-11 02:42:13,283 - mmseg - INFO - Iter [69700/80000] lr: 5.151e-06, eta: 2:18:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1310, decode.acc_seg: 94.1895, aux.loss_ce: 0.2850, aux.acc_seg: 74.1070, loss: 0.4160 2023-11-11 02:42:48,002 - mmseg - INFO - Iter [69750/80000] lr: 5.126e-06, eta: 2:18:06, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1336, decode.acc_seg: 94.2125, aux.loss_ce: 0.2883, aux.acc_seg: 74.6235, loss: 0.4220 2023-11-11 02:43:22,688 - mmseg - INFO - Iter [69800/80000] lr: 5.101e-06, eta: 2:17:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1285, decode.acc_seg: 94.3151, aux.loss_ce: 0.2807, aux.acc_seg: 74.7920, loss: 0.4092 2023-11-11 02:43:57,362 - mmseg - INFO - Iter [69850/80000] lr: 5.076e-06, eta: 2:16:44, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1284, decode.acc_seg: 94.3635, aux.loss_ce: 0.2788, aux.acc_seg: 75.0646, loss: 0.4072 2023-11-11 02:44:32,036 - mmseg - INFO - Iter [69900/80000] lr: 5.051e-06, eta: 2:16:02, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1324, decode.acc_seg: 94.0771, aux.loss_ce: 0.2686, aux.acc_seg: 75.5572, loss: 0.4009 2023-11-11 02:45:06,707 - mmseg - INFO - Iter [69950/80000] lr: 5.025e-06, eta: 2:15:21, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1364, decode.acc_seg: 93.7329, aux.loss_ce: 0.2780, aux.acc_seg: 74.6094, loss: 0.4144 2023-11-11 02:45:41,395 - mmseg - INFO - Saving checkpoint at 70000 iterations 2023-11-11 02:46:10,939 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:46:10,939 - mmseg - INFO - Iter [70000/80000] lr: 5.000e-06, eta: 2:14:44, time: 1.285, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1305, decode.acc_seg: 94.1550, aux.loss_ce: 0.2664, aux.acc_seg: 75.8335, loss: 0.3970 2023-11-11 02:47:31,405 - mmseg - INFO - per class results: 2023-11-11 02:47:31,410 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.36 | 90.36 | | building | 84.74 | 93.75 | | sky | 94.75 | 97.67 | | floor | 82.85 | 91.27 | | tree | 75.42 | 87.8 | | ceiling | 85.05 | 92.71 | | road | 85.4 | 91.91 | | bed | 91.19 | 96.85 | | windowpane | 63.02 | 79.42 | | grass | 68.31 | 82.43 | | cabinet | 61.36 | 73.0 | | sidewalk | 68.23 | 80.92 | | person | 83.04 | 94.12 | | earth | 38.92 | 49.86 | | door | 51.08 | 62.84 | | table | 64.5 | 76.85 | | mountain | 61.51 | 75.36 | | plant | 54.26 | 66.37 | | curtain | 74.35 | 83.22 | | chair | 62.19 | 75.77 | | car | 85.81 | 93.84 | | water | 60.71 | 74.38 | | painting | 75.56 | 87.81 | | sofa | 72.49 | 81.81 | | shelf | 43.87 | 60.71 | | house | 58.09 | 73.76 | | sea | 68.06 | 82.52 | | mirror | 73.97 | 81.65 | | rug | 60.68 | 70.37 | | field | 28.76 | 46.94 | | armchair | 49.97 | 71.01 | | seat | 66.51 | 85.6 | | fence | 45.65 | 58.44 | | desk | 54.36 | 75.74 | | rock | 50.82 | 77.02 | | wardrobe | 54.27 | 70.71 | | lamp | 70.46 | 81.85 | | bathtub | 73.95 | 76.36 | | railing | 33.35 | 44.32 | | cushion | 63.64 | 75.3 | | base | 34.72 | 47.7 | | box | 33.02 | 41.17 | | column | 51.06 | 56.31 | | signboard | 36.0 | 45.94 | | chest of drawers | 41.23 | 64.32 | | counter | 44.44 | 51.31 | | sand | 54.4 | 82.04 | | sink | 75.51 | 82.95 | | skyscraper | 48.21 | 59.22 | | fireplace | 72.47 | 90.18 | | refrigerator | 77.63 | 86.4 | | grandstand | 56.53 | 73.69 | | path | 26.22 | 35.41 | | stairs | 41.28 | 49.58 | | runway | 72.52 | 95.0 | | case | 58.11 | 72.75 | | pool table | 94.14 | 97.79 | | pillow | 63.24 | 73.31 | | screen door | 63.39 | 81.71 | | stairway | 47.56 | 59.64 | | river | 11.16 | 25.7 | | bridge | 65.6 | 74.11 | | bookcase | 43.2 | 62.26 | | blind | 32.0 | 34.91 | | coffee table | 62.41 | 84.46 | | toilet | 86.61 | 92.96 | | flower | 48.01 | 65.99 | | book | 51.85 | 78.93 | | hill | 11.63 | 18.0 | | bench | 56.62 | 64.88 | | countertop | 63.88 | 78.81 | | stove | 78.13 | 85.2 | | palm | 55.24 | 75.89 | | kitchen island | 44.65 | 65.95 | | computer | 72.35 | 86.46 | | swivel chair | 41.37 | 59.51 | | boat | 68.31 | 77.97 | | bar | 74.64 | 84.14 | | arcade machine | 77.53 | 84.62 | | hovel | 41.29 | 47.3 | | bus | 90.7 | 96.19 | | towel | 73.48 | 87.57 | | light | 56.08 | 62.52 | | truck | 42.45 | 50.57 | | tower | 32.92 | 47.41 | | chandelier | 70.4 | 80.8 | | awning | 35.11 | 44.68 | | streetlight | 31.0 | 40.01 | | booth | 51.08 | 63.44 | | television receiver | 80.54 | 89.9 | | airplane | 64.2 | 75.49 | | dirt track | 10.04 | 23.28 | | apparel | 64.66 | 75.17 | | pole | 26.57 | 34.96 | | land | 1.95 | 3.12 | | bannister | 10.96 | 14.71 | | escalator | 55.67 | 80.76 | | ottoman | 47.98 | 63.67 | | bottle | 41.61 | 71.06 | | buffet | 52.8 | 61.98 | | poster | 24.75 | 29.51 | | stage | 18.08 | 35.41 | | van | 44.69 | 61.38 | | ship | 72.99 | 80.36 | | fountain | 49.83 | 50.97 | | conveyer belt | 69.86 | 96.61 | | canopy | 58.96 | 71.17 | | washer | 85.96 | 93.26 | | plaything | 33.82 | 55.13 | | swimming pool | 59.71 | 88.26 | | stool | 50.69 | 61.24 | | barrel | 51.51 | 55.93 | | basket | 38.77 | 51.51 | | waterfall | 64.53 | 79.88 | | tent | 95.7 | 98.46 | | bag | 21.72 | 24.12 | | minibike | 73.14 | 86.79 | | cradle | 87.45 | 98.07 | | oven | 61.09 | 77.72 | | ball | 57.3 | 68.56 | | food | 54.84 | 69.37 | | step | 11.6 | 12.54 | | tank | 62.47 | 71.22 | | trade name | 22.24 | 24.63 | | microwave | 84.7 | 94.73 | | pot | 52.96 | 60.11 | | animal | 61.34 | 63.73 | | bicycle | 56.51 | 73.23 | | lake | 52.27 | 63.6 | | dishwasher | 60.35 | 73.8 | | screen | 51.81 | 72.22 | | blanket | 28.5 | 34.89 | | sculpture | 68.86 | 86.2 | | hood | 65.16 | 68.56 | | sconce | 54.43 | 65.73 | | vase | 41.1 | 55.87 | | traffic light | 36.41 | 48.48 | | tray | 14.8 | 17.61 | | ashcan | 47.73 | 58.5 | | fan | 66.58 | 75.78 | | pier | 34.87 | 45.74 | | crt screen | 5.59 | 8.99 | | plate | 57.05 | 71.55 | | monitor | 61.68 | 75.04 | | bulletin board | 41.25 | 48.69 | | shower | 8.17 | 12.21 | | radiator | 61.13 | 71.88 | | glass | 18.5 | 20.06 | | clock | 45.91 | 51.26 | | flag | 45.61 | 48.66 | +---------------------+-------+-------+ 2023-11-11 02:47:31,410 - mmseg - INFO - Summary: 2023-11-11 02:47:31,410 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.84 | 54.89 | 66.56 | +-------+-------+-------+ 2023-11-11 02:47:31,411 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:47:31,411 - mmseg - INFO - Iter(val) [250] aAcc: 0.8484, mIoU: 0.5489, mAcc: 0.6656, IoU.wall: 0.7936, IoU.building: 0.8474, IoU.sky: 0.9475, IoU.floor: 0.8285, IoU.tree: 0.7542, IoU.ceiling: 0.8505, IoU.road: 0.8540, IoU.bed : 0.9119, IoU.windowpane: 0.6302, IoU.grass: 0.6831, IoU.cabinet: 0.6136, IoU.sidewalk: 0.6823, IoU.person: 0.8304, IoU.earth: 0.3892, IoU.door: 0.5108, IoU.table: 0.6450, IoU.mountain: 0.6151, IoU.plant: 0.5426, IoU.curtain: 0.7435, IoU.chair: 0.6219, IoU.car: 0.8581, IoU.water: 0.6071, IoU.painting: 0.7556, IoU.sofa: 0.7249, IoU.shelf: 0.4387, IoU.house: 0.5809, IoU.sea: 0.6806, IoU.mirror: 0.7397, IoU.rug: 0.6068, IoU.field: 0.2876, IoU.armchair: 0.4997, IoU.seat: 0.6651, IoU.fence: 0.4565, IoU.desk: 0.5436, IoU.rock: 0.5082, IoU.wardrobe: 0.5427, IoU.lamp: 0.7046, IoU.bathtub: 0.7395, IoU.railing: 0.3335, IoU.cushion: 0.6364, IoU.base: 0.3472, IoU.box: 0.3302, IoU.column: 0.5106, IoU.signboard: 0.3600, IoU.chest of drawers: 0.4123, IoU.counter: 0.4444, IoU.sand: 0.5440, IoU.sink: 0.7551, IoU.skyscraper: 0.4821, IoU.fireplace: 0.7247, IoU.refrigerator: 0.7763, IoU.grandstand: 0.5653, IoU.path: 0.2622, IoU.stairs: 0.4128, IoU.runway: 0.7252, IoU.case: 0.5811, IoU.pool table: 0.9414, IoU.pillow: 0.6324, IoU.screen door: 0.6339, IoU.stairway: 0.4756, IoU.river: 0.1116, IoU.bridge: 0.6560, IoU.bookcase: 0.4320, IoU.blind: 0.3200, IoU.coffee table: 0.6241, IoU.toilet: 0.8661, IoU.flower: 0.4801, IoU.book: 0.5185, IoU.hill: 0.1163, IoU.bench: 0.5662, IoU.countertop: 0.6388, IoU.stove: 0.7813, IoU.palm: 0.5524, IoU.kitchen island: 0.4465, IoU.computer: 0.7235, IoU.swivel chair: 0.4137, IoU.boat: 0.6831, IoU.bar: 0.7464, IoU.arcade machine: 0.7753, IoU.hovel: 0.4129, IoU.bus: 0.9070, IoU.towel: 0.7348, IoU.light: 0.5608, IoU.truck: 0.4245, IoU.tower: 0.3292, IoU.chandelier: 0.7040, IoU.awning: 0.3511, IoU.streetlight: 0.3100, IoU.booth: 0.5108, IoU.television receiver: 0.8054, IoU.airplane: 0.6420, IoU.dirt track: 0.1004, IoU.apparel: 0.6466, IoU.pole: 0.2657, IoU.land: 0.0195, IoU.bannister: 0.1096, IoU.escalator: 0.5567, IoU.ottoman: 0.4798, IoU.bottle: 0.4161, IoU.buffet: 0.5280, IoU.poster: 0.2475, IoU.stage: 0.1808, IoU.van: 0.4469, IoU.ship: 0.7299, IoU.fountain: 0.4983, IoU.conveyer belt: 0.6986, IoU.canopy: 0.5896, IoU.washer: 0.8596, IoU.plaything: 0.3382, IoU.swimming pool: 0.5971, IoU.stool: 0.5069, IoU.barrel: 0.5151, IoU.basket: 0.3877, IoU.waterfall: 0.6453, IoU.tent: 0.9570, IoU.bag: 0.2172, IoU.minibike: 0.7314, IoU.cradle: 0.8745, IoU.oven: 0.6109, IoU.ball: 0.5730, IoU.food: 0.5484, IoU.step: 0.1160, IoU.tank: 0.6247, IoU.trade name: 0.2224, IoU.microwave: 0.8470, IoU.pot: 0.5296, IoU.animal: 0.6134, IoU.bicycle: 0.5651, IoU.lake: 0.5227, IoU.dishwasher: 0.6035, IoU.screen: 0.5181, IoU.blanket: 0.2850, IoU.sculpture: 0.6886, IoU.hood: 0.6516, IoU.sconce: 0.5443, IoU.vase: 0.4110, IoU.traffic light: 0.3641, IoU.tray: 0.1480, IoU.ashcan: 0.4773, IoU.fan: 0.6658, IoU.pier: 0.3487, IoU.crt screen: 0.0559, IoU.plate: 0.5705, IoU.monitor: 0.6168, IoU.bulletin board: 0.4125, IoU.shower: 0.0817, IoU.radiator: 0.6113, IoU.glass: 0.1850, IoU.clock: 0.4591, IoU.flag: 0.4561, Acc.wall: 0.9036, Acc.building: 0.9375, Acc.sky: 0.9767, Acc.floor: 0.9127, Acc.tree: 0.8780, Acc.ceiling: 0.9271, Acc.road: 0.9191, Acc.bed : 0.9685, Acc.windowpane: 0.7942, Acc.grass: 0.8243, Acc.cabinet: 0.7300, Acc.sidewalk: 0.8092, Acc.person: 0.9412, Acc.earth: 0.4986, Acc.door: 0.6284, Acc.table: 0.7685, Acc.mountain: 0.7536, Acc.plant: 0.6637, Acc.curtain: 0.8322, Acc.chair: 0.7577, Acc.car: 0.9384, Acc.water: 0.7438, Acc.painting: 0.8781, Acc.sofa: 0.8181, Acc.shelf: 0.6071, Acc.house: 0.7376, Acc.sea: 0.8252, Acc.mirror: 0.8165, Acc.rug: 0.7037, Acc.field: 0.4694, Acc.armchair: 0.7101, Acc.seat: 0.8560, Acc.fence: 0.5844, Acc.desk: 0.7574, Acc.rock: 0.7702, Acc.wardrobe: 0.7071, Acc.lamp: 0.8185, Acc.bathtub: 0.7636, Acc.railing: 0.4432, Acc.cushion: 0.7530, Acc.base: 0.4770, Acc.box: 0.4117, Acc.column: 0.5631, Acc.signboard: 0.4594, Acc.chest of drawers: 0.6432, Acc.counter: 0.5131, Acc.sand: 0.8204, Acc.sink: 0.8295, Acc.skyscraper: 0.5922, Acc.fireplace: 0.9018, Acc.refrigerator: 0.8640, Acc.grandstand: 0.7369, Acc.path: 0.3541, Acc.stairs: 0.4958, Acc.runway: 0.9500, Acc.case: 0.7275, Acc.pool table: 0.9779, Acc.pillow: 0.7331, Acc.screen door: 0.8171, Acc.stairway: 0.5964, Acc.river: 0.2570, Acc.bridge: 0.7411, Acc.bookcase: 0.6226, Acc.blind: 0.3491, Acc.coffee table: 0.8446, Acc.toilet: 0.9296, Acc.flower: 0.6599, Acc.book: 0.7893, Acc.hill: 0.1800, Acc.bench: 0.6488, Acc.countertop: 0.7881, Acc.stove: 0.8520, Acc.palm: 0.7589, Acc.kitchen island: 0.6595, Acc.computer: 0.8646, Acc.swivel chair: 0.5951, Acc.boat: 0.7797, Acc.bar: 0.8414, Acc.arcade machine: 0.8462, Acc.hovel: 0.4730, Acc.bus: 0.9619, Acc.towel: 0.8757, Acc.light: 0.6252, Acc.truck: 0.5057, Acc.tower: 0.4741, Acc.chandelier: 0.8080, Acc.awning: 0.4468, Acc.streetlight: 0.4001, Acc.booth: 0.6344, Acc.television receiver: 0.8990, Acc.airplane: 0.7549, Acc.dirt track: 0.2328, Acc.apparel: 0.7517, Acc.pole: 0.3496, Acc.land: 0.0312, Acc.bannister: 0.1471, Acc.escalator: 0.8076, Acc.ottoman: 0.6367, Acc.bottle: 0.7106, Acc.buffet: 0.6198, Acc.poster: 0.2951, Acc.stage: 0.3541, Acc.van: 0.6138, Acc.ship: 0.8036, Acc.fountain: 0.5097, Acc.conveyer belt: 0.9661, Acc.canopy: 0.7117, Acc.washer: 0.9326, Acc.plaything: 0.5513, Acc.swimming pool: 0.8826, Acc.stool: 0.6124, Acc.barrel: 0.5593, Acc.basket: 0.5151, Acc.waterfall: 0.7988, Acc.tent: 0.9846, Acc.bag: 0.2412, Acc.minibike: 0.8679, Acc.cradle: 0.9807, Acc.oven: 0.7772, Acc.ball: 0.6856, Acc.food: 0.6937, Acc.step: 0.1254, Acc.tank: 0.7122, Acc.trade name: 0.2463, Acc.microwave: 0.9473, Acc.pot: 0.6011, Acc.animal: 0.6373, Acc.bicycle: 0.7323, Acc.lake: 0.6360, Acc.dishwasher: 0.7380, Acc.screen: 0.7222, Acc.blanket: 0.3489, Acc.sculpture: 0.8620, Acc.hood: 0.6856, Acc.sconce: 0.6573, Acc.vase: 0.5587, Acc.traffic light: 0.4848, Acc.tray: 0.1761, Acc.ashcan: 0.5850, Acc.fan: 0.7578, Acc.pier: 0.4574, Acc.crt screen: 0.0899, Acc.plate: 0.7155, Acc.monitor: 0.7504, Acc.bulletin board: 0.4869, Acc.shower: 0.1221, Acc.radiator: 0.7188, Acc.glass: 0.2006, Acc.clock: 0.5126, Acc.flag: 0.4866 2023-11-11 02:48:06,168 - mmseg - INFO - Iter [70050/80000] lr: 4.976e-06, eta: 2:14:14, time: 2.305, data_time: 1.617, memory: 60073, decode.loss_ce: 0.1296, decode.acc_seg: 94.3324, aux.loss_ce: 0.2811, aux.acc_seg: 75.1325, loss: 0.4106 2023-11-11 02:48:40,861 - mmseg - INFO - Iter [70100/80000] lr: 4.951e-06, eta: 2:13:33, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1352, decode.acc_seg: 94.0795, aux.loss_ce: 0.2764, aux.acc_seg: 75.5202, loss: 0.4116 2023-11-11 02:49:15,557 - mmseg - INFO - Iter [70150/80000] lr: 4.926e-06, eta: 2:12:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1264, decode.acc_seg: 94.3071, aux.loss_ce: 0.2761, aux.acc_seg: 75.2545, loss: 0.4025 2023-11-11 02:49:50,261 - mmseg - INFO - Iter [70200/80000] lr: 4.901e-06, eta: 2:12:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1278, decode.acc_seg: 94.3173, aux.loss_ce: 0.2783, aux.acc_seg: 74.7500, loss: 0.4061 2023-11-11 02:50:24,954 - mmseg - INFO - Iter [70250/80000] lr: 4.876e-06, eta: 2:11:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1318, decode.acc_seg: 94.2027, aux.loss_ce: 0.2772, aux.acc_seg: 75.3047, loss: 0.4090 2023-11-11 02:50:59,651 - mmseg - INFO - Iter [70300/80000] lr: 4.851e-06, eta: 2:10:48, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1232, decode.acc_seg: 94.5273, aux.loss_ce: 0.2698, aux.acc_seg: 75.9709, loss: 0.3930 2023-11-11 02:51:34,320 - mmseg - INFO - Iter [70350/80000] lr: 4.825e-06, eta: 2:10:07, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1344, decode.acc_seg: 94.0839, aux.loss_ce: 0.2773, aux.acc_seg: 75.2326, loss: 0.4117 2023-11-11 02:52:08,993 - mmseg - INFO - Iter [70400/80000] lr: 4.800e-06, eta: 2:09:25, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1293, decode.acc_seg: 94.2236, aux.loss_ce: 0.2731, aux.acc_seg: 75.3045, loss: 0.4025 2023-11-11 02:52:43,676 - mmseg - INFO - Iter [70450/80000] lr: 4.775e-06, eta: 2:08:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1232, decode.acc_seg: 94.6587, aux.loss_ce: 0.2641, aux.acc_seg: 76.3273, loss: 0.3873 2023-11-11 02:53:18,368 - mmseg - INFO - Iter [70500/80000] lr: 4.751e-06, eta: 2:08:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1313, decode.acc_seg: 94.1711, aux.loss_ce: 0.2820, aux.acc_seg: 74.5957, loss: 0.4133 2023-11-11 02:53:53,035 - mmseg - INFO - Iter [70550/80000] lr: 4.726e-06, eta: 2:07:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1313, decode.acc_seg: 94.2224, aux.loss_ce: 0.2795, aux.acc_seg: 75.3082, loss: 0.4108 2023-11-11 02:54:27,702 - mmseg - INFO - Iter [70600/80000] lr: 4.701e-06, eta: 2:06:41, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1284, decode.acc_seg: 94.2833, aux.loss_ce: 0.2719, aux.acc_seg: 75.1973, loss: 0.4003 2023-11-11 02:55:02,390 - mmseg - INFO - Iter [70650/80000] lr: 4.676e-06, eta: 2:05:59, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1326, decode.acc_seg: 94.2355, aux.loss_ce: 0.2775, aux.acc_seg: 75.3206, loss: 0.4100 2023-11-11 02:55:37,101 - mmseg - INFO - Iter [70700/80000] lr: 4.651e-06, eta: 2:05:18, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1415, decode.acc_seg: 93.8622, aux.loss_ce: 0.2788, aux.acc_seg: 74.2204, loss: 0.4203 2023-11-11 02:56:14,146 - mmseg - INFO - Iter [70750/80000] lr: 4.625e-06, eta: 2:04:37, time: 0.741, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1349, decode.acc_seg: 94.1923, aux.loss_ce: 0.2796, aux.acc_seg: 75.3233, loss: 0.4145 2023-11-11 02:56:48,849 - mmseg - INFO - Iter [70800/80000] lr: 4.600e-06, eta: 2:03:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1258, decode.acc_seg: 94.4297, aux.loss_ce: 0.2755, aux.acc_seg: 75.7597, loss: 0.4014 2023-11-11 02:57:23,556 - mmseg - INFO - Iter [70850/80000] lr: 4.575e-06, eta: 2:03:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1290, decode.acc_seg: 94.3604, aux.loss_ce: 0.2672, aux.acc_seg: 76.3005, loss: 0.3962 2023-11-11 02:57:58,249 - mmseg - INFO - Iter [70900/80000] lr: 4.550e-06, eta: 2:02:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1277, decode.acc_seg: 94.4206, aux.loss_ce: 0.2745, aux.acc_seg: 74.7440, loss: 0.4023 2023-11-11 02:58:32,920 - mmseg - INFO - Iter [70950/80000] lr: 4.526e-06, eta: 2:01:53, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1294, decode.acc_seg: 94.2974, aux.loss_ce: 0.2754, aux.acc_seg: 75.1016, loss: 0.4049 2023-11-11 02:59:07,583 - mmseg - INFO - Saving checkpoint at 71000 iterations 2023-11-11 02:59:39,804 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 02:59:39,804 - mmseg - INFO - Iter [71000/80000] lr: 4.501e-06, eta: 2:01:16, time: 1.338, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1279, decode.acc_seg: 94.3461, aux.loss_ce: 0.2790, aux.acc_seg: 74.7239, loss: 0.4069 2023-11-11 03:01:01,253 - mmseg - INFO - per class results: 2023-11-11 03:01:01,258 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.56 | 89.97 | | building | 85.01 | 93.42 | | sky | 94.8 | 97.59 | | floor | 82.57 | 91.99 | | tree | 74.97 | 90.24 | | ceiling | 85.03 | 92.65 | | road | 85.52 | 91.31 | | bed | 91.31 | 96.91 | | windowpane | 63.49 | 79.75 | | grass | 69.04 | 83.63 | | cabinet | 61.49 | 72.62 | | sidewalk | 68.79 | 82.99 | | person | 82.71 | 94.31 | | earth | 40.03 | 51.7 | | door | 50.66 | 61.57 | | table | 64.59 | 78.76 | | mountain | 61.41 | 73.99 | | plant | 53.79 | 65.24 | | curtain | 75.63 | 84.43 | | chair | 62.24 | 76.27 | | car | 85.81 | 94.31 | | water | 61.17 | 75.21 | | painting | 73.51 | 88.78 | | sofa | 71.28 | 83.19 | | shelf | 44.24 | 61.76 | | house | 56.39 | 67.89 | | sea | 69.64 | 82.26 | | mirror | 74.25 | 81.73 | | rug | 55.85 | 62.76 | | field | 29.98 | 46.46 | | armchair | 48.06 | 66.36 | | seat | 66.59 | 84.88 | | fence | 45.85 | 60.87 | | desk | 54.47 | 73.57 | | rock | 51.24 | 73.48 | | wardrobe | 55.84 | 74.91 | | lamp | 70.35 | 82.93 | | bathtub | 81.3 | 85.95 | | railing | 32.53 | 44.34 | | cushion | 64.16 | 79.39 | | base | 31.38 | 40.79 | | box | 32.47 | 40.15 | | column | 51.24 | 59.5 | | signboard | 36.38 | 50.48 | | chest of drawers | 41.76 | 63.13 | | counter | 45.13 | 51.99 | | sand | 53.59 | 76.36 | | sink | 75.89 | 83.54 | | skyscraper | 51.42 | 62.88 | | fireplace | 72.9 | 89.04 | | refrigerator | 77.29 | 86.43 | | grandstand | 56.18 | 75.72 | | path | 26.02 | 33.02 | | stairs | 39.74 | 45.77 | | runway | 72.32 | 94.32 | | case | 56.36 | 69.23 | | pool table | 94.12 | 97.47 | | pillow | 63.34 | 72.64 | | screen door | 71.25 | 76.56 | | stairway | 46.83 | 63.24 | | river | 11.77 | 28.6 | | bridge | 65.49 | 75.04 | | bookcase | 43.65 | 60.84 | | blind | 34.17 | 38.05 | | coffee table | 62.14 | 81.38 | | toilet | 85.98 | 92.91 | | flower | 48.06 | 66.82 | | book | 52.85 | 78.68 | | hill | 10.56 | 15.54 | | bench | 56.8 | 66.54 | | countertop | 63.68 | 75.89 | | stove | 79.62 | 86.33 | | palm | 54.67 | 79.21 | | kitchen island | 42.56 | 61.51 | | computer | 73.29 | 86.68 | | swivel chair | 41.8 | 58.34 | | boat | 68.0 | 82.03 | | bar | 73.95 | 84.11 | | arcade machine | 79.04 | 83.79 | | hovel | 42.29 | 49.99 | | bus | 90.21 | 96.19 | | towel | 73.3 | 83.91 | | light | 56.59 | 63.46 | | truck | 43.09 | 50.83 | | tower | 32.65 | 48.24 | | chandelier | 70.72 | 80.89 | | awning | 36.57 | 47.03 | | streetlight | 31.97 | 41.21 | | booth | 50.64 | 62.16 | | television receiver | 80.98 | 89.54 | | airplane | 62.13 | 74.57 | | dirt track | 8.84 | 19.77 | | apparel | 63.86 | 76.4 | | pole | 27.54 | 38.05 | | land | 1.78 | 2.61 | | bannister | 11.63 | 16.79 | | escalator | 56.05 | 82.87 | | ottoman | 42.86 | 56.47 | | bottle | 41.31 | 71.27 | | buffet | 50.72 | 56.91 | | poster | 23.81 | 27.53 | | stage | 17.21 | 33.71 | | van | 43.85 | 58.26 | | ship | 70.91 | 78.88 | | fountain | 50.41 | 51.81 | | conveyer belt | 72.67 | 95.62 | | canopy | 56.95 | 70.25 | | washer | 85.65 | 93.17 | | plaything | 29.99 | 43.75 | | swimming pool | 59.8 | 86.26 | | stool | 48.73 | 61.23 | | barrel | 51.34 | 55.56 | | basket | 39.52 | 50.54 | | waterfall | 57.34 | 65.09 | | tent | 95.91 | 98.26 | | bag | 22.06 | 25.19 | | minibike | 73.04 | 88.09 | | cradle | 88.45 | 97.57 | | oven | 63.8 | 75.2 | | ball | 57.41 | 68.73 | | food | 56.57 | 74.8 | | step | 13.01 | 14.23 | | tank | 65.05 | 77.13 | | trade name | 21.67 | 24.06 | | microwave | 84.33 | 94.01 | | pot | 51.54 | 58.59 | | animal | 61.36 | 63.79 | | bicycle | 57.12 | 73.16 | | lake | 52.87 | 63.62 | | dishwasher | 60.36 | 73.21 | | screen | 51.51 | 69.81 | | blanket | 26.63 | 32.1 | | sculpture | 66.96 | 86.69 | | hood | 64.29 | 67.6 | | sconce | 55.06 | 67.06 | | vase | 40.89 | 57.08 | | traffic light | 37.4 | 56.97 | | tray | 15.11 | 17.65 | | ashcan | 48.54 | 59.36 | | fan | 67.26 | 79.02 | | pier | 36.11 | 44.69 | | crt screen | 4.0 | 5.9 | | plate | 57.89 | 71.46 | | monitor | 61.82 | 73.79 | | bulletin board | 40.67 | 49.75 | | shower | 7.58 | 12.65 | | radiator | 62.18 | 71.74 | | glass | 18.11 | 19.68 | | clock | 44.81 | 49.33 | | flag | 53.12 | 58.31 | +---------------------+-------+-------+ 2023-11-11 03:01:01,258 - mmseg - INFO - Summary: 2023-11-11 03:01:01,258 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.9 | 54.92 | 66.37 | +------+-------+-------+ 2023-11-11 03:01:01,259 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:01:01,259 - mmseg - INFO - Iter(val) [250] aAcc: 0.8490, mIoU: 0.5492, mAcc: 0.6637, IoU.wall: 0.7956, IoU.building: 0.8501, IoU.sky: 0.9480, IoU.floor: 0.8257, IoU.tree: 0.7497, IoU.ceiling: 0.8503, IoU.road: 0.8552, IoU.bed : 0.9131, IoU.windowpane: 0.6349, IoU.grass: 0.6904, IoU.cabinet: 0.6149, IoU.sidewalk: 0.6879, IoU.person: 0.8271, IoU.earth: 0.4003, IoU.door: 0.5066, IoU.table: 0.6459, IoU.mountain: 0.6141, IoU.plant: 0.5379, IoU.curtain: 0.7563, IoU.chair: 0.6224, IoU.car: 0.8581, IoU.water: 0.6117, IoU.painting: 0.7351, IoU.sofa: 0.7128, IoU.shelf: 0.4424, IoU.house: 0.5639, IoU.sea: 0.6964, IoU.mirror: 0.7425, IoU.rug: 0.5585, IoU.field: 0.2998, IoU.armchair: 0.4806, IoU.seat: 0.6659, IoU.fence: 0.4585, IoU.desk: 0.5447, IoU.rock: 0.5124, IoU.wardrobe: 0.5584, IoU.lamp: 0.7035, IoU.bathtub: 0.8130, IoU.railing: 0.3253, IoU.cushion: 0.6416, IoU.base: 0.3138, IoU.box: 0.3247, IoU.column: 0.5124, IoU.signboard: 0.3638, IoU.chest of drawers: 0.4176, IoU.counter: 0.4513, IoU.sand: 0.5359, IoU.sink: 0.7589, IoU.skyscraper: 0.5142, IoU.fireplace: 0.7290, IoU.refrigerator: 0.7729, IoU.grandstand: 0.5618, IoU.path: 0.2602, IoU.stairs: 0.3974, IoU.runway: 0.7232, IoU.case: 0.5636, IoU.pool table: 0.9412, IoU.pillow: 0.6334, IoU.screen door: 0.7125, IoU.stairway: 0.4683, IoU.river: 0.1177, IoU.bridge: 0.6549, IoU.bookcase: 0.4365, IoU.blind: 0.3417, IoU.coffee table: 0.6214, IoU.toilet: 0.8598, IoU.flower: 0.4806, IoU.book: 0.5285, IoU.hill: 0.1056, IoU.bench: 0.5680, IoU.countertop: 0.6368, IoU.stove: 0.7962, IoU.palm: 0.5467, IoU.kitchen island: 0.4256, IoU.computer: 0.7329, IoU.swivel chair: 0.4180, IoU.boat: 0.6800, IoU.bar: 0.7395, IoU.arcade machine: 0.7904, IoU.hovel: 0.4229, IoU.bus: 0.9021, IoU.towel: 0.7330, IoU.light: 0.5659, IoU.truck: 0.4309, IoU.tower: 0.3265, IoU.chandelier: 0.7072, IoU.awning: 0.3657, IoU.streetlight: 0.3197, IoU.booth: 0.5064, IoU.television receiver: 0.8098, IoU.airplane: 0.6213, IoU.dirt track: 0.0884, IoU.apparel: 0.6386, IoU.pole: 0.2754, IoU.land: 0.0178, IoU.bannister: 0.1163, IoU.escalator: 0.5605, IoU.ottoman: 0.4286, IoU.bottle: 0.4131, IoU.buffet: 0.5072, IoU.poster: 0.2381, IoU.stage: 0.1721, IoU.van: 0.4385, IoU.ship: 0.7091, IoU.fountain: 0.5041, IoU.conveyer belt: 0.7267, IoU.canopy: 0.5695, IoU.washer: 0.8565, IoU.plaything: 0.2999, IoU.swimming pool: 0.5980, IoU.stool: 0.4873, IoU.barrel: 0.5134, IoU.basket: 0.3952, IoU.waterfall: 0.5734, IoU.tent: 0.9591, IoU.bag: 0.2206, IoU.minibike: 0.7304, IoU.cradle: 0.8845, IoU.oven: 0.6380, IoU.ball: 0.5741, IoU.food: 0.5657, IoU.step: 0.1301, IoU.tank: 0.6505, IoU.trade name: 0.2167, IoU.microwave: 0.8433, IoU.pot: 0.5154, IoU.animal: 0.6136, IoU.bicycle: 0.5712, IoU.lake: 0.5287, IoU.dishwasher: 0.6036, IoU.screen: 0.5151, IoU.blanket: 0.2663, IoU.sculpture: 0.6696, IoU.hood: 0.6429, IoU.sconce: 0.5506, IoU.vase: 0.4089, IoU.traffic light: 0.3740, IoU.tray: 0.1511, IoU.ashcan: 0.4854, IoU.fan: 0.6726, IoU.pier: 0.3611, IoU.crt screen: 0.0400, IoU.plate: 0.5789, IoU.monitor: 0.6182, IoU.bulletin board: 0.4067, IoU.shower: 0.0758, IoU.radiator: 0.6218, IoU.glass: 0.1811, IoU.clock: 0.4481, IoU.flag: 0.5312, Acc.wall: 0.8997, Acc.building: 0.9342, Acc.sky: 0.9759, Acc.floor: 0.9199, Acc.tree: 0.9024, Acc.ceiling: 0.9265, Acc.road: 0.9131, Acc.bed : 0.9691, Acc.windowpane: 0.7975, Acc.grass: 0.8363, Acc.cabinet: 0.7262, Acc.sidewalk: 0.8299, Acc.person: 0.9431, Acc.earth: 0.5170, Acc.door: 0.6157, Acc.table: 0.7876, Acc.mountain: 0.7399, Acc.plant: 0.6524, Acc.curtain: 0.8443, Acc.chair: 0.7627, Acc.car: 0.9431, Acc.water: 0.7521, Acc.painting: 0.8878, Acc.sofa: 0.8319, Acc.shelf: 0.6176, Acc.house: 0.6789, Acc.sea: 0.8226, Acc.mirror: 0.8173, Acc.rug: 0.6276, Acc.field: 0.4646, Acc.armchair: 0.6636, Acc.seat: 0.8488, Acc.fence: 0.6087, Acc.desk: 0.7357, Acc.rock: 0.7348, Acc.wardrobe: 0.7491, Acc.lamp: 0.8293, Acc.bathtub: 0.8595, Acc.railing: 0.4434, Acc.cushion: 0.7939, Acc.base: 0.4079, Acc.box: 0.4015, Acc.column: 0.5950, Acc.signboard: 0.5048, Acc.chest of drawers: 0.6313, Acc.counter: 0.5199, Acc.sand: 0.7636, Acc.sink: 0.8354, Acc.skyscraper: 0.6288, Acc.fireplace: 0.8904, Acc.refrigerator: 0.8643, Acc.grandstand: 0.7572, Acc.path: 0.3302, Acc.stairs: 0.4577, Acc.runway: 0.9432, Acc.case: 0.6923, Acc.pool table: 0.9747, Acc.pillow: 0.7264, Acc.screen door: 0.7656, Acc.stairway: 0.6324, Acc.river: 0.2860, Acc.bridge: 0.7504, Acc.bookcase: 0.6084, Acc.blind: 0.3805, Acc.coffee table: 0.8138, Acc.toilet: 0.9291, Acc.flower: 0.6682, Acc.book: 0.7868, Acc.hill: 0.1554, Acc.bench: 0.6654, Acc.countertop: 0.7589, Acc.stove: 0.8633, Acc.palm: 0.7921, Acc.kitchen island: 0.6151, Acc.computer: 0.8668, Acc.swivel chair: 0.5834, Acc.boat: 0.8203, Acc.bar: 0.8411, Acc.arcade machine: 0.8379, Acc.hovel: 0.4999, Acc.bus: 0.9619, Acc.towel: 0.8391, Acc.light: 0.6346, Acc.truck: 0.5083, Acc.tower: 0.4824, Acc.chandelier: 0.8089, Acc.awning: 0.4703, Acc.streetlight: 0.4121, Acc.booth: 0.6216, Acc.television receiver: 0.8954, Acc.airplane: 0.7457, Acc.dirt track: 0.1977, Acc.apparel: 0.7640, Acc.pole: 0.3805, Acc.land: 0.0261, Acc.bannister: 0.1679, Acc.escalator: 0.8287, Acc.ottoman: 0.5647, Acc.bottle: 0.7127, Acc.buffet: 0.5691, Acc.poster: 0.2753, Acc.stage: 0.3371, Acc.van: 0.5826, Acc.ship: 0.7888, Acc.fountain: 0.5181, Acc.conveyer belt: 0.9562, Acc.canopy: 0.7025, Acc.washer: 0.9317, Acc.plaything: 0.4375, Acc.swimming pool: 0.8626, Acc.stool: 0.6123, Acc.barrel: 0.5556, Acc.basket: 0.5054, Acc.waterfall: 0.6509, Acc.tent: 0.9826, Acc.bag: 0.2519, Acc.minibike: 0.8809, Acc.cradle: 0.9757, Acc.oven: 0.7520, Acc.ball: 0.6873, Acc.food: 0.7480, Acc.step: 0.1423, Acc.tank: 0.7713, Acc.trade name: 0.2406, Acc.microwave: 0.9401, Acc.pot: 0.5859, Acc.animal: 0.6379, Acc.bicycle: 0.7316, Acc.lake: 0.6362, Acc.dishwasher: 0.7321, Acc.screen: 0.6981, Acc.blanket: 0.3210, Acc.sculpture: 0.8669, Acc.hood: 0.6760, Acc.sconce: 0.6706, Acc.vase: 0.5708, Acc.traffic light: 0.5697, Acc.tray: 0.1765, Acc.ashcan: 0.5936, Acc.fan: 0.7902, Acc.pier: 0.4469, Acc.crt screen: 0.0590, Acc.plate: 0.7146, Acc.monitor: 0.7379, Acc.bulletin board: 0.4975, Acc.shower: 0.1265, Acc.radiator: 0.7174, Acc.glass: 0.1968, Acc.clock: 0.4933, Acc.flag: 0.5831 2023-11-11 03:01:36,018 - mmseg - INFO - Iter [71050/80000] lr: 4.476e-06, eta: 2:00:45, time: 2.324, data_time: 1.637, memory: 60073, decode.loss_ce: 0.1336, decode.acc_seg: 94.0738, aux.loss_ce: 0.2678, aux.acc_seg: 75.6627, loss: 0.4014 2023-11-11 03:02:10,729 - mmseg - INFO - Iter [71100/80000] lr: 4.451e-06, eta: 2:00:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1278, decode.acc_seg: 94.2518, aux.loss_ce: 0.2722, aux.acc_seg: 74.9492, loss: 0.3999 2023-11-11 03:02:45,432 - mmseg - INFO - Iter [71150/80000] lr: 4.426e-06, eta: 1:59:22, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1298, decode.acc_seg: 94.3736, aux.loss_ce: 0.2708, aux.acc_seg: 75.8414, loss: 0.4006 2023-11-11 03:03:20,134 - mmseg - INFO - Iter [71200/80000] lr: 4.400e-06, eta: 1:58:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1340, decode.acc_seg: 93.9248, aux.loss_ce: 0.2835, aux.acc_seg: 73.6202, loss: 0.4175 2023-11-11 03:03:54,820 - mmseg - INFO - Iter [71250/80000] lr: 4.375e-06, eta: 1:58:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1277, decode.acc_seg: 94.2969, aux.loss_ce: 0.2721, aux.acc_seg: 75.5986, loss: 0.3997 2023-11-11 03:04:29,502 - mmseg - INFO - Iter [71300/80000] lr: 4.351e-06, eta: 1:57:19, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1240, decode.acc_seg: 94.4986, aux.loss_ce: 0.2710, aux.acc_seg: 76.0567, loss: 0.3950 2023-11-11 03:05:04,180 - mmseg - INFO - Iter [71350/80000] lr: 4.326e-06, eta: 1:56:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1257, decode.acc_seg: 94.4498, aux.loss_ce: 0.2668, aux.acc_seg: 76.0059, loss: 0.3924 2023-11-11 03:05:38,845 - mmseg - INFO - Iter [71400/80000] lr: 4.301e-06, eta: 1:55:57, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1273, decode.acc_seg: 94.3812, aux.loss_ce: 0.2756, aux.acc_seg: 75.2704, loss: 0.4029 2023-11-11 03:06:13,528 - mmseg - INFO - Iter [71450/80000] lr: 4.276e-06, eta: 1:55:15, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1311, decode.acc_seg: 94.2446, aux.loss_ce: 0.2727, aux.acc_seg: 75.6433, loss: 0.4038 2023-11-11 03:06:48,234 - mmseg - INFO - Iter [71500/80000] lr: 4.251e-06, eta: 1:54:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1276, decode.acc_seg: 94.2848, aux.loss_ce: 0.2618, aux.acc_seg: 76.0025, loss: 0.3894 2023-11-11 03:07:22,928 - mmseg - INFO - Iter [71550/80000] lr: 4.226e-06, eta: 1:53:53, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1340, decode.acc_seg: 94.1595, aux.loss_ce: 0.2801, aux.acc_seg: 74.8371, loss: 0.4141 2023-11-11 03:07:57,595 - mmseg - INFO - Iter [71600/80000] lr: 4.200e-06, eta: 1:53:12, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1307, decode.acc_seg: 94.2548, aux.loss_ce: 0.2900, aux.acc_seg: 73.3051, loss: 0.4207 2023-11-11 03:08:32,281 - mmseg - INFO - Iter [71650/80000] lr: 4.175e-06, eta: 1:52:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1285, decode.acc_seg: 94.3481, aux.loss_ce: 0.2788, aux.acc_seg: 75.2169, loss: 0.4072 2023-11-11 03:09:06,995 - mmseg - INFO - Iter [71700/80000] lr: 4.150e-06, eta: 1:51:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1257, decode.acc_seg: 94.3036, aux.loss_ce: 0.2788, aux.acc_seg: 74.5455, loss: 0.4045 2023-11-11 03:09:41,699 - mmseg - INFO - Iter [71750/80000] lr: 4.125e-06, eta: 1:51:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1245, decode.acc_seg: 94.5575, aux.loss_ce: 0.2725, aux.acc_seg: 75.7288, loss: 0.3970 2023-11-11 03:10:16,419 - mmseg - INFO - Iter [71800/80000] lr: 4.101e-06, eta: 1:50:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1325, decode.acc_seg: 94.0707, aux.loss_ce: 0.2806, aux.acc_seg: 74.2990, loss: 0.4131 2023-11-11 03:10:51,139 - mmseg - INFO - Iter [71850/80000] lr: 4.076e-06, eta: 1:49:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1313, decode.acc_seg: 94.1289, aux.loss_ce: 0.2722, aux.acc_seg: 74.8385, loss: 0.4035 2023-11-11 03:11:25,837 - mmseg - INFO - Iter [71900/80000] lr: 4.051e-06, eta: 1:49:06, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1373, decode.acc_seg: 94.0589, aux.loss_ce: 0.2790, aux.acc_seg: 75.4106, loss: 0.4163 2023-11-11 03:12:00,523 - mmseg - INFO - Iter [71950/80000] lr: 4.026e-06, eta: 1:48:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1305, decode.acc_seg: 94.2721, aux.loss_ce: 0.2836, aux.acc_seg: 74.6598, loss: 0.4140 2023-11-11 03:12:37,511 - mmseg - INFO - Saving checkpoint at 72000 iterations 2023-11-11 03:13:10,789 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:13:10,789 - mmseg - INFO - Iter [72000/80000] lr: 4.000e-06, eta: 1:47:47, time: 1.405, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1257, decode.acc_seg: 94.4970, aux.loss_ce: 0.2780, aux.acc_seg: 74.9651, loss: 0.4037 2023-11-11 03:14:31,157 - mmseg - INFO - per class results: 2023-11-11 03:14:31,166 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.64 | 89.75 | | building | 85.18 | 93.42 | | sky | 94.78 | 97.57 | | floor | 82.71 | 91.46 | | tree | 74.99 | 90.06 | | ceiling | 84.88 | 92.93 | | road | 85.71 | 91.31 | | bed | 91.24 | 96.95 | | windowpane | 63.72 | 80.4 | | grass | 69.21 | 85.55 | | cabinet | 61.75 | 73.02 | | sidewalk | 68.66 | 82.59 | | person | 82.17 | 94.75 | | earth | 39.16 | 50.44 | | door | 50.4 | 61.42 | | table | 64.07 | 78.84 | | mountain | 60.71 | 73.44 | | plant | 54.19 | 66.22 | | curtain | 75.03 | 84.87 | | chair | 61.88 | 75.0 | | car | 85.82 | 94.56 | | water | 58.53 | 70.5 | | painting | 73.63 | 88.92 | | sofa | 71.72 | 84.61 | | shelf | 43.91 | 62.52 | | house | 59.67 | 73.47 | | sea | 67.03 | 82.14 | | mirror | 75.12 | 83.54 | | rug | 56.18 | 62.38 | | field | 30.61 | 44.64 | | armchair | 48.73 | 65.73 | | seat | 66.94 | 85.53 | | fence | 45.67 | 59.9 | | desk | 51.98 | 77.78 | | rock | 51.8 | 75.11 | | wardrobe | 55.63 | 73.13 | | lamp | 70.08 | 83.07 | | bathtub | 81.77 | 86.24 | | railing | 32.64 | 44.17 | | cushion | 64.55 | 77.8 | | base | 32.0 | 44.21 | | box | 31.93 | 39.47 | | column | 52.01 | 57.96 | | signboard | 35.88 | 46.89 | | chest of drawers | 42.04 | 62.47 | | counter | 45.58 | 52.59 | | sand | 52.87 | 78.49 | | sink | 75.66 | 83.71 | | skyscraper | 52.99 | 64.85 | | fireplace | 72.59 | 89.97 | | refrigerator | 78.31 | 86.89 | | grandstand | 56.64 | 74.6 | | path | 26.12 | 35.64 | | stairs | 40.88 | 50.47 | | runway | 72.65 | 94.32 | | case | 55.65 | 66.22 | | pool table | 93.87 | 97.87 | | pillow | 63.89 | 73.7 | | screen door | 64.61 | 68.24 | | stairway | 46.89 | 58.41 | | river | 10.87 | 28.79 | | bridge | 65.72 | 74.38 | | bookcase | 43.02 | 58.69 | | blind | 35.05 | 38.77 | | coffee table | 62.67 | 82.85 | | toilet | 86.83 | 92.71 | | flower | 47.72 | 65.5 | | book | 52.03 | 79.82 | | hill | 10.3 | 15.24 | | bench | 56.29 | 65.97 | | countertop | 63.51 | 79.55 | | stove | 79.81 | 86.95 | | palm | 55.57 | 75.19 | | kitchen island | 42.92 | 61.9 | | computer | 72.79 | 86.45 | | swivel chair | 39.85 | 59.01 | | boat | 68.79 | 82.84 | | bar | 74.68 | 86.7 | | arcade machine | 78.51 | 82.54 | | hovel | 41.25 | 48.66 | | bus | 90.57 | 96.1 | | towel | 72.08 | 84.38 | | light | 56.67 | 64.08 | | truck | 42.89 | 50.45 | | tower | 32.45 | 46.53 | | chandelier | 71.03 | 82.01 | | awning | 36.07 | 45.83 | | streetlight | 30.53 | 38.43 | | booth | 51.82 | 60.47 | | television receiver | 80.49 | 89.93 | | airplane | 64.98 | 77.37 | | dirt track | 6.66 | 14.83 | | apparel | 64.82 | 79.04 | | pole | 27.09 | 36.4 | | land | 2.39 | 4.8 | | bannister | 11.23 | 15.66 | | escalator | 55.4 | 80.22 | | ottoman | 41.52 | 51.88 | | bottle | 41.26 | 71.82 | | buffet | 53.63 | 60.97 | | poster | 23.68 | 27.96 | | stage | 20.33 | 37.97 | | van | 42.36 | 54.0 | | ship | 71.28 | 77.57 | | fountain | 56.6 | 58.45 | | conveyer belt | 68.6 | 95.93 | | canopy | 56.75 | 70.88 | | washer | 84.44 | 90.96 | | plaything | 27.76 | 43.87 | | swimming pool | 59.98 | 88.26 | | stool | 48.54 | 61.88 | | barrel | 50.6 | 55.52 | | basket | 38.82 | 50.3 | | waterfall | 58.44 | 68.35 | | tent | 95.54 | 98.4 | | bag | 21.79 | 25.39 | | minibike | 73.3 | 87.56 | | cradle | 86.9 | 98.09 | | oven | 63.39 | 77.07 | | ball | 57.59 | 67.62 | | food | 58.3 | 77.71 | | step | 15.01 | 16.71 | | tank | 61.55 | 71.96 | | trade name | 23.18 | 26.0 | | microwave | 84.62 | 94.45 | | pot | 51.98 | 59.73 | | animal | 61.02 | 63.47 | | bicycle | 54.75 | 68.3 | | lake | 51.11 | 63.85 | | dishwasher | 59.88 | 74.07 | | screen | 52.2 | 71.76 | | blanket | 25.92 | 31.37 | | sculpture | 70.86 | 86.07 | | hood | 69.17 | 74.4 | | sconce | 54.91 | 66.28 | | vase | 41.06 | 55.51 | | traffic light | 37.42 | 50.05 | | tray | 15.99 | 19.46 | | ashcan | 48.58 | 60.35 | | fan | 65.9 | 74.33 | | pier | 35.99 | 45.55 | | crt screen | 5.64 | 8.66 | | plate | 56.37 | 69.39 | | monitor | 63.73 | 79.57 | | bulletin board | 41.21 | 49.35 | | shower | 8.48 | 11.66 | | radiator | 59.93 | 68.25 | | glass | 18.45 | 20.15 | | clock | 45.57 | 50.95 | | flag | 46.47 | 49.77 | +---------------------+-------+-------+ 2023-11-11 03:14:31,166 - mmseg - INFO - Summary: 2023-11-11 03:14:31,166 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.88 | 54.86 | 66.34 | +-------+-------+-------+ 2023-11-11 03:14:31,168 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:14:31,168 - mmseg - INFO - Iter(val) [250] aAcc: 0.8488, mIoU: 0.5486, mAcc: 0.6634, IoU.wall: 0.7964, IoU.building: 0.8518, IoU.sky: 0.9478, IoU.floor: 0.8271, IoU.tree: 0.7499, IoU.ceiling: 0.8488, IoU.road: 0.8571, IoU.bed : 0.9124, IoU.windowpane: 0.6372, IoU.grass: 0.6921, IoU.cabinet: 0.6175, IoU.sidewalk: 0.6866, IoU.person: 0.8217, IoU.earth: 0.3916, IoU.door: 0.5040, IoU.table: 0.6407, IoU.mountain: 0.6071, IoU.plant: 0.5419, IoU.curtain: 0.7503, IoU.chair: 0.6188, IoU.car: 0.8582, IoU.water: 0.5853, IoU.painting: 0.7363, IoU.sofa: 0.7172, IoU.shelf: 0.4391, IoU.house: 0.5967, IoU.sea: 0.6703, IoU.mirror: 0.7512, IoU.rug: 0.5618, IoU.field: 0.3061, IoU.armchair: 0.4873, IoU.seat: 0.6694, IoU.fence: 0.4567, IoU.desk: 0.5198, IoU.rock: 0.5180, IoU.wardrobe: 0.5563, IoU.lamp: 0.7008, IoU.bathtub: 0.8177, IoU.railing: 0.3264, IoU.cushion: 0.6455, IoU.base: 0.3200, IoU.box: 0.3193, IoU.column: 0.5201, IoU.signboard: 0.3588, IoU.chest of drawers: 0.4204, IoU.counter: 0.4558, IoU.sand: 0.5287, IoU.sink: 0.7566, IoU.skyscraper: 0.5299, IoU.fireplace: 0.7259, IoU.refrigerator: 0.7831, IoU.grandstand: 0.5664, IoU.path: 0.2612, IoU.stairs: 0.4088, IoU.runway: 0.7265, IoU.case: 0.5565, IoU.pool table: 0.9387, IoU.pillow: 0.6389, IoU.screen door: 0.6461, IoU.stairway: 0.4689, IoU.river: 0.1087, IoU.bridge: 0.6572, IoU.bookcase: 0.4302, IoU.blind: 0.3505, IoU.coffee table: 0.6267, IoU.toilet: 0.8683, IoU.flower: 0.4772, IoU.book: 0.5203, IoU.hill: 0.1030, IoU.bench: 0.5629, IoU.countertop: 0.6351, IoU.stove: 0.7981, IoU.palm: 0.5557, IoU.kitchen island: 0.4292, IoU.computer: 0.7279, IoU.swivel chair: 0.3985, IoU.boat: 0.6879, IoU.bar: 0.7468, IoU.arcade machine: 0.7851, IoU.hovel: 0.4125, IoU.bus: 0.9057, IoU.towel: 0.7208, IoU.light: 0.5667, IoU.truck: 0.4289, IoU.tower: 0.3245, IoU.chandelier: 0.7103, IoU.awning: 0.3607, IoU.streetlight: 0.3053, IoU.booth: 0.5182, IoU.television receiver: 0.8049, IoU.airplane: 0.6498, IoU.dirt track: 0.0666, IoU.apparel: 0.6482, IoU.pole: 0.2709, IoU.land: 0.0239, IoU.bannister: 0.1123, IoU.escalator: 0.5540, IoU.ottoman: 0.4152, IoU.bottle: 0.4126, IoU.buffet: 0.5363, IoU.poster: 0.2368, IoU.stage: 0.2033, IoU.van: 0.4236, IoU.ship: 0.7128, IoU.fountain: 0.5660, IoU.conveyer belt: 0.6860, IoU.canopy: 0.5675, IoU.washer: 0.8444, IoU.plaything: 0.2776, IoU.swimming pool: 0.5998, IoU.stool: 0.4854, IoU.barrel: 0.5060, IoU.basket: 0.3882, IoU.waterfall: 0.5844, IoU.tent: 0.9554, IoU.bag: 0.2179, IoU.minibike: 0.7330, IoU.cradle: 0.8690, IoU.oven: 0.6339, IoU.ball: 0.5759, IoU.food: 0.5830, IoU.step: 0.1501, IoU.tank: 0.6155, IoU.trade name: 0.2318, IoU.microwave: 0.8462, IoU.pot: 0.5198, IoU.animal: 0.6102, IoU.bicycle: 0.5475, IoU.lake: 0.5111, IoU.dishwasher: 0.5988, IoU.screen: 0.5220, IoU.blanket: 0.2592, IoU.sculpture: 0.7086, IoU.hood: 0.6917, IoU.sconce: 0.5491, IoU.vase: 0.4106, IoU.traffic light: 0.3742, IoU.tray: 0.1599, IoU.ashcan: 0.4858, IoU.fan: 0.6590, IoU.pier: 0.3599, IoU.crt screen: 0.0564, IoU.plate: 0.5637, IoU.monitor: 0.6373, IoU.bulletin board: 0.4121, IoU.shower: 0.0848, IoU.radiator: 0.5993, IoU.glass: 0.1845, IoU.clock: 0.4557, IoU.flag: 0.4647, Acc.wall: 0.8975, Acc.building: 0.9342, Acc.sky: 0.9757, Acc.floor: 0.9146, Acc.tree: 0.9006, Acc.ceiling: 0.9293, Acc.road: 0.9131, Acc.bed : 0.9695, Acc.windowpane: 0.8040, Acc.grass: 0.8555, Acc.cabinet: 0.7302, Acc.sidewalk: 0.8259, Acc.person: 0.9475, Acc.earth: 0.5044, Acc.door: 0.6142, Acc.table: 0.7884, Acc.mountain: 0.7344, Acc.plant: 0.6622, Acc.curtain: 0.8487, Acc.chair: 0.7500, Acc.car: 0.9456, Acc.water: 0.7050, Acc.painting: 0.8892, Acc.sofa: 0.8461, Acc.shelf: 0.6252, Acc.house: 0.7347, Acc.sea: 0.8214, Acc.mirror: 0.8354, Acc.rug: 0.6238, Acc.field: 0.4464, Acc.armchair: 0.6573, Acc.seat: 0.8553, Acc.fence: 0.5990, Acc.desk: 0.7778, Acc.rock: 0.7511, Acc.wardrobe: 0.7313, Acc.lamp: 0.8307, Acc.bathtub: 0.8624, Acc.railing: 0.4417, Acc.cushion: 0.7780, Acc.base: 0.4421, Acc.box: 0.3947, Acc.column: 0.5796, Acc.signboard: 0.4689, Acc.chest of drawers: 0.6247, Acc.counter: 0.5259, Acc.sand: 0.7849, Acc.sink: 0.8371, Acc.skyscraper: 0.6485, Acc.fireplace: 0.8997, Acc.refrigerator: 0.8689, Acc.grandstand: 0.7460, Acc.path: 0.3564, Acc.stairs: 0.5047, Acc.runway: 0.9432, Acc.case: 0.6622, Acc.pool table: 0.9787, Acc.pillow: 0.7370, Acc.screen door: 0.6824, Acc.stairway: 0.5841, Acc.river: 0.2879, Acc.bridge: 0.7438, Acc.bookcase: 0.5869, Acc.blind: 0.3877, Acc.coffee table: 0.8285, Acc.toilet: 0.9271, Acc.flower: 0.6550, Acc.book: 0.7982, Acc.hill: 0.1524, Acc.bench: 0.6597, Acc.countertop: 0.7955, Acc.stove: 0.8695, Acc.palm: 0.7519, Acc.kitchen island: 0.6190, Acc.computer: 0.8645, Acc.swivel chair: 0.5901, Acc.boat: 0.8284, Acc.bar: 0.8670, Acc.arcade machine: 0.8254, Acc.hovel: 0.4866, Acc.bus: 0.9610, Acc.towel: 0.8438, Acc.light: 0.6408, Acc.truck: 0.5045, Acc.tower: 0.4653, Acc.chandelier: 0.8201, Acc.awning: 0.4583, Acc.streetlight: 0.3843, Acc.booth: 0.6047, Acc.television receiver: 0.8993, Acc.airplane: 0.7737, Acc.dirt track: 0.1483, Acc.apparel: 0.7904, Acc.pole: 0.3640, Acc.land: 0.0480, Acc.bannister: 0.1566, Acc.escalator: 0.8022, Acc.ottoman: 0.5188, Acc.bottle: 0.7182, Acc.buffet: 0.6097, Acc.poster: 0.2796, Acc.stage: 0.3797, Acc.van: 0.5400, Acc.ship: 0.7757, Acc.fountain: 0.5845, Acc.conveyer belt: 0.9593, Acc.canopy: 0.7088, Acc.washer: 0.9096, Acc.plaything: 0.4387, Acc.swimming pool: 0.8826, Acc.stool: 0.6188, Acc.barrel: 0.5552, Acc.basket: 0.5030, Acc.waterfall: 0.6835, Acc.tent: 0.9840, Acc.bag: 0.2539, Acc.minibike: 0.8756, Acc.cradle: 0.9809, Acc.oven: 0.7707, Acc.ball: 0.6762, Acc.food: 0.7771, Acc.step: 0.1671, Acc.tank: 0.7196, Acc.trade name: 0.2600, Acc.microwave: 0.9445, Acc.pot: 0.5973, Acc.animal: 0.6347, Acc.bicycle: 0.6830, Acc.lake: 0.6385, Acc.dishwasher: 0.7407, Acc.screen: 0.7176, Acc.blanket: 0.3137, Acc.sculpture: 0.8607, Acc.hood: 0.7440, Acc.sconce: 0.6628, Acc.vase: 0.5551, Acc.traffic light: 0.5005, Acc.tray: 0.1946, Acc.ashcan: 0.6035, Acc.fan: 0.7433, Acc.pier: 0.4555, Acc.crt screen: 0.0866, Acc.plate: 0.6939, Acc.monitor: 0.7957, Acc.bulletin board: 0.4935, Acc.shower: 0.1166, Acc.radiator: 0.6825, Acc.glass: 0.2015, Acc.clock: 0.5095, Acc.flag: 0.4977 2023-11-11 03:15:05,945 - mmseg - INFO - Iter [72050/80000] lr: 3.975e-06, eta: 1:47:15, time: 2.303, data_time: 1.615, memory: 60073, decode.loss_ce: 0.1319, decode.acc_seg: 94.0309, aux.loss_ce: 0.2831, aux.acc_seg: 74.3959, loss: 0.4151 2023-11-11 03:15:40,634 - mmseg - INFO - Iter [72100/80000] lr: 3.950e-06, eta: 1:46:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1291, decode.acc_seg: 94.2948, aux.loss_ce: 0.2918, aux.acc_seg: 73.5096, loss: 0.4209 2023-11-11 03:16:15,306 - mmseg - INFO - Iter [72150/80000] lr: 3.925e-06, eta: 1:45:53, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1286, decode.acc_seg: 94.3443, aux.loss_ce: 0.2778, aux.acc_seg: 75.0590, loss: 0.4064 2023-11-11 03:16:49,998 - mmseg - INFO - Iter [72200/80000] lr: 3.901e-06, eta: 1:45:12, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1272, decode.acc_seg: 94.3693, aux.loss_ce: 0.2696, aux.acc_seg: 75.3419, loss: 0.3967 2023-11-11 03:17:24,695 - mmseg - INFO - Iter [72250/80000] lr: 3.876e-06, eta: 1:44:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1240, decode.acc_seg: 94.4389, aux.loss_ce: 0.2695, aux.acc_seg: 75.5253, loss: 0.3935 2023-11-11 03:17:59,368 - mmseg - INFO - Iter [72300/80000] lr: 3.851e-06, eta: 1:43:50, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1260, decode.acc_seg: 94.3875, aux.loss_ce: 0.2683, aux.acc_seg: 75.7638, loss: 0.3944 2023-11-11 03:18:34,062 - mmseg - INFO - Iter [72350/80000] lr: 3.826e-06, eta: 1:43:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1247, decode.acc_seg: 94.3994, aux.loss_ce: 0.2825, aux.acc_seg: 75.0780, loss: 0.4072 2023-11-11 03:19:08,746 - mmseg - INFO - Iter [72400/80000] lr: 3.801e-06, eta: 1:42:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1203, decode.acc_seg: 94.7561, aux.loss_ce: 0.2570, aux.acc_seg: 76.3139, loss: 0.3772 2023-11-11 03:19:43,438 - mmseg - INFO - Iter [72450/80000] lr: 3.775e-06, eta: 1:41:47, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1268, decode.acc_seg: 94.3116, aux.loss_ce: 0.2610, aux.acc_seg: 75.7764, loss: 0.3878 2023-11-11 03:20:18,163 - mmseg - INFO - Iter [72500/80000] lr: 3.750e-06, eta: 1:41:06, time: 0.695, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1274, decode.acc_seg: 94.3361, aux.loss_ce: 0.2746, aux.acc_seg: 75.3398, loss: 0.4020 2023-11-11 03:20:52,855 - mmseg - INFO - Iter [72550/80000] lr: 3.725e-06, eta: 1:40:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1312, decode.acc_seg: 94.1439, aux.loss_ce: 0.2866, aux.acc_seg: 73.9044, loss: 0.4178 2023-11-11 03:21:27,525 - mmseg - INFO - Iter [72600/80000] lr: 3.701e-06, eta: 1:39:44, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1272, decode.acc_seg: 94.4429, aux.loss_ce: 0.2743, aux.acc_seg: 75.8272, loss: 0.4015 2023-11-11 03:22:02,211 - mmseg - INFO - Iter [72650/80000] lr: 3.676e-06, eta: 1:39:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1294, decode.acc_seg: 94.2151, aux.loss_ce: 0.2645, aux.acc_seg: 75.9216, loss: 0.3939 2023-11-11 03:22:36,886 - mmseg - INFO - Iter [72700/80000] lr: 3.651e-06, eta: 1:38:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1324, decode.acc_seg: 94.1263, aux.loss_ce: 0.2827, aux.acc_seg: 74.7102, loss: 0.4151 2023-11-11 03:23:11,559 - mmseg - INFO - Iter [72750/80000] lr: 3.626e-06, eta: 1:37:41, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1232, decode.acc_seg: 94.5392, aux.loss_ce: 0.2669, aux.acc_seg: 75.8643, loss: 0.3901 2023-11-11 03:23:46,231 - mmseg - INFO - Iter [72800/80000] lr: 3.601e-06, eta: 1:37:00, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1283, decode.acc_seg: 94.1325, aux.loss_ce: 0.2657, aux.acc_seg: 75.3667, loss: 0.3940 2023-11-11 03:24:20,899 - mmseg - INFO - Iter [72850/80000] lr: 3.575e-06, eta: 1:36:19, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1376, decode.acc_seg: 93.8773, aux.loss_ce: 0.2756, aux.acc_seg: 74.7458, loss: 0.4132 2023-11-11 03:24:55,596 - mmseg - INFO - Iter [72900/80000] lr: 3.550e-06, eta: 1:35:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1261, decode.acc_seg: 94.5371, aux.loss_ce: 0.2650, aux.acc_seg: 76.3884, loss: 0.3911 2023-11-11 03:25:30,291 - mmseg - INFO - Iter [72950/80000] lr: 3.525e-06, eta: 1:34:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1342, decode.acc_seg: 94.0611, aux.loss_ce: 0.2748, aux.acc_seg: 75.0300, loss: 0.4089 2023-11-11 03:26:04,979 - mmseg - INFO - Saving checkpoint at 73000 iterations 2023-11-11 03:26:35,082 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:26:35,082 - mmseg - INFO - Iter [73000/80000] lr: 3.501e-06, eta: 1:34:19, time: 1.296, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1290, decode.acc_seg: 94.2999, aux.loss_ce: 0.2763, aux.acc_seg: 75.1949, loss: 0.4052 2023-11-11 03:27:55,540 - mmseg - INFO - per class results: 2023-11-11 03:27:55,546 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.57 | 89.72 | | building | 84.75 | 94.26 | | sky | 94.74 | 97.61 | | floor | 82.7 | 91.8 | | tree | 75.4 | 88.7 | | ceiling | 85.02 | 92.86 | | road | 85.41 | 91.56 | | bed | 91.38 | 96.8 | | windowpane | 63.72 | 81.13 | | grass | 68.98 | 83.74 | | cabinet | 61.99 | 75.69 | | sidewalk | 68.19 | 81.9 | | person | 82.85 | 93.83 | | earth | 39.45 | 51.0 | | door | 51.57 | 63.62 | | table | 64.2 | 76.62 | | mountain | 61.14 | 73.1 | | plant | 54.39 | 65.31 | | curtain | 74.86 | 83.64 | | chair | 61.37 | 73.77 | | car | 86.03 | 93.79 | | water | 61.55 | 75.43 | | painting | 74.35 | 88.07 | | sofa | 72.08 | 83.8 | | shelf | 43.62 | 58.37 | | house | 58.5 | 70.4 | | sea | 68.6 | 82.49 | | mirror | 74.58 | 82.59 | | rug | 58.69 | 66.3 | | field | 28.81 | 45.64 | | armchair | 50.43 | 70.07 | | seat | 67.08 | 85.67 | | fence | 44.98 | 58.11 | | desk | 53.49 | 77.38 | | rock | 50.77 | 75.17 | | wardrobe | 56.45 | 72.94 | | lamp | 70.55 | 82.06 | | bathtub | 81.22 | 86.64 | | railing | 33.25 | 44.65 | | cushion | 64.56 | 77.54 | | base | 31.2 | 42.28 | | box | 33.09 | 42.81 | | column | 53.17 | 60.0 | | signboard | 35.55 | 49.58 | | chest of drawers | 41.34 | 61.46 | | counter | 47.5 | 54.6 | | sand | 54.26 | 78.92 | | sink | 75.69 | 83.22 | | skyscraper | 48.78 | 57.62 | | fireplace | 72.72 | 90.17 | | refrigerator | 77.43 | 84.98 | | grandstand | 57.41 | 76.94 | | path | 26.12 | 34.88 | | stairs | 40.49 | 48.26 | | runway | 72.49 | 95.53 | | case | 58.05 | 74.56 | | pool table | 94.11 | 97.64 | | pillow | 63.0 | 72.51 | | screen door | 67.83 | 72.05 | | stairway | 47.16 | 60.42 | | river | 10.99 | 24.71 | | bridge | 59.91 | 67.92 | | bookcase | 42.83 | 56.99 | | blind | 33.29 | 37.33 | | coffee table | 62.27 | 85.12 | | toilet | 86.99 | 92.84 | | flower | 47.39 | 66.89 | | book | 52.9 | 80.1 | | hill | 11.75 | 18.53 | | bench | 56.87 | 65.94 | | countertop | 63.8 | 77.97 | | stove | 78.66 | 85.46 | | palm | 54.59 | 78.06 | | kitchen island | 45.26 | 60.23 | | computer | 73.1 | 85.15 | | swivel chair | 40.68 | 64.0 | | boat | 68.32 | 82.43 | | bar | 75.81 | 85.06 | | arcade machine | 79.67 | 85.34 | | hovel | 42.4 | 50.36 | | bus | 90.74 | 96.15 | | towel | 71.47 | 83.07 | | light | 56.22 | 62.86 | | truck | 43.02 | 50.43 | | tower | 32.04 | 46.29 | | chandelier | 70.9 | 81.62 | | awning | 33.47 | 41.33 | | streetlight | 30.79 | 37.41 | | booth | 50.13 | 60.17 | | television receiver | 81.23 | 89.63 | | airplane | 63.23 | 74.55 | | dirt track | 10.02 | 24.25 | | apparel | 63.92 | 76.65 | | pole | 28.6 | 39.95 | | land | 2.38 | 4.24 | | bannister | 10.94 | 14.63 | | escalator | 55.6 | 81.72 | | ottoman | 42.2 | 52.57 | | bottle | 41.89 | 71.88 | | buffet | 51.8 | 58.29 | | poster | 25.89 | 32.45 | | stage | 18.37 | 33.47 | | van | 44.87 | 57.48 | | ship | 71.17 | 79.61 | | fountain | 56.57 | 58.35 | | conveyer belt | 70.54 | 95.64 | | canopy | 55.89 | 68.87 | | washer | 85.25 | 92.32 | | plaything | 26.3 | 38.98 | | swimming pool | 59.82 | 86.7 | | stool | 49.01 | 63.2 | | barrel | 51.99 | 58.22 | | basket | 39.03 | 49.54 | | waterfall | 54.39 | 61.9 | | tent | 95.72 | 98.45 | | bag | 21.93 | 24.82 | | minibike | 73.53 | 87.22 | | cradle | 87.65 | 97.66 | | oven | 61.93 | 77.13 | | ball | 57.73 | 68.34 | | food | 54.36 | 68.26 | | step | 12.75 | 14.05 | | tank | 60.78 | 71.2 | | trade name | 19.98 | 21.7 | | microwave | 84.83 | 93.73 | | pot | 53.8 | 61.73 | | animal | 59.83 | 61.73 | | bicycle | 54.48 | 67.28 | | lake | 52.37 | 63.61 | | dishwasher | 59.92 | 73.42 | | screen | 51.74 | 74.5 | | blanket | 26.31 | 31.05 | | sculpture | 71.91 | 86.29 | | hood | 67.22 | 71.37 | | sconce | 55.0 | 66.76 | | vase | 40.7 | 57.52 | | traffic light | 38.37 | 52.14 | | tray | 14.77 | 17.72 | | ashcan | 49.35 | 60.53 | | fan | 67.31 | 78.97 | | pier | 35.77 | 45.57 | | crt screen | 4.67 | 6.96 | | plate | 57.24 | 73.09 | | monitor | 61.32 | 77.84 | | bulletin board | 40.14 | 47.58 | | shower | 8.35 | 11.97 | | radiator | 60.26 | 70.52 | | glass | 18.36 | 20.13 | | clock | 45.78 | 51.28 | | flag | 46.99 | 50.58 | +---------------------+-------+-------+ 2023-11-11 03:27:55,546 - mmseg - INFO - Summary: 2023-11-11 03:27:55,546 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.91 | 54.86 | 66.27 | +-------+-------+-------+ 2023-11-11 03:27:55,547 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:27:55,547 - mmseg - INFO - Iter(val) [250] aAcc: 0.8491, mIoU: 0.5486, mAcc: 0.6627, IoU.wall: 0.7957, IoU.building: 0.8475, IoU.sky: 0.9474, IoU.floor: 0.8270, IoU.tree: 0.7540, IoU.ceiling: 0.8502, IoU.road: 0.8541, IoU.bed : 0.9138, IoU.windowpane: 0.6372, IoU.grass: 0.6898, IoU.cabinet: 0.6199, IoU.sidewalk: 0.6819, IoU.person: 0.8285, IoU.earth: 0.3945, IoU.door: 0.5157, IoU.table: 0.6420, IoU.mountain: 0.6114, IoU.plant: 0.5439, IoU.curtain: 0.7486, IoU.chair: 0.6137, IoU.car: 0.8603, IoU.water: 0.6155, IoU.painting: 0.7435, IoU.sofa: 0.7208, IoU.shelf: 0.4362, IoU.house: 0.5850, IoU.sea: 0.6860, IoU.mirror: 0.7458, IoU.rug: 0.5869, IoU.field: 0.2881, IoU.armchair: 0.5043, IoU.seat: 0.6708, IoU.fence: 0.4498, IoU.desk: 0.5349, IoU.rock: 0.5077, IoU.wardrobe: 0.5645, IoU.lamp: 0.7055, IoU.bathtub: 0.8122, IoU.railing: 0.3325, IoU.cushion: 0.6456, IoU.base: 0.3120, IoU.box: 0.3309, IoU.column: 0.5317, IoU.signboard: 0.3555, IoU.chest of drawers: 0.4134, IoU.counter: 0.4750, IoU.sand: 0.5426, IoU.sink: 0.7569, IoU.skyscraper: 0.4878, IoU.fireplace: 0.7272, IoU.refrigerator: 0.7743, IoU.grandstand: 0.5741, IoU.path: 0.2612, IoU.stairs: 0.4049, IoU.runway: 0.7249, IoU.case: 0.5805, IoU.pool table: 0.9411, IoU.pillow: 0.6300, IoU.screen door: 0.6783, IoU.stairway: 0.4716, IoU.river: 0.1099, IoU.bridge: 0.5991, IoU.bookcase: 0.4283, IoU.blind: 0.3329, IoU.coffee table: 0.6227, IoU.toilet: 0.8699, IoU.flower: 0.4739, IoU.book: 0.5290, IoU.hill: 0.1175, IoU.bench: 0.5687, IoU.countertop: 0.6380, IoU.stove: 0.7866, IoU.palm: 0.5459, IoU.kitchen island: 0.4526, IoU.computer: 0.7310, IoU.swivel chair: 0.4068, IoU.boat: 0.6832, IoU.bar: 0.7581, IoU.arcade machine: 0.7967, IoU.hovel: 0.4240, IoU.bus: 0.9074, IoU.towel: 0.7147, IoU.light: 0.5622, IoU.truck: 0.4302, IoU.tower: 0.3204, IoU.chandelier: 0.7090, IoU.awning: 0.3347, IoU.streetlight: 0.3079, IoU.booth: 0.5013, IoU.television receiver: 0.8123, IoU.airplane: 0.6323, IoU.dirt track: 0.1002, IoU.apparel: 0.6392, IoU.pole: 0.2860, IoU.land: 0.0238, IoU.bannister: 0.1094, IoU.escalator: 0.5560, IoU.ottoman: 0.4220, IoU.bottle: 0.4189, IoU.buffet: 0.5180, IoU.poster: 0.2589, IoU.stage: 0.1837, IoU.van: 0.4487, IoU.ship: 0.7117, IoU.fountain: 0.5657, IoU.conveyer belt: 0.7054, IoU.canopy: 0.5589, IoU.washer: 0.8525, IoU.plaything: 0.2630, IoU.swimming pool: 0.5982, IoU.stool: 0.4901, IoU.barrel: 0.5199, IoU.basket: 0.3903, IoU.waterfall: 0.5439, IoU.tent: 0.9572, IoU.bag: 0.2193, IoU.minibike: 0.7353, IoU.cradle: 0.8765, IoU.oven: 0.6193, IoU.ball: 0.5773, IoU.food: 0.5436, IoU.step: 0.1275, IoU.tank: 0.6078, IoU.trade name: 0.1998, IoU.microwave: 0.8483, IoU.pot: 0.5380, IoU.animal: 0.5983, IoU.bicycle: 0.5448, IoU.lake: 0.5237, IoU.dishwasher: 0.5992, IoU.screen: 0.5174, IoU.blanket: 0.2631, IoU.sculpture: 0.7191, IoU.hood: 0.6722, IoU.sconce: 0.5500, IoU.vase: 0.4070, IoU.traffic light: 0.3837, IoU.tray: 0.1477, IoU.ashcan: 0.4935, IoU.fan: 0.6731, IoU.pier: 0.3577, IoU.crt screen: 0.0467, IoU.plate: 0.5724, IoU.monitor: 0.6132, IoU.bulletin board: 0.4014, IoU.shower: 0.0835, IoU.radiator: 0.6026, IoU.glass: 0.1836, IoU.clock: 0.4578, IoU.flag: 0.4699, Acc.wall: 0.8972, Acc.building: 0.9426, Acc.sky: 0.9761, Acc.floor: 0.9180, Acc.tree: 0.8870, Acc.ceiling: 0.9286, Acc.road: 0.9156, Acc.bed : 0.9680, Acc.windowpane: 0.8113, Acc.grass: 0.8374, Acc.cabinet: 0.7569, Acc.sidewalk: 0.8190, Acc.person: 0.9383, Acc.earth: 0.5100, Acc.door: 0.6362, Acc.table: 0.7662, Acc.mountain: 0.7310, Acc.plant: 0.6531, Acc.curtain: 0.8364, Acc.chair: 0.7377, Acc.car: 0.9379, Acc.water: 0.7543, Acc.painting: 0.8807, Acc.sofa: 0.8380, Acc.shelf: 0.5837, Acc.house: 0.7040, Acc.sea: 0.8249, Acc.mirror: 0.8259, Acc.rug: 0.6630, Acc.field: 0.4564, Acc.armchair: 0.7007, Acc.seat: 0.8567, Acc.fence: 0.5811, Acc.desk: 0.7738, Acc.rock: 0.7517, Acc.wardrobe: 0.7294, Acc.lamp: 0.8206, Acc.bathtub: 0.8664, Acc.railing: 0.4465, Acc.cushion: 0.7754, Acc.base: 0.4228, Acc.box: 0.4281, Acc.column: 0.6000, Acc.signboard: 0.4958, Acc.chest of drawers: 0.6146, Acc.counter: 0.5460, Acc.sand: 0.7892, Acc.sink: 0.8322, Acc.skyscraper: 0.5762, Acc.fireplace: 0.9017, Acc.refrigerator: 0.8498, Acc.grandstand: 0.7694, Acc.path: 0.3488, Acc.stairs: 0.4826, Acc.runway: 0.9553, Acc.case: 0.7456, Acc.pool table: 0.9764, Acc.pillow: 0.7251, Acc.screen door: 0.7205, Acc.stairway: 0.6042, Acc.river: 0.2471, Acc.bridge: 0.6792, Acc.bookcase: 0.5699, Acc.blind: 0.3733, Acc.coffee table: 0.8512, Acc.toilet: 0.9284, Acc.flower: 0.6689, Acc.book: 0.8010, Acc.hill: 0.1853, Acc.bench: 0.6594, Acc.countertop: 0.7797, Acc.stove: 0.8546, Acc.palm: 0.7806, Acc.kitchen island: 0.6023, Acc.computer: 0.8515, Acc.swivel chair: 0.6400, Acc.boat: 0.8243, Acc.bar: 0.8506, Acc.arcade machine: 0.8534, Acc.hovel: 0.5036, Acc.bus: 0.9615, Acc.towel: 0.8307, Acc.light: 0.6286, Acc.truck: 0.5043, Acc.tower: 0.4629, Acc.chandelier: 0.8162, Acc.awning: 0.4133, Acc.streetlight: 0.3741, Acc.booth: 0.6017, Acc.television receiver: 0.8963, Acc.airplane: 0.7455, Acc.dirt track: 0.2425, Acc.apparel: 0.7665, Acc.pole: 0.3995, Acc.land: 0.0424, Acc.bannister: 0.1463, Acc.escalator: 0.8172, Acc.ottoman: 0.5257, Acc.bottle: 0.7188, Acc.buffet: 0.5829, Acc.poster: 0.3245, Acc.stage: 0.3347, Acc.van: 0.5748, Acc.ship: 0.7961, Acc.fountain: 0.5835, Acc.conveyer belt: 0.9564, Acc.canopy: 0.6887, Acc.washer: 0.9232, Acc.plaything: 0.3898, Acc.swimming pool: 0.8670, Acc.stool: 0.6320, Acc.barrel: 0.5822, Acc.basket: 0.4954, Acc.waterfall: 0.6190, Acc.tent: 0.9845, Acc.bag: 0.2482, Acc.minibike: 0.8722, Acc.cradle: 0.9766, Acc.oven: 0.7713, Acc.ball: 0.6834, Acc.food: 0.6826, Acc.step: 0.1405, Acc.tank: 0.7120, Acc.trade name: 0.2170, Acc.microwave: 0.9373, Acc.pot: 0.6173, Acc.animal: 0.6173, Acc.bicycle: 0.6728, Acc.lake: 0.6361, Acc.dishwasher: 0.7342, Acc.screen: 0.7450, Acc.blanket: 0.3105, Acc.sculpture: 0.8629, Acc.hood: 0.7137, Acc.sconce: 0.6676, Acc.vase: 0.5752, Acc.traffic light: 0.5214, Acc.tray: 0.1772, Acc.ashcan: 0.6053, Acc.fan: 0.7897, Acc.pier: 0.4557, Acc.crt screen: 0.0696, Acc.plate: 0.7309, Acc.monitor: 0.7784, Acc.bulletin board: 0.4758, Acc.shower: 0.1197, Acc.radiator: 0.7052, Acc.glass: 0.2013, Acc.clock: 0.5128, Acc.flag: 0.5058 2023-11-11 03:28:30,300 - mmseg - INFO - Iter [73050/80000] lr: 3.476e-06, eta: 1:33:45, time: 2.304, data_time: 1.617, memory: 60073, decode.loss_ce: 0.1327, decode.acc_seg: 94.1778, aux.loss_ce: 0.2741, aux.acc_seg: 75.2183, loss: 0.4068 2023-11-11 03:29:05,011 - mmseg - INFO - Iter [73100/80000] lr: 3.451e-06, eta: 1:33:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1256, decode.acc_seg: 94.4371, aux.loss_ce: 0.2683, aux.acc_seg: 75.6025, loss: 0.3939 2023-11-11 03:29:39,701 - mmseg - INFO - Iter [73150/80000] lr: 3.426e-06, eta: 1:32:23, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1264, decode.acc_seg: 94.3132, aux.loss_ce: 0.2631, aux.acc_seg: 75.8307, loss: 0.3895 2023-11-11 03:30:14,381 - mmseg - INFO - Iter [73200/80000] lr: 3.401e-06, eta: 1:31:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1228, decode.acc_seg: 94.5604, aux.loss_ce: 0.2776, aux.acc_seg: 75.2338, loss: 0.4004 2023-11-11 03:30:49,050 - mmseg - INFO - Iter [73250/80000] lr: 3.375e-06, eta: 1:31:01, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1255, decode.acc_seg: 94.3406, aux.loss_ce: 0.2682, aux.acc_seg: 75.5629, loss: 0.3937 2023-11-11 03:31:26,011 - mmseg - INFO - Iter [73300/80000] lr: 3.350e-06, eta: 1:30:20, time: 0.739, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1293, decode.acc_seg: 94.2666, aux.loss_ce: 0.2777, aux.acc_seg: 74.9945, loss: 0.4070 2023-11-11 03:32:00,691 - mmseg - INFO - Iter [73350/80000] lr: 3.325e-06, eta: 1:29:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1271, decode.acc_seg: 94.3420, aux.loss_ce: 0.2645, aux.acc_seg: 76.4397, loss: 0.3917 2023-11-11 03:32:35,369 - mmseg - INFO - Iter [73400/80000] lr: 3.300e-06, eta: 1:28:58, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1261, decode.acc_seg: 94.2442, aux.loss_ce: 0.2622, aux.acc_seg: 75.6144, loss: 0.3883 2023-11-11 03:33:10,030 - mmseg - INFO - Iter [73450/80000] lr: 3.276e-06, eta: 1:28:18, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1316, decode.acc_seg: 94.1986, aux.loss_ce: 0.2901, aux.acc_seg: 74.3140, loss: 0.4217 2023-11-11 03:33:44,717 - mmseg - INFO - Iter [73500/80000] lr: 3.251e-06, eta: 1:27:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1293, decode.acc_seg: 94.2369, aux.loss_ce: 0.2715, aux.acc_seg: 75.4204, loss: 0.4009 2023-11-11 03:34:19,405 - mmseg - INFO - Iter [73550/80000] lr: 3.226e-06, eta: 1:26:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1278, decode.acc_seg: 94.2697, aux.loss_ce: 0.2698, aux.acc_seg: 75.2506, loss: 0.3976 2023-11-11 03:34:54,075 - mmseg - INFO - Iter [73600/80000] lr: 3.201e-06, eta: 1:26:15, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1288, decode.acc_seg: 94.3900, aux.loss_ce: 0.2759, aux.acc_seg: 75.3996, loss: 0.4047 2023-11-11 03:35:28,775 - mmseg - INFO - Iter [73650/80000] lr: 3.176e-06, eta: 1:25:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1266, decode.acc_seg: 94.3925, aux.loss_ce: 0.2694, aux.acc_seg: 75.4800, loss: 0.3960 2023-11-11 03:36:03,450 - mmseg - INFO - Iter [73700/80000] lr: 3.150e-06, eta: 1:24:53, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1270, decode.acc_seg: 94.4674, aux.loss_ce: 0.2831, aux.acc_seg: 74.6015, loss: 0.4101 2023-11-11 03:36:38,125 - mmseg - INFO - Iter [73750/80000] lr: 3.125e-06, eta: 1:24:12, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1318, decode.acc_seg: 94.2044, aux.loss_ce: 0.2742, aux.acc_seg: 75.2599, loss: 0.4060 2023-11-11 03:37:12,816 - mmseg - INFO - Iter [73800/80000] lr: 3.100e-06, eta: 1:23:31, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1226, decode.acc_seg: 94.4831, aux.loss_ce: 0.2685, aux.acc_seg: 74.9374, loss: 0.3910 2023-11-11 03:37:47,499 - mmseg - INFO - Iter [73850/80000] lr: 3.076e-06, eta: 1:22:50, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1215, decode.acc_seg: 94.5894, aux.loss_ce: 0.2691, aux.acc_seg: 75.2450, loss: 0.3907 2023-11-11 03:38:22,218 - mmseg - INFO - Iter [73900/80000] lr: 3.051e-06, eta: 1:22:09, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1232, decode.acc_seg: 94.5303, aux.loss_ce: 0.2714, aux.acc_seg: 75.7454, loss: 0.3946 2023-11-11 03:38:56,908 - mmseg - INFO - Iter [73950/80000] lr: 3.026e-06, eta: 1:21:28, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1292, decode.acc_seg: 94.3168, aux.loss_ce: 0.2637, aux.acc_seg: 75.9147, loss: 0.3929 2023-11-11 03:39:31,608 - mmseg - INFO - Saving checkpoint at 74000 iterations 2023-11-11 03:40:04,122 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:40:04,123 - mmseg - INFO - Iter [74000/80000] lr: 3.001e-06, eta: 1:20:50, time: 1.344, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1281, decode.acc_seg: 94.3692, aux.loss_ce: 0.2791, aux.acc_seg: 75.2070, loss: 0.4071 2023-11-11 03:41:24,773 - mmseg - INFO - per class results: 2023-11-11 03:41:24,778 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.64 | 89.64 | | building | 84.91 | 93.87 | | sky | 94.79 | 97.45 | | floor | 82.5 | 91.68 | | tree | 74.95 | 89.8 | | ceiling | 85.03 | 92.22 | | road | 85.22 | 91.41 | | bed | 91.3 | 96.73 | | windowpane | 64.16 | 80.22 | | grass | 69.16 | 83.81 | | cabinet | 61.9 | 74.29 | | sidewalk | 68.61 | 82.45 | | person | 82.59 | 94.23 | | earth | 39.72 | 51.75 | | door | 51.66 | 64.82 | | table | 64.2 | 78.5 | | mountain | 60.74 | 74.1 | | plant | 53.66 | 64.71 | | curtain | 74.41 | 84.4 | | chair | 61.45 | 74.45 | | car | 86.03 | 93.72 | | water | 61.62 | 75.39 | | painting | 73.72 | 88.93 | | sofa | 71.69 | 84.61 | | shelf | 43.82 | 59.03 | | house | 59.2 | 73.67 | | sea | 67.05 | 85.62 | | mirror | 74.88 | 84.14 | | rug | 55.51 | 63.19 | | field | 29.37 | 44.43 | | armchair | 49.72 | 67.82 | | seat | 66.11 | 86.21 | | fence | 45.74 | 58.02 | | desk | 53.39 | 76.57 | | rock | 50.17 | 72.28 | | wardrobe | 55.07 | 71.3 | | lamp | 69.84 | 82.96 | | bathtub | 81.13 | 85.9 | | railing | 33.26 | 44.36 | | cushion | 64.61 | 76.25 | | base | 34.16 | 48.13 | | box | 32.86 | 42.86 | | column | 51.96 | 57.83 | | signboard | 35.86 | 48.7 | | chest of drawers | 40.63 | 57.72 | | counter | 41.84 | 47.06 | | sand | 54.25 | 78.89 | | sink | 75.5 | 82.77 | | skyscraper | 50.89 | 62.04 | | fireplace | 72.32 | 89.62 | | refrigerator | 78.35 | 87.6 | | grandstand | 57.5 | 75.63 | | path | 26.52 | 37.5 | | stairs | 39.82 | 47.4 | | runway | 72.6 | 94.84 | | case | 56.5 | 70.64 | | pool table | 94.16 | 97.73 | | pillow | 63.62 | 73.7 | | screen door | 66.24 | 69.16 | | stairway | 46.09 | 60.33 | | river | 13.08 | 23.02 | | bridge | 64.34 | 72.59 | | bookcase | 42.46 | 59.33 | | blind | 32.81 | 36.64 | | coffee table | 62.29 | 84.15 | | toilet | 86.79 | 92.83 | | flower | 48.37 | 65.89 | | book | 52.92 | 79.08 | | hill | 9.28 | 13.45 | | bench | 57.01 | 66.05 | | countertop | 63.82 | 77.88 | | stove | 79.03 | 86.3 | | palm | 55.86 | 75.23 | | kitchen island | 43.92 | 63.17 | | computer | 71.2 | 84.36 | | swivel chair | 40.05 | 60.52 | | boat | 67.66 | 82.24 | | bar | 72.46 | 89.01 | | arcade machine | 80.46 | 86.53 | | hovel | 43.27 | 51.72 | | bus | 90.43 | 96.27 | | towel | 71.82 | 81.74 | | light | 56.79 | 64.15 | | truck | 43.39 | 51.16 | | tower | 33.02 | 46.72 | | chandelier | 71.15 | 82.26 | | awning | 32.98 | 40.99 | | streetlight | 31.03 | 39.95 | | booth | 51.02 | 62.96 | | television receiver | 80.07 | 90.64 | | airplane | 62.0 | 73.15 | | dirt track | 7.02 | 15.53 | | apparel | 63.54 | 75.26 | | pole | 27.42 | 35.52 | | land | 2.19 | 3.75 | | bannister | 11.52 | 15.91 | | escalator | 55.68 | 82.31 | | ottoman | 43.59 | 56.52 | | bottle | 41.95 | 70.84 | | buffet | 51.1 | 58.09 | | poster | 25.0 | 30.58 | | stage | 20.76 | 43.5 | | van | 45.22 | 60.75 | | ship | 71.18 | 79.91 | | fountain | 58.39 | 60.88 | | conveyer belt | 71.18 | 95.9 | | canopy | 56.25 | 66.94 | | washer | 84.46 | 91.32 | | plaything | 26.33 | 39.29 | | swimming pool | 60.01 | 87.67 | | stool | 48.84 | 61.18 | | barrel | 51.07 | 58.08 | | basket | 39.08 | 48.86 | | waterfall | 55.37 | 65.02 | | tent | 95.44 | 98.54 | | bag | 21.45 | 24.74 | | minibike | 73.63 | 86.79 | | cradle | 87.26 | 97.75 | | oven | 62.64 | 76.94 | | ball | 58.06 | 69.52 | | food | 55.42 | 72.56 | | step | 14.12 | 15.74 | | tank | 61.12 | 73.29 | | trade name | 22.4 | 24.74 | | microwave | 84.12 | 94.56 | | pot | 52.69 | 60.16 | | animal | 60.29 | 62.34 | | bicycle | 54.97 | 68.2 | | lake | 50.26 | 63.62 | | dishwasher | 60.06 | 71.91 | | screen | 51.4 | 70.75 | | blanket | 27.29 | 32.69 | | sculpture | 71.22 | 86.32 | | hood | 67.43 | 72.3 | | sconce | 54.75 | 67.53 | | vase | 41.23 | 54.93 | | traffic light | 37.81 | 50.24 | | tray | 16.62 | 20.48 | | ashcan | 46.88 | 56.6 | | fan | 66.69 | 77.37 | | pier | 35.17 | 45.67 | | crt screen | 6.01 | 9.57 | | plate | 57.49 | 73.6 | | monitor | 60.1 | 77.17 | | bulletin board | 41.24 | 50.8 | | shower | 7.22 | 11.34 | | radiator | 60.14 | 69.11 | | glass | 17.29 | 18.58 | | clock | 46.7 | 52.78 | | flag | 46.14 | 49.47 | +---------------------+-------+-------+ 2023-11-11 03:41:24,778 - mmseg - INFO - Summary: 2023-11-11 03:41:24,778 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.89 | 54.77 | 66.32 | +-------+-------+-------+ 2023-11-11 03:41:24,779 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:41:24,779 - mmseg - INFO - Iter(val) [250] aAcc: 0.8489, mIoU: 0.5477, mAcc: 0.6632, IoU.wall: 0.7964, IoU.building: 0.8491, IoU.sky: 0.9479, IoU.floor: 0.8250, IoU.tree: 0.7495, IoU.ceiling: 0.8503, IoU.road: 0.8522, IoU.bed : 0.9130, IoU.windowpane: 0.6416, IoU.grass: 0.6916, IoU.cabinet: 0.6190, IoU.sidewalk: 0.6861, IoU.person: 0.8259, IoU.earth: 0.3972, IoU.door: 0.5166, IoU.table: 0.6420, IoU.mountain: 0.6074, IoU.plant: 0.5366, IoU.curtain: 0.7441, IoU.chair: 0.6145, IoU.car: 0.8603, IoU.water: 0.6162, IoU.painting: 0.7372, IoU.sofa: 0.7169, IoU.shelf: 0.4382, IoU.house: 0.5920, IoU.sea: 0.6705, IoU.mirror: 0.7488, IoU.rug: 0.5551, IoU.field: 0.2937, IoU.armchair: 0.4972, IoU.seat: 0.6611, IoU.fence: 0.4574, IoU.desk: 0.5339, IoU.rock: 0.5017, IoU.wardrobe: 0.5507, IoU.lamp: 0.6984, IoU.bathtub: 0.8113, IoU.railing: 0.3326, IoU.cushion: 0.6461, IoU.base: 0.3416, IoU.box: 0.3286, IoU.column: 0.5196, IoU.signboard: 0.3586, IoU.chest of drawers: 0.4063, IoU.counter: 0.4184, IoU.sand: 0.5425, IoU.sink: 0.7550, IoU.skyscraper: 0.5089, IoU.fireplace: 0.7232, IoU.refrigerator: 0.7835, IoU.grandstand: 0.5750, IoU.path: 0.2652, IoU.stairs: 0.3982, IoU.runway: 0.7260, IoU.case: 0.5650, IoU.pool table: 0.9416, IoU.pillow: 0.6362, IoU.screen door: 0.6624, IoU.stairway: 0.4609, IoU.river: 0.1308, IoU.bridge: 0.6434, IoU.bookcase: 0.4246, IoU.blind: 0.3281, IoU.coffee table: 0.6229, IoU.toilet: 0.8679, IoU.flower: 0.4837, IoU.book: 0.5292, IoU.hill: 0.0928, IoU.bench: 0.5701, IoU.countertop: 0.6382, IoU.stove: 0.7903, IoU.palm: 0.5586, IoU.kitchen island: 0.4392, IoU.computer: 0.7120, IoU.swivel chair: 0.4005, IoU.boat: 0.6766, IoU.bar: 0.7246, IoU.arcade machine: 0.8046, IoU.hovel: 0.4327, IoU.bus: 0.9043, IoU.towel: 0.7182, IoU.light: 0.5679, IoU.truck: 0.4339, IoU.tower: 0.3302, IoU.chandelier: 0.7115, IoU.awning: 0.3298, IoU.streetlight: 0.3103, IoU.booth: 0.5102, IoU.television receiver: 0.8007, IoU.airplane: 0.6200, IoU.dirt track: 0.0702, IoU.apparel: 0.6354, IoU.pole: 0.2742, IoU.land: 0.0219, IoU.bannister: 0.1152, IoU.escalator: 0.5568, IoU.ottoman: 0.4359, IoU.bottle: 0.4195, IoU.buffet: 0.5110, IoU.poster: 0.2500, IoU.stage: 0.2076, IoU.van: 0.4522, IoU.ship: 0.7118, IoU.fountain: 0.5839, IoU.conveyer belt: 0.7118, IoU.canopy: 0.5625, IoU.washer: 0.8446, IoU.plaything: 0.2633, IoU.swimming pool: 0.6001, IoU.stool: 0.4884, IoU.barrel: 0.5107, IoU.basket: 0.3908, IoU.waterfall: 0.5537, IoU.tent: 0.9544, IoU.bag: 0.2145, IoU.minibike: 0.7363, IoU.cradle: 0.8726, IoU.oven: 0.6264, IoU.ball: 0.5806, IoU.food: 0.5542, IoU.step: 0.1412, IoU.tank: 0.6112, IoU.trade name: 0.2240, IoU.microwave: 0.8412, IoU.pot: 0.5269, IoU.animal: 0.6029, IoU.bicycle: 0.5497, IoU.lake: 0.5026, IoU.dishwasher: 0.6006, IoU.screen: 0.5140, IoU.blanket: 0.2729, IoU.sculpture: 0.7122, IoU.hood: 0.6743, IoU.sconce: 0.5475, IoU.vase: 0.4123, IoU.traffic light: 0.3781, IoU.tray: 0.1662, IoU.ashcan: 0.4688, IoU.fan: 0.6669, IoU.pier: 0.3517, IoU.crt screen: 0.0601, IoU.plate: 0.5749, IoU.monitor: 0.6010, IoU.bulletin board: 0.4124, IoU.shower: 0.0722, IoU.radiator: 0.6014, IoU.glass: 0.1729, IoU.clock: 0.4670, IoU.flag: 0.4614, Acc.wall: 0.8964, Acc.building: 0.9387, Acc.sky: 0.9745, Acc.floor: 0.9168, Acc.tree: 0.8980, Acc.ceiling: 0.9222, Acc.road: 0.9141, Acc.bed : 0.9673, Acc.windowpane: 0.8022, Acc.grass: 0.8381, Acc.cabinet: 0.7429, Acc.sidewalk: 0.8245, Acc.person: 0.9423, Acc.earth: 0.5175, Acc.door: 0.6482, Acc.table: 0.7850, Acc.mountain: 0.7410, Acc.plant: 0.6471, Acc.curtain: 0.8440, Acc.chair: 0.7445, Acc.car: 0.9372, Acc.water: 0.7539, Acc.painting: 0.8893, Acc.sofa: 0.8461, Acc.shelf: 0.5903, Acc.house: 0.7367, Acc.sea: 0.8562, Acc.mirror: 0.8414, Acc.rug: 0.6319, Acc.field: 0.4443, Acc.armchair: 0.6782, Acc.seat: 0.8621, Acc.fence: 0.5802, Acc.desk: 0.7657, Acc.rock: 0.7228, Acc.wardrobe: 0.7130, Acc.lamp: 0.8296, Acc.bathtub: 0.8590, Acc.railing: 0.4436, Acc.cushion: 0.7625, Acc.base: 0.4813, Acc.box: 0.4286, Acc.column: 0.5783, Acc.signboard: 0.4870, Acc.chest of drawers: 0.5772, Acc.counter: 0.4706, Acc.sand: 0.7889, Acc.sink: 0.8277, Acc.skyscraper: 0.6204, Acc.fireplace: 0.8962, Acc.refrigerator: 0.8760, Acc.grandstand: 0.7563, Acc.path: 0.3750, Acc.stairs: 0.4740, Acc.runway: 0.9484, Acc.case: 0.7064, Acc.pool table: 0.9773, Acc.pillow: 0.7370, Acc.screen door: 0.6916, Acc.stairway: 0.6033, Acc.river: 0.2302, Acc.bridge: 0.7259, Acc.bookcase: 0.5933, Acc.blind: 0.3664, Acc.coffee table: 0.8415, Acc.toilet: 0.9283, Acc.flower: 0.6589, Acc.book: 0.7908, Acc.hill: 0.1345, Acc.bench: 0.6605, Acc.countertop: 0.7788, Acc.stove: 0.8630, Acc.palm: 0.7523, Acc.kitchen island: 0.6317, Acc.computer: 0.8436, Acc.swivel chair: 0.6052, Acc.boat: 0.8224, Acc.bar: 0.8901, Acc.arcade machine: 0.8653, Acc.hovel: 0.5172, Acc.bus: 0.9627, Acc.towel: 0.8174, Acc.light: 0.6415, Acc.truck: 0.5116, Acc.tower: 0.4672, Acc.chandelier: 0.8226, Acc.awning: 0.4099, Acc.streetlight: 0.3995, Acc.booth: 0.6296, Acc.television receiver: 0.9064, Acc.airplane: 0.7315, Acc.dirt track: 0.1553, Acc.apparel: 0.7526, Acc.pole: 0.3552, Acc.land: 0.0375, Acc.bannister: 0.1591, Acc.escalator: 0.8231, Acc.ottoman: 0.5652, Acc.bottle: 0.7084, Acc.buffet: 0.5809, Acc.poster: 0.3058, Acc.stage: 0.4350, Acc.van: 0.6075, Acc.ship: 0.7991, Acc.fountain: 0.6088, Acc.conveyer belt: 0.9590, Acc.canopy: 0.6694, Acc.washer: 0.9132, Acc.plaything: 0.3929, Acc.swimming pool: 0.8767, Acc.stool: 0.6118, Acc.barrel: 0.5808, Acc.basket: 0.4886, Acc.waterfall: 0.6502, Acc.tent: 0.9854, Acc.bag: 0.2474, Acc.minibike: 0.8679, Acc.cradle: 0.9775, Acc.oven: 0.7694, Acc.ball: 0.6952, Acc.food: 0.7256, Acc.step: 0.1574, Acc.tank: 0.7329, Acc.trade name: 0.2474, Acc.microwave: 0.9456, Acc.pot: 0.6016, Acc.animal: 0.6234, Acc.bicycle: 0.6820, Acc.lake: 0.6362, Acc.dishwasher: 0.7191, Acc.screen: 0.7075, Acc.blanket: 0.3269, Acc.sculpture: 0.8632, Acc.hood: 0.7230, Acc.sconce: 0.6753, Acc.vase: 0.5493, Acc.traffic light: 0.5024, Acc.tray: 0.2048, Acc.ashcan: 0.5660, Acc.fan: 0.7737, Acc.pier: 0.4567, Acc.crt screen: 0.0957, Acc.plate: 0.7360, Acc.monitor: 0.7717, Acc.bulletin board: 0.5080, Acc.shower: 0.1134, Acc.radiator: 0.6911, Acc.glass: 0.1858, Acc.clock: 0.5278, Acc.flag: 0.4947 2023-11-11 03:41:59,539 - mmseg - INFO - Iter [74050/80000] lr: 2.976e-06, eta: 1:20:16, time: 2.308, data_time: 1.621, memory: 60073, decode.loss_ce: 0.1265, decode.acc_seg: 94.3839, aux.loss_ce: 0.2745, aux.acc_seg: 74.9148, loss: 0.4009 2023-11-11 03:42:34,214 - mmseg - INFO - Iter [74100/80000] lr: 2.950e-06, eta: 1:19:35, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1204, decode.acc_seg: 94.7144, aux.loss_ce: 0.2629, aux.acc_seg: 76.2248, loss: 0.3833 2023-11-11 03:43:08,901 - mmseg - INFO - Iter [74150/80000] lr: 2.925e-06, eta: 1:18:54, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1238, decode.acc_seg: 94.4445, aux.loss_ce: 0.2711, aux.acc_seg: 75.4505, loss: 0.3948 2023-11-11 03:43:43,584 - mmseg - INFO - Iter [74200/80000] lr: 2.900e-06, eta: 1:18:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1253, decode.acc_seg: 94.5498, aux.loss_ce: 0.2715, aux.acc_seg: 75.8111, loss: 0.3968 2023-11-11 03:44:18,266 - mmseg - INFO - Iter [74250/80000] lr: 2.875e-06, eta: 1:17:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1256, decode.acc_seg: 94.3731, aux.loss_ce: 0.2692, aux.acc_seg: 75.6164, loss: 0.3948 2023-11-11 03:44:52,954 - mmseg - INFO - Iter [74300/80000] lr: 2.851e-06, eta: 1:16:51, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1198, decode.acc_seg: 94.6318, aux.loss_ce: 0.2691, aux.acc_seg: 75.7240, loss: 0.3889 2023-11-11 03:45:27,630 - mmseg - INFO - Iter [74350/80000] lr: 2.826e-06, eta: 1:16:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1333, decode.acc_seg: 94.1548, aux.loss_ce: 0.2715, aux.acc_seg: 75.7518, loss: 0.4048 2023-11-11 03:46:02,292 - mmseg - INFO - Iter [74400/80000] lr: 2.801e-06, eta: 1:15:29, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1297, decode.acc_seg: 94.3179, aux.loss_ce: 0.2776, aux.acc_seg: 74.8649, loss: 0.4073 2023-11-11 03:46:36,958 - mmseg - INFO - Iter [74450/80000] lr: 2.776e-06, eta: 1:14:49, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1330, decode.acc_seg: 94.0231, aux.loss_ce: 0.2788, aux.acc_seg: 74.5133, loss: 0.4118 2023-11-11 03:47:11,652 - mmseg - INFO - Iter [74500/80000] lr: 2.750e-06, eta: 1:14:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1325, decode.acc_seg: 94.2149, aux.loss_ce: 0.2746, aux.acc_seg: 75.9786, loss: 0.4071 2023-11-11 03:47:48,713 - mmseg - INFO - Iter [74550/80000] lr: 2.725e-06, eta: 1:13:27, time: 0.741, data_time: 0.053, memory: 60073, decode.loss_ce: 0.1218, decode.acc_seg: 94.5802, aux.loss_ce: 0.2680, aux.acc_seg: 76.0771, loss: 0.3898 2023-11-11 03:48:23,422 - mmseg - INFO - Iter [74600/80000] lr: 2.700e-06, eta: 1:12:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1243, decode.acc_seg: 94.5550, aux.loss_ce: 0.2657, aux.acc_seg: 75.5903, loss: 0.3900 2023-11-11 03:48:58,103 - mmseg - INFO - Iter [74650/80000] lr: 2.675e-06, eta: 1:12:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1263, decode.acc_seg: 94.3553, aux.loss_ce: 0.2744, aux.acc_seg: 75.2179, loss: 0.4007 2023-11-11 03:49:32,791 - mmseg - INFO - Iter [74700/80000] lr: 2.651e-06, eta: 1:11:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1300, decode.acc_seg: 94.1029, aux.loss_ce: 0.2761, aux.acc_seg: 75.0538, loss: 0.4062 2023-11-11 03:50:07,464 - mmseg - INFO - Iter [74750/80000] lr: 2.626e-06, eta: 1:10:44, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1214, decode.acc_seg: 94.6571, aux.loss_ce: 0.2750, aux.acc_seg: 75.0070, loss: 0.3964 2023-11-11 03:50:42,129 - mmseg - INFO - Iter [74800/80000] lr: 2.601e-06, eta: 1:10:03, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1227, decode.acc_seg: 94.4295, aux.loss_ce: 0.2782, aux.acc_seg: 74.1980, loss: 0.4010 2023-11-11 03:51:16,826 - mmseg - INFO - Iter [74850/80000] lr: 2.576e-06, eta: 1:09:22, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1220, decode.acc_seg: 94.5116, aux.loss_ce: 0.2651, aux.acc_seg: 75.9240, loss: 0.3871 2023-11-11 03:51:51,517 - mmseg - INFO - Iter [74900/80000] lr: 2.551e-06, eta: 1:08:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1237, decode.acc_seg: 94.5465, aux.loss_ce: 0.2777, aux.acc_seg: 74.9801, loss: 0.4014 2023-11-11 03:52:26,187 - mmseg - INFO - Iter [74950/80000] lr: 2.525e-06, eta: 1:08:00, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1210, decode.acc_seg: 94.4785, aux.loss_ce: 0.2696, aux.acc_seg: 75.1127, loss: 0.3906 2023-11-11 03:53:00,887 - mmseg - INFO - Saving checkpoint at 75000 iterations 2023-11-11 03:53:31,410 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:53:31,410 - mmseg - INFO - Iter [75000/80000] lr: 2.500e-06, eta: 1:07:22, time: 1.304, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1325, decode.acc_seg: 94.1461, aux.loss_ce: 0.2864, aux.acc_seg: 74.5947, loss: 0.4189 2023-11-11 03:54:51,920 - mmseg - INFO - per class results: 2023-11-11 03:54:51,925 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.5 | 90.17 | | building | 84.87 | 94.02 | | sky | 94.82 | 97.49 | | floor | 82.44 | 91.59 | | tree | 75.42 | 89.36 | | ceiling | 85.13 | 93.03 | | road | 85.6 | 91.36 | | bed | 91.24 | 96.81 | | windowpane | 63.82 | 80.94 | | grass | 68.81 | 84.03 | | cabinet | 62.16 | 73.7 | | sidewalk | 68.53 | 82.52 | | person | 82.66 | 94.22 | | earth | 40.06 | 53.01 | | door | 50.46 | 60.51 | | table | 64.61 | 77.59 | | mountain | 61.21 | 72.41 | | plant | 54.58 | 66.18 | | curtain | 74.91 | 84.97 | | chair | 61.75 | 75.04 | | car | 86.08 | 93.06 | | water | 61.25 | 75.39 | | painting | 74.33 | 88.72 | | sofa | 71.59 | 83.02 | | shelf | 43.68 | 59.53 | | house | 57.36 | 68.58 | | sea | 66.17 | 82.35 | | mirror | 73.94 | 81.13 | | rug | 56.38 | 64.73 | | field | 29.62 | 45.06 | | armchair | 49.59 | 68.2 | | seat | 66.34 | 85.76 | | fence | 45.79 | 59.0 | | desk | 53.8 | 75.82 | | rock | 51.72 | 76.84 | | wardrobe | 55.96 | 72.62 | | lamp | 70.46 | 81.34 | | bathtub | 81.28 | 86.34 | | railing | 33.29 | 43.75 | | cushion | 64.55 | 77.43 | | base | 31.92 | 42.18 | | box | 33.0 | 41.44 | | column | 51.3 | 56.64 | | signboard | 36.46 | 47.93 | | chest of drawers | 41.55 | 60.33 | | counter | 47.12 | 54.35 | | sand | 52.66 | 76.69 | | sink | 75.48 | 82.97 | | skyscraper | 48.83 | 58.29 | | fireplace | 72.9 | 89.66 | | refrigerator | 78.01 | 86.6 | | grandstand | 57.66 | 76.4 | | path | 26.06 | 36.78 | | stairs | 40.5 | 49.56 | | runway | 72.83 | 95.94 | | case | 56.73 | 72.68 | | pool table | 94.29 | 97.28 | | pillow | 62.37 | 71.58 | | screen door | 69.98 | 73.89 | | stairway | 46.07 | 57.86 | | river | 12.3 | 24.97 | | bridge | 64.11 | 72.68 | | bookcase | 42.38 | 59.44 | | blind | 33.4 | 36.98 | | coffee table | 62.59 | 84.4 | | toilet | 87.08 | 92.24 | | flower | 48.15 | 65.22 | | book | 53.63 | 78.65 | | hill | 11.73 | 17.08 | | bench | 57.2 | 67.29 | | countertop | 64.06 | 80.57 | | stove | 78.8 | 85.08 | | palm | 56.07 | 75.29 | | kitchen island | 43.16 | 64.51 | | computer | 72.24 | 84.91 | | swivel chair | 39.94 | 61.68 | | boat | 69.39 | 82.32 | | bar | 74.34 | 87.32 | | arcade machine | 78.76 | 83.32 | | hovel | 43.3 | 51.7 | | bus | 90.87 | 96.09 | | towel | 71.45 | 81.32 | | light | 55.65 | 61.94 | | truck | 43.33 | 51.33 | | tower | 32.9 | 47.07 | | chandelier | 70.93 | 81.42 | | awning | 31.84 | 39.25 | | streetlight | 30.74 | 38.97 | | booth | 51.37 | 61.83 | | television receiver | 81.03 | 89.91 | | airplane | 61.25 | 71.82 | | dirt track | 4.88 | 10.96 | | apparel | 64.08 | 76.5 | | pole | 28.14 | 37.6 | | land | 2.39 | 4.03 | | bannister | 11.22 | 15.37 | | escalator | 57.79 | 80.69 | | ottoman | 44.23 | 58.45 | | bottle | 41.8 | 69.92 | | buffet | 51.56 | 59.11 | | poster | 24.73 | 28.94 | | stage | 18.12 | 36.17 | | van | 45.36 | 60.99 | | ship | 72.36 | 78.61 | | fountain | 56.18 | 57.88 | | conveyer belt | 73.65 | 94.89 | | canopy | 59.36 | 68.79 | | washer | 85.24 | 91.7 | | plaything | 25.89 | 34.67 | | swimming pool | 59.59 | 85.73 | | stool | 49.11 | 59.42 | | barrel | 51.97 | 55.55 | | basket | 39.41 | 50.15 | | waterfall | 52.57 | 60.62 | | tent | 95.78 | 98.37 | | bag | 21.12 | 24.17 | | minibike | 73.82 | 86.74 | | cradle | 87.6 | 97.39 | | oven | 62.44 | 77.52 | | ball | 56.3 | 64.85 | | food | 54.42 | 71.11 | | step | 14.43 | 16.31 | | tank | 62.78 | 74.59 | | trade name | 19.59 | 21.09 | | microwave | 84.69 | 93.96 | | pot | 52.21 | 59.49 | | animal | 60.4 | 62.13 | | bicycle | 56.71 | 72.71 | | lake | 50.2 | 63.53 | | dishwasher | 60.33 | 74.23 | | screen | 52.89 | 68.44 | | blanket | 26.95 | 31.94 | | sculpture | 69.38 | 86.7 | | hood | 66.25 | 70.61 | | sconce | 54.5 | 66.11 | | vase | 41.17 | 59.15 | | traffic light | 37.16 | 47.15 | | tray | 15.09 | 17.65 | | ashcan | 48.49 | 59.05 | | fan | 66.69 | 76.97 | | pier | 35.32 | 46.1 | | crt screen | 8.21 | 12.92 | | plate | 56.92 | 71.43 | | monitor | 61.27 | 76.64 | | bulletin board | 42.79 | 52.38 | | shower | 7.06 | 12.06 | | radiator | 60.93 | 70.42 | | glass | 18.05 | 19.64 | | clock | 44.87 | 49.31 | | flag | 45.47 | 48.67 | +---------------------+-------+-------+ 2023-11-11 03:54:51,925 - mmseg - INFO - Summary: 2023-11-11 03:54:51,926 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.93 | 54.85 | 66.01 | +-------+-------+-------+ 2023-11-11 03:54:51,927 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 03:54:51,927 - mmseg - INFO - Iter(val) [250] aAcc: 0.8493, mIoU: 0.5485, mAcc: 0.6601, IoU.wall: 0.7950, IoU.building: 0.8487, IoU.sky: 0.9482, IoU.floor: 0.8244, IoU.tree: 0.7542, IoU.ceiling: 0.8513, IoU.road: 0.8560, IoU.bed : 0.9124, IoU.windowpane: 0.6382, IoU.grass: 0.6881, IoU.cabinet: 0.6216, IoU.sidewalk: 0.6853, IoU.person: 0.8266, IoU.earth: 0.4006, IoU.door: 0.5046, IoU.table: 0.6461, IoU.mountain: 0.6121, IoU.plant: 0.5458, IoU.curtain: 0.7491, IoU.chair: 0.6175, IoU.car: 0.8608, IoU.water: 0.6125, IoU.painting: 0.7433, IoU.sofa: 0.7159, IoU.shelf: 0.4368, IoU.house: 0.5736, IoU.sea: 0.6617, IoU.mirror: 0.7394, IoU.rug: 0.5638, IoU.field: 0.2962, IoU.armchair: 0.4959, IoU.seat: 0.6634, IoU.fence: 0.4579, IoU.desk: 0.5380, IoU.rock: 0.5172, IoU.wardrobe: 0.5596, IoU.lamp: 0.7046, IoU.bathtub: 0.8128, IoU.railing: 0.3329, IoU.cushion: 0.6455, IoU.base: 0.3192, IoU.box: 0.3300, IoU.column: 0.5130, IoU.signboard: 0.3646, IoU.chest of drawers: 0.4155, IoU.counter: 0.4712, IoU.sand: 0.5266, IoU.sink: 0.7548, IoU.skyscraper: 0.4883, IoU.fireplace: 0.7290, IoU.refrigerator: 0.7801, IoU.grandstand: 0.5766, IoU.path: 0.2606, IoU.stairs: 0.4050, IoU.runway: 0.7283, IoU.case: 0.5673, IoU.pool table: 0.9429, IoU.pillow: 0.6237, IoU.screen door: 0.6998, IoU.stairway: 0.4607, IoU.river: 0.1230, IoU.bridge: 0.6411, IoU.bookcase: 0.4238, IoU.blind: 0.3340, IoU.coffee table: 0.6259, IoU.toilet: 0.8708, IoU.flower: 0.4815, IoU.book: 0.5363, IoU.hill: 0.1173, IoU.bench: 0.5720, IoU.countertop: 0.6406, IoU.stove: 0.7880, IoU.palm: 0.5607, IoU.kitchen island: 0.4316, IoU.computer: 0.7224, IoU.swivel chair: 0.3994, IoU.boat: 0.6939, IoU.bar: 0.7434, IoU.arcade machine: 0.7876, IoU.hovel: 0.4330, IoU.bus: 0.9087, IoU.towel: 0.7145, IoU.light: 0.5565, IoU.truck: 0.4333, IoU.tower: 0.3290, IoU.chandelier: 0.7093, IoU.awning: 0.3184, IoU.streetlight: 0.3074, IoU.booth: 0.5137, IoU.television receiver: 0.8103, IoU.airplane: 0.6125, IoU.dirt track: 0.0488, IoU.apparel: 0.6408, IoU.pole: 0.2814, IoU.land: 0.0239, IoU.bannister: 0.1122, IoU.escalator: 0.5779, IoU.ottoman: 0.4423, IoU.bottle: 0.4180, IoU.buffet: 0.5156, IoU.poster: 0.2473, IoU.stage: 0.1812, IoU.van: 0.4536, IoU.ship: 0.7236, IoU.fountain: 0.5618, IoU.conveyer belt: 0.7365, IoU.canopy: 0.5936, IoU.washer: 0.8524, IoU.plaything: 0.2589, IoU.swimming pool: 0.5959, IoU.stool: 0.4911, IoU.barrel: 0.5197, IoU.basket: 0.3941, IoU.waterfall: 0.5257, IoU.tent: 0.9578, IoU.bag: 0.2112, IoU.minibike: 0.7382, IoU.cradle: 0.8760, IoU.oven: 0.6244, IoU.ball: 0.5630, IoU.food: 0.5442, IoU.step: 0.1443, IoU.tank: 0.6278, IoU.trade name: 0.1959, IoU.microwave: 0.8469, IoU.pot: 0.5221, IoU.animal: 0.6040, IoU.bicycle: 0.5671, IoU.lake: 0.5020, IoU.dishwasher: 0.6033, IoU.screen: 0.5289, IoU.blanket: 0.2695, IoU.sculpture: 0.6938, IoU.hood: 0.6625, IoU.sconce: 0.5450, IoU.vase: 0.4117, IoU.traffic light: 0.3716, IoU.tray: 0.1509, IoU.ashcan: 0.4849, IoU.fan: 0.6669, IoU.pier: 0.3532, IoU.crt screen: 0.0821, IoU.plate: 0.5692, IoU.monitor: 0.6127, IoU.bulletin board: 0.4279, IoU.shower: 0.0706, IoU.radiator: 0.6093, IoU.glass: 0.1805, IoU.clock: 0.4487, IoU.flag: 0.4547, Acc.wall: 0.9017, Acc.building: 0.9402, Acc.sky: 0.9749, Acc.floor: 0.9159, Acc.tree: 0.8936, Acc.ceiling: 0.9303, Acc.road: 0.9136, Acc.bed : 0.9681, Acc.windowpane: 0.8094, Acc.grass: 0.8403, Acc.cabinet: 0.7370, Acc.sidewalk: 0.8252, Acc.person: 0.9422, Acc.earth: 0.5301, Acc.door: 0.6051, Acc.table: 0.7759, Acc.mountain: 0.7241, Acc.plant: 0.6618, Acc.curtain: 0.8497, Acc.chair: 0.7504, Acc.car: 0.9306, Acc.water: 0.7539, Acc.painting: 0.8872, Acc.sofa: 0.8302, Acc.shelf: 0.5953, Acc.house: 0.6858, Acc.sea: 0.8235, Acc.mirror: 0.8113, Acc.rug: 0.6473, Acc.field: 0.4506, Acc.armchair: 0.6820, Acc.seat: 0.8576, Acc.fence: 0.5900, Acc.desk: 0.7582, Acc.rock: 0.7684, Acc.wardrobe: 0.7262, Acc.lamp: 0.8134, Acc.bathtub: 0.8634, Acc.railing: 0.4375, Acc.cushion: 0.7743, Acc.base: 0.4218, Acc.box: 0.4144, Acc.column: 0.5664, Acc.signboard: 0.4793, Acc.chest of drawers: 0.6033, Acc.counter: 0.5435, Acc.sand: 0.7669, Acc.sink: 0.8297, Acc.skyscraper: 0.5829, Acc.fireplace: 0.8966, Acc.refrigerator: 0.8660, Acc.grandstand: 0.7640, Acc.path: 0.3678, Acc.stairs: 0.4956, Acc.runway: 0.9594, Acc.case: 0.7268, Acc.pool table: 0.9728, Acc.pillow: 0.7158, Acc.screen door: 0.7389, Acc.stairway: 0.5786, Acc.river: 0.2497, Acc.bridge: 0.7268, Acc.bookcase: 0.5944, Acc.blind: 0.3698, Acc.coffee table: 0.8440, Acc.toilet: 0.9224, Acc.flower: 0.6522, Acc.book: 0.7865, Acc.hill: 0.1708, Acc.bench: 0.6729, Acc.countertop: 0.8057, Acc.stove: 0.8508, Acc.palm: 0.7529, Acc.kitchen island: 0.6451, Acc.computer: 0.8491, Acc.swivel chair: 0.6168, Acc.boat: 0.8232, Acc.bar: 0.8732, Acc.arcade machine: 0.8332, Acc.hovel: 0.5170, Acc.bus: 0.9609, Acc.towel: 0.8132, Acc.light: 0.6194, Acc.truck: 0.5133, Acc.tower: 0.4707, Acc.chandelier: 0.8142, Acc.awning: 0.3925, Acc.streetlight: 0.3897, Acc.booth: 0.6183, Acc.television receiver: 0.8991, Acc.airplane: 0.7182, Acc.dirt track: 0.1096, Acc.apparel: 0.7650, Acc.pole: 0.3760, Acc.land: 0.0403, Acc.bannister: 0.1537, Acc.escalator: 0.8069, Acc.ottoman: 0.5845, Acc.bottle: 0.6992, Acc.buffet: 0.5911, Acc.poster: 0.2894, Acc.stage: 0.3617, Acc.van: 0.6099, Acc.ship: 0.7861, Acc.fountain: 0.5788, Acc.conveyer belt: 0.9489, Acc.canopy: 0.6879, Acc.washer: 0.9170, Acc.plaything: 0.3467, Acc.swimming pool: 0.8573, Acc.stool: 0.5942, Acc.barrel: 0.5555, Acc.basket: 0.5015, Acc.waterfall: 0.6062, Acc.tent: 0.9837, Acc.bag: 0.2417, Acc.minibike: 0.8674, Acc.cradle: 0.9739, Acc.oven: 0.7752, Acc.ball: 0.6485, Acc.food: 0.7111, Acc.step: 0.1631, Acc.tank: 0.7459, Acc.trade name: 0.2109, Acc.microwave: 0.9396, Acc.pot: 0.5949, Acc.animal: 0.6213, Acc.bicycle: 0.7271, Acc.lake: 0.6353, Acc.dishwasher: 0.7423, Acc.screen: 0.6844, Acc.blanket: 0.3194, Acc.sculpture: 0.8670, Acc.hood: 0.7061, Acc.sconce: 0.6611, Acc.vase: 0.5915, Acc.traffic light: 0.4715, Acc.tray: 0.1765, Acc.ashcan: 0.5905, Acc.fan: 0.7697, Acc.pier: 0.4610, Acc.crt screen: 0.1292, Acc.plate: 0.7143, Acc.monitor: 0.7664, Acc.bulletin board: 0.5238, Acc.shower: 0.1206, Acc.radiator: 0.7042, Acc.glass: 0.1964, Acc.clock: 0.4931, Acc.flag: 0.4867 2023-11-11 03:55:26,695 - mmseg - INFO - Iter [75050/80000] lr: 2.475e-06, eta: 1:06:46, time: 2.306, data_time: 1.618, memory: 60073, decode.loss_ce: 0.1298, decode.acc_seg: 94.2505, aux.loss_ce: 0.2691, aux.acc_seg: 75.6537, loss: 0.3988 2023-11-11 03:56:01,402 - mmseg - INFO - Iter [75100/80000] lr: 2.451e-06, eta: 1:06:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1267, decode.acc_seg: 94.3297, aux.loss_ce: 0.2770, aux.acc_seg: 74.9607, loss: 0.4038 2023-11-11 03:56:36,072 - mmseg - INFO - Iter [75150/80000] lr: 2.426e-06, eta: 1:05:24, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1233, decode.acc_seg: 94.4960, aux.loss_ce: 0.2678, aux.acc_seg: 75.5855, loss: 0.3911 2023-11-11 03:57:10,757 - mmseg - INFO - Iter [75200/80000] lr: 2.401e-06, eta: 1:04:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1220, decode.acc_seg: 94.5388, aux.loss_ce: 0.2693, aux.acc_seg: 75.4604, loss: 0.3912 2023-11-11 03:57:45,434 - mmseg - INFO - Iter [75250/80000] lr: 2.376e-06, eta: 1:04:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1225, decode.acc_seg: 94.5654, aux.loss_ce: 0.2658, aux.acc_seg: 75.9747, loss: 0.3883 2023-11-11 03:58:20,109 - mmseg - INFO - Iter [75300/80000] lr: 2.351e-06, eta: 1:03:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1285, decode.acc_seg: 94.4214, aux.loss_ce: 0.2924, aux.acc_seg: 74.3805, loss: 0.4208 2023-11-11 03:58:54,791 - mmseg - INFO - Iter [75350/80000] lr: 2.325e-06, eta: 1:02:41, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1211, decode.acc_seg: 94.6011, aux.loss_ce: 0.2623, aux.acc_seg: 76.0740, loss: 0.3833 2023-11-11 03:59:29,484 - mmseg - INFO - Iter [75400/80000] lr: 2.300e-06, eta: 1:02:00, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1298, decode.acc_seg: 94.2546, aux.loss_ce: 0.2657, aux.acc_seg: 76.2863, loss: 0.3955 2023-11-11 04:00:04,184 - mmseg - INFO - Iter [75450/80000] lr: 2.275e-06, eta: 1:01:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1231, decode.acc_seg: 94.4770, aux.loss_ce: 0.2691, aux.acc_seg: 75.4218, loss: 0.3922 2023-11-11 04:00:38,880 - mmseg - INFO - Iter [75500/80000] lr: 2.250e-06, eta: 1:00:39, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1254, decode.acc_seg: 94.5207, aux.loss_ce: 0.2762, aux.acc_seg: 75.4340, loss: 0.4016 2023-11-11 04:01:13,629 - mmseg - INFO - Iter [75550/80000] lr: 2.226e-06, eta: 0:59:58, time: 0.695, data_time: 0.008, memory: 60073, decode.loss_ce: 0.1297, decode.acc_seg: 94.3906, aux.loss_ce: 0.2781, aux.acc_seg: 75.2007, loss: 0.4078 2023-11-11 04:01:48,321 - mmseg - INFO - Iter [75600/80000] lr: 2.201e-06, eta: 0:59:17, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1230, decode.acc_seg: 94.5082, aux.loss_ce: 0.2710, aux.acc_seg: 75.9742, loss: 0.3941 2023-11-11 04:02:23,020 - mmseg - INFO - Iter [75650/80000] lr: 2.176e-06, eta: 0:58:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1294, decode.acc_seg: 94.3029, aux.loss_ce: 0.2805, aux.acc_seg: 74.9377, loss: 0.4100 2023-11-11 04:02:57,702 - mmseg - INFO - Iter [75700/80000] lr: 2.151e-06, eta: 0:57:56, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1270, decode.acc_seg: 94.3282, aux.loss_ce: 0.2789, aux.acc_seg: 75.0420, loss: 0.4059 2023-11-11 04:03:32,364 - mmseg - INFO - Iter [75750/80000] lr: 2.125e-06, eta: 0:57:15, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1260, decode.acc_seg: 94.5063, aux.loss_ce: 0.2726, aux.acc_seg: 75.3606, loss: 0.3986 2023-11-11 04:04:09,340 - mmseg - INFO - Iter [75800/80000] lr: 2.100e-06, eta: 0:56:34, time: 0.740, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1255, decode.acc_seg: 94.4315, aux.loss_ce: 0.2635, aux.acc_seg: 76.1086, loss: 0.3890 2023-11-11 04:04:44,006 - mmseg - INFO - Iter [75850/80000] lr: 2.075e-06, eta: 0:55:54, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1182, decode.acc_seg: 94.7629, aux.loss_ce: 0.2597, aux.acc_seg: 76.3535, loss: 0.3779 2023-11-11 04:05:18,693 - mmseg - INFO - Iter [75900/80000] lr: 2.050e-06, eta: 0:55:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1227, decode.acc_seg: 94.5558, aux.loss_ce: 0.2752, aux.acc_seg: 74.8712, loss: 0.3979 2023-11-11 04:05:53,409 - mmseg - INFO - Iter [75950/80000] lr: 2.026e-06, eta: 0:54:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1211, decode.acc_seg: 94.6279, aux.loss_ce: 0.2759, aux.acc_seg: 75.0812, loss: 0.3970 2023-11-11 04:06:28,089 - mmseg - INFO - Saving checkpoint at 76000 iterations 2023-11-11 04:07:01,159 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:07:01,160 - mmseg - INFO - Iter [76000/80000] lr: 2.001e-06, eta: 0:53:53, time: 1.355, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1250, decode.acc_seg: 94.4747, aux.loss_ce: 0.2771, aux.acc_seg: 76.0558, loss: 0.4021 2023-11-11 04:08:21,516 - mmseg - INFO - per class results: 2023-11-11 04:08:21,521 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.7 | 89.7 | | building | 85.02 | 93.76 | | sky | 94.8 | 97.63 | | floor | 82.27 | 92.06 | | tree | 75.3 | 89.76 | | ceiling | 85.05 | 93.4 | | road | 85.6 | 91.18 | | bed | 91.2 | 96.99 | | windowpane | 63.85 | 80.54 | | grass | 69.34 | 84.75 | | cabinet | 62.16 | 74.02 | | sidewalk | 68.56 | 82.59 | | person | 82.59 | 94.35 | | earth | 39.88 | 51.01 | | door | 50.78 | 61.73 | | table | 64.59 | 77.46 | | mountain | 60.79 | 73.3 | | plant | 53.89 | 64.33 | | curtain | 75.1 | 85.13 | | chair | 61.5 | 75.54 | | car | 86.1 | 93.77 | | water | 61.45 | 75.78 | | painting | 74.84 | 88.57 | | sofa | 71.1 | 84.55 | | shelf | 44.35 | 61.18 | | house | 58.28 | 70.44 | | sea | 66.61 | 82.08 | | mirror | 74.49 | 82.68 | | rug | 56.07 | 62.92 | | field | 31.26 | 46.82 | | armchair | 47.76 | 65.22 | | seat | 66.08 | 85.87 | | fence | 45.7 | 58.12 | | desk | 54.28 | 77.3 | | rock | 51.47 | 76.23 | | wardrobe | 55.62 | 71.75 | | lamp | 70.53 | 82.23 | | bathtub | 81.34 | 87.02 | | railing | 34.13 | 46.21 | | cushion | 64.41 | 75.3 | | base | 31.95 | 43.54 | | box | 33.03 | 41.51 | | column | 52.51 | 60.08 | | signboard | 36.3 | 47.09 | | chest of drawers | 41.01 | 60.44 | | counter | 46.68 | 54.04 | | sand | 54.49 | 81.25 | | sink | 75.43 | 82.89 | | skyscraper | 47.85 | 58.27 | | fireplace | 72.94 | 90.53 | | refrigerator | 78.48 | 87.88 | | grandstand | 57.32 | 75.64 | | path | 26.77 | 38.38 | | stairs | 40.39 | 48.38 | | runway | 72.25 | 95.85 | | case | 57.9 | 73.0 | | pool table | 94.16 | 97.61 | | pillow | 63.24 | 73.18 | | screen door | 67.6 | 71.04 | | stairway | 46.58 | 60.1 | | river | 12.09 | 25.3 | | bridge | 67.13 | 75.54 | | bookcase | 43.33 | 60.0 | | blind | 32.68 | 35.73 | | coffee table | 62.16 | 83.99 | | toilet | 86.8 | 93.03 | | flower | 48.34 | 66.41 | | book | 53.63 | 78.65 | | hill | 11.11 | 16.72 | | bench | 56.0 | 65.22 | | countertop | 63.08 | 81.44 | | stove | 78.6 | 86.18 | | palm | 56.07 | 77.8 | | kitchen island | 43.92 | 65.03 | | computer | 72.06 | 84.72 | | swivel chair | 40.38 | 61.66 | | boat | 69.62 | 82.31 | | bar | 75.4 | 87.27 | | arcade machine | 80.67 | 86.47 | | hovel | 44.73 | 53.43 | | bus | 90.23 | 96.38 | | towel | 71.92 | 81.88 | | light | 55.78 | 61.74 | | truck | 42.57 | 49.69 | | tower | 33.42 | 47.27 | | chandelier | 70.84 | 80.74 | | awning | 34.53 | 44.21 | | streetlight | 31.32 | 40.01 | | booth | 50.77 | 62.85 | | television receiver | 81.1 | 90.18 | | airplane | 59.44 | 70.55 | | dirt track | 5.78 | 13.6 | | apparel | 63.36 | 74.56 | | pole | 27.83 | 36.78 | | land | 1.87 | 3.26 | | bannister | 11.42 | 15.45 | | escalator | 57.17 | 80.95 | | ottoman | 41.7 | 53.57 | | bottle | 41.8 | 70.09 | | buffet | 51.41 | 58.62 | | poster | 25.77 | 31.63 | | stage | 18.85 | 40.48 | | van | 45.95 | 61.73 | | ship | 70.69 | 75.27 | | fountain | 56.87 | 58.85 | | conveyer belt | 72.77 | 95.31 | | canopy | 60.7 | 73.81 | | washer | 85.21 | 91.84 | | plaything | 27.46 | 39.73 | | swimming pool | 59.55 | 86.95 | | stool | 48.66 | 59.49 | | barrel | 51.83 | 56.14 | | basket | 39.32 | 50.22 | | waterfall | 54.02 | 62.48 | | tent | 94.92 | 98.56 | | bag | 20.74 | 23.15 | | minibike | 73.6 | 87.3 | | cradle | 87.05 | 97.47 | | oven | 62.16 | 76.94 | | ball | 56.91 | 66.28 | | food | 54.55 | 71.04 | | step | 13.51 | 14.8 | | tank | 64.11 | 74.99 | | trade name | 22.88 | 25.3 | | microwave | 84.53 | 94.25 | | pot | 52.36 | 59.7 | | animal | 60.82 | 62.8 | | bicycle | 56.64 | 72.23 | | lake | 49.95 | 63.65 | | dishwasher | 59.88 | 72.91 | | screen | 52.2 | 71.06 | | blanket | 24.99 | 28.98 | | sculpture | 71.44 | 86.37 | | hood | 68.29 | 74.26 | | sconce | 54.83 | 66.31 | | vase | 41.08 | 57.13 | | traffic light | 37.6 | 50.72 | | tray | 15.47 | 18.25 | | ashcan | 48.51 | 58.62 | | fan | 66.69 | 76.28 | | pier | 34.74 | 45.71 | | crt screen | 6.82 | 10.67 | | plate | 57.32 | 71.41 | | monitor | 61.55 | 79.19 | | bulletin board | 41.65 | 50.54 | | shower | 7.44 | 11.78 | | radiator | 60.74 | 69.25 | | glass | 17.46 | 18.87 | | clock | 44.61 | 49.29 | | flag | 45.33 | 48.27 | +---------------------+-------+-------+ 2023-11-11 04:08:21,521 - mmseg - INFO - Summary: 2023-11-11 04:08:21,521 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.96 | 54.92 | 66.34 | +-------+-------+-------+ 2023-11-11 04:08:21,522 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:08:21,523 - mmseg - INFO - Iter(val) [250] aAcc: 0.8496, mIoU: 0.5492, mAcc: 0.6634, IoU.wall: 0.7970, IoU.building: 0.8502, IoU.sky: 0.9480, IoU.floor: 0.8227, IoU.tree: 0.7530, IoU.ceiling: 0.8505, IoU.road: 0.8560, IoU.bed : 0.9120, IoU.windowpane: 0.6385, IoU.grass: 0.6934, IoU.cabinet: 0.6216, IoU.sidewalk: 0.6856, IoU.person: 0.8259, IoU.earth: 0.3988, IoU.door: 0.5078, IoU.table: 0.6459, IoU.mountain: 0.6079, IoU.plant: 0.5389, IoU.curtain: 0.7510, IoU.chair: 0.6150, IoU.car: 0.8610, IoU.water: 0.6145, IoU.painting: 0.7484, IoU.sofa: 0.7110, IoU.shelf: 0.4435, IoU.house: 0.5828, IoU.sea: 0.6661, IoU.mirror: 0.7449, IoU.rug: 0.5607, IoU.field: 0.3126, IoU.armchair: 0.4776, IoU.seat: 0.6608, IoU.fence: 0.4570, IoU.desk: 0.5428, IoU.rock: 0.5147, IoU.wardrobe: 0.5562, IoU.lamp: 0.7053, IoU.bathtub: 0.8134, IoU.railing: 0.3413, IoU.cushion: 0.6441, IoU.base: 0.3195, IoU.box: 0.3303, IoU.column: 0.5251, IoU.signboard: 0.3630, IoU.chest of drawers: 0.4101, IoU.counter: 0.4668, IoU.sand: 0.5449, IoU.sink: 0.7543, IoU.skyscraper: 0.4785, IoU.fireplace: 0.7294, IoU.refrigerator: 0.7848, IoU.grandstand: 0.5732, IoU.path: 0.2677, IoU.stairs: 0.4039, IoU.runway: 0.7225, IoU.case: 0.5790, IoU.pool table: 0.9416, IoU.pillow: 0.6324, IoU.screen door: 0.6760, IoU.stairway: 0.4658, IoU.river: 0.1209, IoU.bridge: 0.6713, IoU.bookcase: 0.4333, IoU.blind: 0.3268, IoU.coffee table: 0.6216, IoU.toilet: 0.8680, IoU.flower: 0.4834, IoU.book: 0.5363, IoU.hill: 0.1111, IoU.bench: 0.5600, IoU.countertop: 0.6308, IoU.stove: 0.7860, IoU.palm: 0.5607, IoU.kitchen island: 0.4392, IoU.computer: 0.7206, IoU.swivel chair: 0.4038, IoU.boat: 0.6962, IoU.bar: 0.7540, IoU.arcade machine: 0.8067, IoU.hovel: 0.4473, IoU.bus: 0.9023, IoU.towel: 0.7192, IoU.light: 0.5578, IoU.truck: 0.4257, IoU.tower: 0.3342, IoU.chandelier: 0.7084, IoU.awning: 0.3453, IoU.streetlight: 0.3132, IoU.booth: 0.5077, IoU.television receiver: 0.8110, IoU.airplane: 0.5944, IoU.dirt track: 0.0578, IoU.apparel: 0.6336, IoU.pole: 0.2783, IoU.land: 0.0187, IoU.bannister: 0.1142, IoU.escalator: 0.5717, IoU.ottoman: 0.4170, IoU.bottle: 0.4180, IoU.buffet: 0.5141, IoU.poster: 0.2577, IoU.stage: 0.1885, IoU.van: 0.4595, IoU.ship: 0.7069, IoU.fountain: 0.5687, IoU.conveyer belt: 0.7277, IoU.canopy: 0.6070, IoU.washer: 0.8521, IoU.plaything: 0.2746, IoU.swimming pool: 0.5955, IoU.stool: 0.4866, IoU.barrel: 0.5183, IoU.basket: 0.3932, IoU.waterfall: 0.5402, IoU.tent: 0.9492, IoU.bag: 0.2074, IoU.minibike: 0.7360, IoU.cradle: 0.8705, IoU.oven: 0.6216, IoU.ball: 0.5691, IoU.food: 0.5455, IoU.step: 0.1351, IoU.tank: 0.6411, IoU.trade name: 0.2288, IoU.microwave: 0.8453, IoU.pot: 0.5236, IoU.animal: 0.6082, IoU.bicycle: 0.5664, IoU.lake: 0.4995, IoU.dishwasher: 0.5988, IoU.screen: 0.5220, IoU.blanket: 0.2499, IoU.sculpture: 0.7144, IoU.hood: 0.6829, IoU.sconce: 0.5483, IoU.vase: 0.4108, IoU.traffic light: 0.3760, IoU.tray: 0.1547, IoU.ashcan: 0.4851, IoU.fan: 0.6669, IoU.pier: 0.3474, IoU.crt screen: 0.0682, IoU.plate: 0.5732, IoU.monitor: 0.6155, IoU.bulletin board: 0.4165, IoU.shower: 0.0744, IoU.radiator: 0.6074, IoU.glass: 0.1746, IoU.clock: 0.4461, IoU.flag: 0.4533, Acc.wall: 0.8970, Acc.building: 0.9376, Acc.sky: 0.9763, Acc.floor: 0.9206, Acc.tree: 0.8976, Acc.ceiling: 0.9340, Acc.road: 0.9118, Acc.bed : 0.9699, Acc.windowpane: 0.8054, Acc.grass: 0.8475, Acc.cabinet: 0.7402, Acc.sidewalk: 0.8259, Acc.person: 0.9435, Acc.earth: 0.5101, Acc.door: 0.6173, Acc.table: 0.7746, Acc.mountain: 0.7330, Acc.plant: 0.6433, Acc.curtain: 0.8513, Acc.chair: 0.7554, Acc.car: 0.9377, Acc.water: 0.7578, Acc.painting: 0.8857, Acc.sofa: 0.8455, Acc.shelf: 0.6118, Acc.house: 0.7044, Acc.sea: 0.8208, Acc.mirror: 0.8268, Acc.rug: 0.6292, Acc.field: 0.4682, Acc.armchair: 0.6522, Acc.seat: 0.8587, Acc.fence: 0.5812, Acc.desk: 0.7730, Acc.rock: 0.7623, Acc.wardrobe: 0.7175, Acc.lamp: 0.8223, Acc.bathtub: 0.8702, Acc.railing: 0.4621, Acc.cushion: 0.7530, Acc.base: 0.4354, Acc.box: 0.4151, Acc.column: 0.6008, Acc.signboard: 0.4709, Acc.chest of drawers: 0.6044, Acc.counter: 0.5404, Acc.sand: 0.8125, Acc.sink: 0.8289, Acc.skyscraper: 0.5827, Acc.fireplace: 0.9053, Acc.refrigerator: 0.8788, Acc.grandstand: 0.7564, Acc.path: 0.3838, Acc.stairs: 0.4838, Acc.runway: 0.9585, Acc.case: 0.7300, Acc.pool table: 0.9761, Acc.pillow: 0.7318, Acc.screen door: 0.7104, Acc.stairway: 0.6010, Acc.river: 0.2530, Acc.bridge: 0.7554, Acc.bookcase: 0.6000, Acc.blind: 0.3573, Acc.coffee table: 0.8399, Acc.toilet: 0.9303, Acc.flower: 0.6641, Acc.book: 0.7865, Acc.hill: 0.1672, Acc.bench: 0.6522, Acc.countertop: 0.8144, Acc.stove: 0.8618, Acc.palm: 0.7780, Acc.kitchen island: 0.6503, Acc.computer: 0.8472, Acc.swivel chair: 0.6166, Acc.boat: 0.8231, Acc.bar: 0.8727, Acc.arcade machine: 0.8647, Acc.hovel: 0.5343, Acc.bus: 0.9638, Acc.towel: 0.8188, Acc.light: 0.6174, Acc.truck: 0.4969, Acc.tower: 0.4727, Acc.chandelier: 0.8074, Acc.awning: 0.4421, Acc.streetlight: 0.4001, Acc.booth: 0.6285, Acc.television receiver: 0.9018, Acc.airplane: 0.7055, Acc.dirt track: 0.1360, Acc.apparel: 0.7456, Acc.pole: 0.3678, Acc.land: 0.0326, Acc.bannister: 0.1545, Acc.escalator: 0.8095, Acc.ottoman: 0.5357, Acc.bottle: 0.7009, Acc.buffet: 0.5862, Acc.poster: 0.3163, Acc.stage: 0.4048, Acc.van: 0.6173, Acc.ship: 0.7527, Acc.fountain: 0.5885, Acc.conveyer belt: 0.9531, Acc.canopy: 0.7381, Acc.washer: 0.9184, Acc.plaything: 0.3973, Acc.swimming pool: 0.8695, Acc.stool: 0.5949, Acc.barrel: 0.5614, Acc.basket: 0.5022, Acc.waterfall: 0.6248, Acc.tent: 0.9856, Acc.bag: 0.2315, Acc.minibike: 0.8730, Acc.cradle: 0.9747, Acc.oven: 0.7694, Acc.ball: 0.6628, Acc.food: 0.7104, Acc.step: 0.1480, Acc.tank: 0.7499, Acc.trade name: 0.2530, Acc.microwave: 0.9425, Acc.pot: 0.5970, Acc.animal: 0.6280, Acc.bicycle: 0.7223, Acc.lake: 0.6365, Acc.dishwasher: 0.7291, Acc.screen: 0.7106, Acc.blanket: 0.2898, Acc.sculpture: 0.8637, Acc.hood: 0.7426, Acc.sconce: 0.6631, Acc.vase: 0.5713, Acc.traffic light: 0.5072, Acc.tray: 0.1825, Acc.ashcan: 0.5862, Acc.fan: 0.7628, Acc.pier: 0.4571, Acc.crt screen: 0.1067, Acc.plate: 0.7141, Acc.monitor: 0.7919, Acc.bulletin board: 0.5054, Acc.shower: 0.1178, Acc.radiator: 0.6925, Acc.glass: 0.1887, Acc.clock: 0.4929, Acc.flag: 0.4827 2023-11-11 04:08:56,294 - mmseg - INFO - Iter [76050/80000] lr: 1.976e-06, eta: 0:53:17, time: 2.303, data_time: 1.615, memory: 60073, decode.loss_ce: 0.1203, decode.acc_seg: 94.4968, aux.loss_ce: 0.2688, aux.acc_seg: 75.3207, loss: 0.3891 2023-11-11 04:09:30,988 - mmseg - INFO - Iter [76100/80000] lr: 1.951e-06, eta: 0:52:36, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1225, decode.acc_seg: 94.4919, aux.loss_ce: 0.2638, aux.acc_seg: 75.6904, loss: 0.3864 2023-11-11 04:10:05,663 - mmseg - INFO - Iter [76150/80000] lr: 1.926e-06, eta: 0:51:55, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1236, decode.acc_seg: 94.5006, aux.loss_ce: 0.2605, aux.acc_seg: 76.2597, loss: 0.3841 2023-11-11 04:10:40,359 - mmseg - INFO - Iter [76200/80000] lr: 1.900e-06, eta: 0:51:14, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1255, decode.acc_seg: 94.4443, aux.loss_ce: 0.2746, aux.acc_seg: 75.4383, loss: 0.4001 2023-11-11 04:11:15,017 - mmseg - INFO - Iter [76250/80000] lr: 1.875e-06, eta: 0:50:34, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1235, decode.acc_seg: 94.5530, aux.loss_ce: 0.2705, aux.acc_seg: 75.8783, loss: 0.3940 2023-11-11 04:11:49,680 - mmseg - INFO - Iter [76300/80000] lr: 1.850e-06, eta: 0:49:53, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1325, decode.acc_seg: 94.0526, aux.loss_ce: 0.2819, aux.acc_seg: 74.1203, loss: 0.4143 2023-11-11 04:12:24,331 - mmseg - INFO - Iter [76350/80000] lr: 1.826e-06, eta: 0:49:12, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1266, decode.acc_seg: 94.4185, aux.loss_ce: 0.2724, aux.acc_seg: 75.8135, loss: 0.3990 2023-11-11 04:12:58,967 - mmseg - INFO - Iter [76400/80000] lr: 1.801e-06, eta: 0:48:32, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1233, decode.acc_seg: 94.5700, aux.loss_ce: 0.2587, aux.acc_seg: 76.9520, loss: 0.3820 2023-11-11 04:13:33,604 - mmseg - INFO - Iter [76450/80000] lr: 1.776e-06, eta: 0:47:51, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1231, decode.acc_seg: 94.5316, aux.loss_ce: 0.2627, aux.acc_seg: 76.5073, loss: 0.3858 2023-11-11 04:14:08,259 - mmseg - INFO - Iter [76500/80000] lr: 1.751e-06, eta: 0:47:10, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1248, decode.acc_seg: 94.4796, aux.loss_ce: 0.2645, aux.acc_seg: 76.0966, loss: 0.3893 2023-11-11 04:14:42,946 - mmseg - INFO - Iter [76550/80000] lr: 1.726e-06, eta: 0:46:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1197, decode.acc_seg: 94.6718, aux.loss_ce: 0.2546, aux.acc_seg: 76.5040, loss: 0.3743 2023-11-11 04:15:17,621 - mmseg - INFO - Iter [76600/80000] lr: 1.700e-06, eta: 0:45:49, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1318, decode.acc_seg: 94.1352, aux.loss_ce: 0.2721, aux.acc_seg: 75.0910, loss: 0.4039 2023-11-11 04:15:52,271 - mmseg - INFO - Iter [76650/80000] lr: 1.675e-06, eta: 0:45:08, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1244, decode.acc_seg: 94.4262, aux.loss_ce: 0.2803, aux.acc_seg: 74.4991, loss: 0.4047 2023-11-11 04:16:26,941 - mmseg - INFO - Iter [76700/80000] lr: 1.650e-06, eta: 0:44:27, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1287, decode.acc_seg: 94.2055, aux.loss_ce: 0.2778, aux.acc_seg: 73.8548, loss: 0.4065 2023-11-11 04:17:01,593 - mmseg - INFO - Iter [76750/80000] lr: 1.625e-06, eta: 0:43:47, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1304, decode.acc_seg: 94.1719, aux.loss_ce: 0.2910, aux.acc_seg: 73.4572, loss: 0.4214 2023-11-11 04:17:36,267 - mmseg - INFO - Iter [76800/80000] lr: 1.601e-06, eta: 0:43:06, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1202, decode.acc_seg: 94.4899, aux.loss_ce: 0.2525, aux.acc_seg: 76.5933, loss: 0.3728 2023-11-11 04:18:10,950 - mmseg - INFO - Iter [76850/80000] lr: 1.576e-06, eta: 0:42:25, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1271, decode.acc_seg: 94.4212, aux.loss_ce: 0.2788, aux.acc_seg: 75.5506, loss: 0.4059 2023-11-11 04:18:45,604 - mmseg - INFO - Iter [76900/80000] lr: 1.551e-06, eta: 0:41:45, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1191, decode.acc_seg: 94.6131, aux.loss_ce: 0.2670, aux.acc_seg: 75.6695, loss: 0.3862 2023-11-11 04:19:20,282 - mmseg - INFO - Iter [76950/80000] lr: 1.526e-06, eta: 0:41:04, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1263, decode.acc_seg: 94.3034, aux.loss_ce: 0.2841, aux.acc_seg: 73.7850, loss: 0.4104 2023-11-11 04:19:54,938 - mmseg - INFO - Saving checkpoint at 77000 iterations 2023-11-11 04:20:34,878 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:20:34,879 - mmseg - INFO - Iter [77000/80000] lr: 1.500e-06, eta: 0:40:25, time: 1.492, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1255, decode.acc_seg: 94.5223, aux.loss_ce: 0.2724, aux.acc_seg: 75.3941, loss: 0.3979 2023-11-11 04:21:55,506 - mmseg - INFO - per class results: 2023-11-11 04:21:55,511 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.68 | 89.43 | | building | 84.98 | 93.93 | | sky | 94.81 | 97.48 | | floor | 82.62 | 91.5 | | tree | 75.52 | 88.97 | | ceiling | 84.96 | 93.55 | | road | 85.62 | 90.99 | | bed | 91.24 | 97.08 | | windowpane | 64.16 | 81.16 | | grass | 69.13 | 83.82 | | cabinet | 62.19 | 73.69 | | sidewalk | 68.53 | 83.5 | | person | 82.85 | 94.26 | | earth | 40.45 | 52.69 | | door | 50.8 | 62.07 | | table | 64.64 | 77.67 | | mountain | 61.18 | 73.79 | | plant | 54.85 | 66.35 | | curtain | 75.21 | 85.2 | | chair | 61.54 | 74.62 | | car | 86.05 | 93.94 | | water | 60.86 | 75.02 | | painting | 74.24 | 89.18 | | sofa | 71.17 | 83.72 | | shelf | 44.47 | 60.26 | | house | 58.81 | 71.16 | | sea | 66.19 | 80.9 | | mirror | 74.24 | 82.16 | | rug | 58.48 | 67.23 | | field | 30.97 | 47.58 | | armchair | 48.74 | 66.48 | | seat | 66.8 | 86.34 | | fence | 45.99 | 59.68 | | desk | 53.69 | 76.83 | | rock | 51.03 | 75.45 | | wardrobe | 56.28 | 73.66 | | lamp | 70.34 | 82.51 | | bathtub | 81.63 | 86.05 | | railing | 34.3 | 46.56 | | cushion | 64.29 | 78.2 | | base | 32.46 | 44.36 | | box | 33.07 | 42.19 | | column | 51.66 | 58.04 | | signboard | 36.34 | 49.18 | | chest of drawers | 41.62 | 64.07 | | counter | 43.99 | 50.07 | | sand | 54.06 | 79.93 | | sink | 75.89 | 83.83 | | skyscraper | 48.58 | 59.37 | | fireplace | 72.39 | 91.04 | | refrigerator | 78.25 | 87.69 | | grandstand | 57.67 | 75.0 | | path | 26.68 | 36.29 | | stairs | 41.46 | 50.74 | | runway | 72.54 | 95.65 | | case | 58.11 | 73.97 | | pool table | 94.12 | 97.75 | | pillow | 63.67 | 73.65 | | screen door | 72.46 | 77.61 | | stairway | 48.35 | 61.06 | | river | 11.51 | 25.25 | | bridge | 65.05 | 74.17 | | bookcase | 43.04 | 59.81 | | blind | 35.78 | 39.78 | | coffee table | 61.73 | 84.03 | | toilet | 86.85 | 93.17 | | flower | 48.63 | 66.64 | | book | 53.48 | 79.07 | | hill | 11.43 | 17.18 | | bench | 56.1 | 66.02 | | countertop | 63.59 | 78.66 | | stove | 78.27 | 84.99 | | palm | 55.6 | 78.14 | | kitchen island | 44.01 | 66.08 | | computer | 70.68 | 83.62 | | swivel chair | 40.06 | 60.13 | | boat | 67.9 | 82.04 | | bar | 74.97 | 87.29 | | arcade machine | 80.75 | 87.2 | | hovel | 42.13 | 50.17 | | bus | 90.01 | 96.55 | | towel | 72.83 | 83.06 | | light | 55.73 | 62.7 | | truck | 44.37 | 52.75 | | tower | 32.71 | 45.93 | | chandelier | 71.04 | 82.02 | | awning | 31.9 | 39.27 | | streetlight | 31.15 | 38.45 | | booth | 52.56 | 62.45 | | television receiver | 80.53 | 90.08 | | airplane | 61.06 | 71.78 | | dirt track | 9.11 | 22.61 | | apparel | 63.66 | 74.22 | | pole | 28.28 | 38.23 | | land | 1.85 | 3.42 | | bannister | 11.94 | 16.79 | | escalator | 57.05 | 81.97 | | ottoman | 44.81 | 60.04 | | bottle | 41.71 | 71.82 | | buffet | 52.33 | 60.53 | | poster | 25.36 | 31.08 | | stage | 18.83 | 36.89 | | van | 45.71 | 59.79 | | ship | 70.82 | 78.9 | | fountain | 54.78 | 56.45 | | conveyer belt | 72.19 | 95.71 | | canopy | 60.08 | 72.5 | | washer | 85.39 | 92.15 | | plaything | 28.07 | 44.38 | | swimming pool | 60.14 | 88.32 | | stool | 48.88 | 60.29 | | barrel | 52.12 | 57.64 | | basket | 39.59 | 50.46 | | waterfall | 54.53 | 62.39 | | tent | 95.43 | 98.48 | | bag | 21.67 | 25.08 | | minibike | 73.68 | 87.44 | | cradle | 87.36 | 97.94 | | oven | 61.54 | 78.03 | | ball | 57.5 | 69.71 | | food | 54.44 | 71.2 | | step | 14.39 | 16.26 | | tank | 62.5 | 74.33 | | trade name | 22.22 | 24.48 | | microwave | 84.88 | 94.0 | | pot | 52.16 | 59.0 | | animal | 60.81 | 62.81 | | bicycle | 56.29 | 71.0 | | lake | 49.1 | 63.96 | | dishwasher | 60.02 | 72.47 | | screen | 51.55 | 68.48 | | blanket | 26.81 | 32.43 | | sculpture | 70.04 | 86.67 | | hood | 68.56 | 73.79 | | sconce | 55.73 | 68.79 | | vase | 41.3 | 56.77 | | traffic light | 37.45 | 52.16 | | tray | 15.77 | 18.78 | | ashcan | 48.85 | 59.46 | | fan | 67.06 | 78.08 | | pier | 33.12 | 46.64 | | crt screen | 6.36 | 10.33 | | plate | 57.88 | 73.29 | | monitor | 60.81 | 77.46 | | bulletin board | 41.67 | 51.29 | | shower | 7.49 | 11.25 | | radiator | 61.07 | 70.32 | | glass | 17.78 | 19.31 | | clock | 45.26 | 50.99 | | flag | 46.41 | 49.44 | +---------------------+-------+-------+ 2023-11-11 04:21:55,511 - mmseg - INFO - Summary: 2023-11-11 04:21:55,511 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.98 | 55.03 | 66.75 | +-------+-------+-------+ 2023-11-11 04:21:55,512 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:21:55,512 - mmseg - INFO - Iter(val) [250] aAcc: 0.8498, mIoU: 0.5503, mAcc: 0.6675, IoU.wall: 0.7968, IoU.building: 0.8498, IoU.sky: 0.9481, IoU.floor: 0.8262, IoU.tree: 0.7552, IoU.ceiling: 0.8496, IoU.road: 0.8562, IoU.bed : 0.9124, IoU.windowpane: 0.6416, IoU.grass: 0.6913, IoU.cabinet: 0.6219, IoU.sidewalk: 0.6853, IoU.person: 0.8285, IoU.earth: 0.4045, IoU.door: 0.5080, IoU.table: 0.6464, IoU.mountain: 0.6118, IoU.plant: 0.5485, IoU.curtain: 0.7521, IoU.chair: 0.6154, IoU.car: 0.8605, IoU.water: 0.6086, IoU.painting: 0.7424, IoU.sofa: 0.7117, IoU.shelf: 0.4447, IoU.house: 0.5881, IoU.sea: 0.6619, IoU.mirror: 0.7424, IoU.rug: 0.5848, IoU.field: 0.3097, IoU.armchair: 0.4874, IoU.seat: 0.6680, IoU.fence: 0.4599, IoU.desk: 0.5369, IoU.rock: 0.5103, IoU.wardrobe: 0.5628, IoU.lamp: 0.7034, IoU.bathtub: 0.8163, IoU.railing: 0.3430, IoU.cushion: 0.6429, IoU.base: 0.3246, IoU.box: 0.3307, IoU.column: 0.5166, IoU.signboard: 0.3634, IoU.chest of drawers: 0.4162, IoU.counter: 0.4399, IoU.sand: 0.5406, IoU.sink: 0.7589, IoU.skyscraper: 0.4858, IoU.fireplace: 0.7239, IoU.refrigerator: 0.7825, IoU.grandstand: 0.5767, IoU.path: 0.2668, IoU.stairs: 0.4146, IoU.runway: 0.7254, IoU.case: 0.5811, IoU.pool table: 0.9412, IoU.pillow: 0.6367, IoU.screen door: 0.7246, IoU.stairway: 0.4835, IoU.river: 0.1151, IoU.bridge: 0.6505, IoU.bookcase: 0.4304, IoU.blind: 0.3578, IoU.coffee table: 0.6173, IoU.toilet: 0.8685, IoU.flower: 0.4863, IoU.book: 0.5348, IoU.hill: 0.1143, IoU.bench: 0.5610, IoU.countertop: 0.6359, IoU.stove: 0.7827, IoU.palm: 0.5560, IoU.kitchen island: 0.4401, IoU.computer: 0.7068, IoU.swivel chair: 0.4006, IoU.boat: 0.6790, IoU.bar: 0.7497, IoU.arcade machine: 0.8075, IoU.hovel: 0.4213, IoU.bus: 0.9001, IoU.towel: 0.7283, IoU.light: 0.5573, IoU.truck: 0.4437, IoU.tower: 0.3271, IoU.chandelier: 0.7104, IoU.awning: 0.3190, IoU.streetlight: 0.3115, IoU.booth: 0.5256, IoU.television receiver: 0.8053, IoU.airplane: 0.6106, IoU.dirt track: 0.0911, IoU.apparel: 0.6366, IoU.pole: 0.2828, IoU.land: 0.0185, IoU.bannister: 0.1194, IoU.escalator: 0.5705, IoU.ottoman: 0.4481, IoU.bottle: 0.4171, IoU.buffet: 0.5233, IoU.poster: 0.2536, IoU.stage: 0.1883, IoU.van: 0.4571, IoU.ship: 0.7082, IoU.fountain: 0.5478, IoU.conveyer belt: 0.7219, IoU.canopy: 0.6008, IoU.washer: 0.8539, IoU.plaything: 0.2807, IoU.swimming pool: 0.6014, IoU.stool: 0.4888, IoU.barrel: 0.5212, IoU.basket: 0.3959, IoU.waterfall: 0.5453, IoU.tent: 0.9543, IoU.bag: 0.2167, IoU.minibike: 0.7368, IoU.cradle: 0.8736, IoU.oven: 0.6154, IoU.ball: 0.5750, IoU.food: 0.5444, IoU.step: 0.1439, IoU.tank: 0.6250, IoU.trade name: 0.2222, IoU.microwave: 0.8488, IoU.pot: 0.5216, IoU.animal: 0.6081, IoU.bicycle: 0.5629, IoU.lake: 0.4910, IoU.dishwasher: 0.6002, IoU.screen: 0.5155, IoU.blanket: 0.2681, IoU.sculpture: 0.7004, IoU.hood: 0.6856, IoU.sconce: 0.5573, IoU.vase: 0.4130, IoU.traffic light: 0.3745, IoU.tray: 0.1577, IoU.ashcan: 0.4885, IoU.fan: 0.6706, IoU.pier: 0.3312, IoU.crt screen: 0.0636, IoU.plate: 0.5788, IoU.monitor: 0.6081, IoU.bulletin board: 0.4167, IoU.shower: 0.0749, IoU.radiator: 0.6107, IoU.glass: 0.1778, IoU.clock: 0.4526, IoU.flag: 0.4641, Acc.wall: 0.8943, Acc.building: 0.9393, Acc.sky: 0.9748, Acc.floor: 0.9150, Acc.tree: 0.8897, Acc.ceiling: 0.9355, Acc.road: 0.9099, Acc.bed : 0.9708, Acc.windowpane: 0.8116, Acc.grass: 0.8382, Acc.cabinet: 0.7369, Acc.sidewalk: 0.8350, Acc.person: 0.9426, Acc.earth: 0.5269, Acc.door: 0.6207, Acc.table: 0.7767, Acc.mountain: 0.7379, Acc.plant: 0.6635, Acc.curtain: 0.8520, Acc.chair: 0.7462, Acc.car: 0.9394, Acc.water: 0.7502, Acc.painting: 0.8918, Acc.sofa: 0.8372, Acc.shelf: 0.6026, Acc.house: 0.7116, Acc.sea: 0.8090, Acc.mirror: 0.8216, Acc.rug: 0.6723, Acc.field: 0.4758, Acc.armchair: 0.6648, Acc.seat: 0.8634, Acc.fence: 0.5968, Acc.desk: 0.7683, Acc.rock: 0.7545, Acc.wardrobe: 0.7366, Acc.lamp: 0.8251, Acc.bathtub: 0.8605, Acc.railing: 0.4656, Acc.cushion: 0.7820, Acc.base: 0.4436, Acc.box: 0.4219, Acc.column: 0.5804, Acc.signboard: 0.4918, Acc.chest of drawers: 0.6407, Acc.counter: 0.5007, Acc.sand: 0.7993, Acc.sink: 0.8383, Acc.skyscraper: 0.5937, Acc.fireplace: 0.9104, Acc.refrigerator: 0.8769, Acc.grandstand: 0.7500, Acc.path: 0.3629, Acc.stairs: 0.5074, Acc.runway: 0.9565, Acc.case: 0.7397, Acc.pool table: 0.9775, Acc.pillow: 0.7365, Acc.screen door: 0.7761, Acc.stairway: 0.6106, Acc.river: 0.2525, Acc.bridge: 0.7417, Acc.bookcase: 0.5981, Acc.blind: 0.3978, Acc.coffee table: 0.8403, Acc.toilet: 0.9317, Acc.flower: 0.6664, Acc.book: 0.7907, Acc.hill: 0.1718, Acc.bench: 0.6602, Acc.countertop: 0.7866, Acc.stove: 0.8499, Acc.palm: 0.7814, Acc.kitchen island: 0.6608, Acc.computer: 0.8362, Acc.swivel chair: 0.6013, Acc.boat: 0.8204, Acc.bar: 0.8729, Acc.arcade machine: 0.8720, Acc.hovel: 0.5017, Acc.bus: 0.9655, Acc.towel: 0.8306, Acc.light: 0.6270, Acc.truck: 0.5275, Acc.tower: 0.4593, Acc.chandelier: 0.8202, Acc.awning: 0.3927, Acc.streetlight: 0.3845, Acc.booth: 0.6245, Acc.television receiver: 0.9008, Acc.airplane: 0.7178, Acc.dirt track: 0.2261, Acc.apparel: 0.7422, Acc.pole: 0.3823, Acc.land: 0.0342, Acc.bannister: 0.1679, Acc.escalator: 0.8197, Acc.ottoman: 0.6004, Acc.bottle: 0.7182, Acc.buffet: 0.6053, Acc.poster: 0.3108, Acc.stage: 0.3689, Acc.van: 0.5979, Acc.ship: 0.7890, Acc.fountain: 0.5645, Acc.conveyer belt: 0.9571, Acc.canopy: 0.7250, Acc.washer: 0.9215, Acc.plaything: 0.4438, Acc.swimming pool: 0.8832, Acc.stool: 0.6029, Acc.barrel: 0.5764, Acc.basket: 0.5046, Acc.waterfall: 0.6239, Acc.tent: 0.9848, Acc.bag: 0.2508, Acc.minibike: 0.8744, Acc.cradle: 0.9794, Acc.oven: 0.7803, Acc.ball: 0.6971, Acc.food: 0.7120, Acc.step: 0.1626, Acc.tank: 0.7433, Acc.trade name: 0.2448, Acc.microwave: 0.9400, Acc.pot: 0.5900, Acc.animal: 0.6281, Acc.bicycle: 0.7100, Acc.lake: 0.6396, Acc.dishwasher: 0.7247, Acc.screen: 0.6848, Acc.blanket: 0.3243, Acc.sculpture: 0.8667, Acc.hood: 0.7379, Acc.sconce: 0.6879, Acc.vase: 0.5677, Acc.traffic light: 0.5216, Acc.tray: 0.1878, Acc.ashcan: 0.5946, Acc.fan: 0.7808, Acc.pier: 0.4664, Acc.crt screen: 0.1033, Acc.plate: 0.7329, Acc.monitor: 0.7746, Acc.bulletin board: 0.5129, Acc.shower: 0.1125, Acc.radiator: 0.7032, Acc.glass: 0.1931, Acc.clock: 0.5099, Acc.flag: 0.4944 2023-11-11 04:22:32,567 - mmseg - INFO - Iter [77050/80000] lr: 1.475e-06, eta: 0:39:48, time: 2.354, data_time: 1.664, memory: 60073, decode.loss_ce: 0.1269, decode.acc_seg: 94.3025, aux.loss_ce: 0.2779, aux.acc_seg: 74.3207, loss: 0.4047 2023-11-11 04:23:07,259 - mmseg - INFO - Iter [77100/80000] lr: 1.450e-06, eta: 0:39:07, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1163, decode.acc_seg: 94.9470, aux.loss_ce: 0.2711, aux.acc_seg: 75.7517, loss: 0.3874 2023-11-11 04:23:41,944 - mmseg - INFO - Iter [77150/80000] lr: 1.425e-06, eta: 0:38:26, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1306, decode.acc_seg: 94.1321, aux.loss_ce: 0.2691, aux.acc_seg: 75.2880, loss: 0.3997 2023-11-11 04:24:16,654 - mmseg - INFO - Iter [77200/80000] lr: 1.401e-06, eta: 0:37:46, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1194, decode.acc_seg: 94.7046, aux.loss_ce: 0.2776, aux.acc_seg: 75.0901, loss: 0.3970 2023-11-11 04:24:51,331 - mmseg - INFO - Iter [77250/80000] lr: 1.376e-06, eta: 0:37:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1278, decode.acc_seg: 94.3507, aux.loss_ce: 0.2774, aux.acc_seg: 75.2121, loss: 0.4051 2023-11-11 04:25:26,017 - mmseg - INFO - Iter [77300/80000] lr: 1.351e-06, eta: 0:36:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1194, decode.acc_seg: 94.6432, aux.loss_ce: 0.2588, aux.acc_seg: 76.2104, loss: 0.3782 2023-11-11 04:26:00,718 - mmseg - INFO - Iter [77350/80000] lr: 1.326e-06, eta: 0:35:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1287, decode.acc_seg: 94.2901, aux.loss_ce: 0.2745, aux.acc_seg: 75.6843, loss: 0.4031 2023-11-11 04:26:35,412 - mmseg - INFO - Iter [77400/80000] lr: 1.301e-06, eta: 0:35:03, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1224, decode.acc_seg: 94.4973, aux.loss_ce: 0.2661, aux.acc_seg: 76.4783, loss: 0.3884 2023-11-11 04:27:10,091 - mmseg - INFO - Iter [77450/80000] lr: 1.275e-06, eta: 0:34:22, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1299, decode.acc_seg: 94.3249, aux.loss_ce: 0.2787, aux.acc_seg: 75.2793, loss: 0.4086 2023-11-11 04:27:44,801 - mmseg - INFO - Iter [77500/80000] lr: 1.250e-06, eta: 0:33:42, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1257, decode.acc_seg: 94.4279, aux.loss_ce: 0.2667, aux.acc_seg: 75.8581, loss: 0.3924 2023-11-11 04:28:19,487 - mmseg - INFO - Iter [77550/80000] lr: 1.225e-06, eta: 0:33:01, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1261, decode.acc_seg: 94.3590, aux.loss_ce: 0.2809, aux.acc_seg: 74.9062, loss: 0.4069 2023-11-11 04:28:54,177 - mmseg - INFO - Iter [77600/80000] lr: 1.200e-06, eta: 0:32:20, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1292, decode.acc_seg: 94.2782, aux.loss_ce: 0.2835, aux.acc_seg: 74.7770, loss: 0.4127 2023-11-11 04:29:28,864 - mmseg - INFO - Iter [77650/80000] lr: 1.176e-06, eta: 0:31:40, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1262, decode.acc_seg: 94.3949, aux.loss_ce: 0.2727, aux.acc_seg: 75.1150, loss: 0.3988 2023-11-11 04:30:03,568 - mmseg - INFO - Iter [77700/80000] lr: 1.151e-06, eta: 0:30:59, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1290, decode.acc_seg: 94.3049, aux.loss_ce: 0.2624, aux.acc_seg: 76.3671, loss: 0.3914 2023-11-11 04:30:38,271 - mmseg - INFO - Iter [77750/80000] lr: 1.126e-06, eta: 0:30:19, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1300, decode.acc_seg: 94.2531, aux.loss_ce: 0.2862, aux.acc_seg: 74.2855, loss: 0.4162 2023-11-11 04:31:12,970 - mmseg - INFO - Iter [77800/80000] lr: 1.101e-06, eta: 0:29:38, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1204, decode.acc_seg: 94.6675, aux.loss_ce: 0.2668, aux.acc_seg: 75.7472, loss: 0.3872 2023-11-11 04:31:47,661 - mmseg - INFO - Iter [77850/80000] lr: 1.075e-06, eta: 0:28:57, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1248, decode.acc_seg: 94.4605, aux.loss_ce: 0.2679, aux.acc_seg: 75.9065, loss: 0.3927 2023-11-11 04:32:22,330 - mmseg - INFO - Iter [77900/80000] lr: 1.050e-06, eta: 0:28:17, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1246, decode.acc_seg: 94.4338, aux.loss_ce: 0.2803, aux.acc_seg: 75.0877, loss: 0.4049 2023-11-11 04:32:56,997 - mmseg - INFO - Iter [77950/80000] lr: 1.025e-06, eta: 0:27:36, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1195, decode.acc_seg: 94.6025, aux.loss_ce: 0.2620, aux.acc_seg: 76.0873, loss: 0.3815 2023-11-11 04:33:31,677 - mmseg - INFO - Saving checkpoint at 78000 iterations 2023-11-11 04:34:05,804 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:34:05,804 - mmseg - INFO - Iter [78000/80000] lr: 1.000e-06, eta: 0:26:57, time: 1.376, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1218, decode.acc_seg: 94.5733, aux.loss_ce: 0.2651, aux.acc_seg: 76.3278, loss: 0.3870 2023-11-11 04:35:26,149 - mmseg - INFO - per class results: 2023-11-11 04:35:26,154 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.47 | 89.94 | | building | 85.02 | 93.82 | | sky | 94.78 | 97.59 | | floor | 82.44 | 91.77 | | tree | 75.26 | 88.61 | | ceiling | 84.88 | 93.14 | | road | 85.47 | 91.03 | | bed | 91.37 | 96.71 | | windowpane | 63.87 | 81.51 | | grass | 70.06 | 85.24 | | cabinet | 62.24 | 73.67 | | sidewalk | 68.57 | 83.81 | | person | 82.47 | 94.53 | | earth | 40.17 | 52.05 | | door | 50.28 | 60.46 | | table | 64.66 | 77.42 | | mountain | 60.67 | 73.93 | | plant | 54.34 | 65.66 | | curtain | 75.12 | 84.31 | | chair | 61.37 | 73.85 | | car | 86.14 | 93.54 | | water | 60.98 | 75.21 | | painting | 74.56 | 88.14 | | sofa | 71.33 | 84.75 | | shelf | 44.23 | 60.18 | | house | 59.12 | 73.67 | | sea | 65.67 | 79.56 | | mirror | 74.44 | 83.11 | | rug | 56.67 | 63.82 | | field | 31.05 | 44.76 | | armchair | 48.5 | 65.56 | | seat | 66.24 | 86.04 | | fence | 46.16 | 59.59 | | desk | 54.26 | 76.0 | | rock | 51.23 | 73.99 | | wardrobe | 56.0 | 73.4 | | lamp | 70.47 | 82.0 | | bathtub | 81.53 | 86.16 | | railing | 33.74 | 44.47 | | cushion | 64.19 | 77.0 | | base | 31.64 | 42.73 | | box | 32.62 | 40.95 | | column | 51.68 | 58.13 | | signboard | 35.81 | 46.9 | | chest of drawers | 40.6 | 58.1 | | counter | 46.31 | 54.44 | | sand | 54.08 | 79.94 | | sink | 75.89 | 83.57 | | skyscraper | 49.75 | 61.03 | | fireplace | 73.37 | 90.28 | | refrigerator | 78.36 | 87.06 | | grandstand | 57.42 | 74.99 | | path | 26.27 | 34.16 | | stairs | 41.32 | 49.0 | | runway | 72.4 | 95.66 | | case | 57.95 | 73.57 | | pool table | 94.29 | 97.49 | | pillow | 64.55 | 75.74 | | screen door | 70.9 | 75.43 | | stairway | 48.79 | 62.42 | | river | 11.5 | 25.34 | | bridge | 66.62 | 75.84 | | bookcase | 43.11 | 59.77 | | blind | 34.71 | 38.26 | | coffee table | 61.84 | 84.91 | | toilet | 87.1 | 92.58 | | flower | 48.62 | 65.88 | | book | 53.83 | 79.25 | | hill | 10.55 | 15.77 | | bench | 56.06 | 65.77 | | countertop | 63.2 | 79.59 | | stove | 78.48 | 85.57 | | palm | 55.14 | 78.78 | | kitchen island | 43.7 | 64.35 | | computer | 70.62 | 82.76 | | swivel chair | 39.83 | 60.4 | | boat | 68.64 | 81.26 | | bar | 74.49 | 87.59 | | arcade machine | 80.4 | 86.14 | | hovel | 44.98 | 54.34 | | bus | 89.99 | 96.57 | | towel | 72.11 | 83.26 | | light | 56.59 | 64.25 | | truck | 42.64 | 50.08 | | tower | 33.13 | 46.2 | | chandelier | 71.07 | 82.29 | | awning | 33.4 | 41.81 | | streetlight | 31.25 | 39.16 | | booth | 51.24 | 64.92 | | television receiver | 80.68 | 89.91 | | airplane | 60.28 | 71.04 | | dirt track | 9.44 | 23.01 | | apparel | 64.21 | 75.34 | | pole | 28.81 | 39.41 | | land | 1.81 | 3.23 | | bannister | 11.61 | 16.07 | | escalator | 56.88 | 81.4 | | ottoman | 44.73 | 58.35 | | bottle | 41.87 | 70.79 | | buffet | 51.98 | 59.81 | | poster | 25.22 | 31.2 | | stage | 18.48 | 35.99 | | van | 45.49 | 61.35 | | ship | 72.72 | 81.89 | | fountain | 57.75 | 59.53 | | conveyer belt | 71.95 | 95.51 | | canopy | 59.22 | 71.2 | | washer | 84.77 | 91.13 | | plaything | 29.04 | 45.57 | | swimming pool | 59.34 | 86.98 | | stool | 48.78 | 59.92 | | barrel | 52.04 | 55.71 | | basket | 39.26 | 50.15 | | waterfall | 54.51 | 62.38 | | tent | 95.69 | 98.41 | | bag | 21.55 | 24.85 | | minibike | 73.67 | 86.53 | | cradle | 87.72 | 97.56 | | oven | 62.94 | 77.56 | | ball | 57.15 | 68.42 | | food | 54.15 | 70.15 | | step | 13.77 | 15.1 | | tank | 62.91 | 73.13 | | trade name | 22.45 | 24.79 | | microwave | 85.08 | 93.89 | | pot | 52.74 | 60.24 | | animal | 60.67 | 62.68 | | bicycle | 55.33 | 68.52 | | lake | 49.4 | 64.38 | | dishwasher | 59.58 | 72.92 | | screen | 51.81 | 71.07 | | blanket | 26.1 | 30.96 | | sculpture | 68.05 | 86.93 | | hood | 66.63 | 70.76 | | sconce | 55.17 | 67.48 | | vase | 41.31 | 57.76 | | traffic light | 37.7 | 51.07 | | tray | 15.97 | 18.98 | | ashcan | 47.78 | 56.97 | | fan | 67.04 | 77.57 | | pier | 35.18 | 46.11 | | crt screen | 4.39 | 6.9 | | plate | 57.59 | 73.99 | | monitor | 59.73 | 76.58 | | bulletin board | 40.35 | 47.85 | | shower | 7.18 | 11.97 | | radiator | 60.19 | 67.76 | | glass | 18.48 | 20.25 | | clock | 44.78 | 49.27 | | flag | 46.31 | 49.47 | +---------------------+-------+-------+ 2023-11-11 04:35:26,154 - mmseg - INFO - Summary: 2023-11-11 04:35:26,155 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.95 | 54.97 | 66.47 | +-------+-------+-------+ 2023-11-11 04:35:26,156 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:35:26,156 - mmseg - INFO - Iter(val) [250] aAcc: 0.8495, mIoU: 0.5497, mAcc: 0.6647, IoU.wall: 0.7947, IoU.building: 0.8502, IoU.sky: 0.9478, IoU.floor: 0.8244, IoU.tree: 0.7526, IoU.ceiling: 0.8488, IoU.road: 0.8547, IoU.bed : 0.9137, IoU.windowpane: 0.6387, IoU.grass: 0.7006, IoU.cabinet: 0.6224, IoU.sidewalk: 0.6857, IoU.person: 0.8247, IoU.earth: 0.4017, IoU.door: 0.5028, IoU.table: 0.6466, IoU.mountain: 0.6067, IoU.plant: 0.5434, IoU.curtain: 0.7512, IoU.chair: 0.6137, IoU.car: 0.8614, IoU.water: 0.6098, IoU.painting: 0.7456, IoU.sofa: 0.7133, IoU.shelf: 0.4423, IoU.house: 0.5912, IoU.sea: 0.6567, IoU.mirror: 0.7444, IoU.rug: 0.5667, IoU.field: 0.3105, IoU.armchair: 0.4850, IoU.seat: 0.6624, IoU.fence: 0.4616, IoU.desk: 0.5426, IoU.rock: 0.5123, IoU.wardrobe: 0.5600, IoU.lamp: 0.7047, IoU.bathtub: 0.8153, IoU.railing: 0.3374, IoU.cushion: 0.6419, IoU.base: 0.3164, IoU.box: 0.3262, IoU.column: 0.5168, IoU.signboard: 0.3581, IoU.chest of drawers: 0.4060, IoU.counter: 0.4631, IoU.sand: 0.5408, IoU.sink: 0.7589, IoU.skyscraper: 0.4975, IoU.fireplace: 0.7337, IoU.refrigerator: 0.7836, IoU.grandstand: 0.5742, IoU.path: 0.2627, IoU.stairs: 0.4132, IoU.runway: 0.7240, IoU.case: 0.5795, IoU.pool table: 0.9429, IoU.pillow: 0.6455, IoU.screen door: 0.7090, IoU.stairway: 0.4879, IoU.river: 0.1150, IoU.bridge: 0.6662, IoU.bookcase: 0.4311, IoU.blind: 0.3471, IoU.coffee table: 0.6184, IoU.toilet: 0.8710, IoU.flower: 0.4862, IoU.book: 0.5383, IoU.hill: 0.1055, IoU.bench: 0.5606, IoU.countertop: 0.6320, IoU.stove: 0.7848, IoU.palm: 0.5514, IoU.kitchen island: 0.4370, IoU.computer: 0.7062, IoU.swivel chair: 0.3983, IoU.boat: 0.6864, IoU.bar: 0.7449, IoU.arcade machine: 0.8040, IoU.hovel: 0.4498, IoU.bus: 0.8999, IoU.towel: 0.7211, IoU.light: 0.5659, IoU.truck: 0.4264, IoU.tower: 0.3313, IoU.chandelier: 0.7107, IoU.awning: 0.3340, IoU.streetlight: 0.3125, IoU.booth: 0.5124, IoU.television receiver: 0.8068, IoU.airplane: 0.6028, IoU.dirt track: 0.0944, IoU.apparel: 0.6421, IoU.pole: 0.2881, IoU.land: 0.0181, IoU.bannister: 0.1161, IoU.escalator: 0.5688, IoU.ottoman: 0.4473, IoU.bottle: 0.4187, IoU.buffet: 0.5198, IoU.poster: 0.2522, IoU.stage: 0.1848, IoU.van: 0.4549, IoU.ship: 0.7272, IoU.fountain: 0.5775, IoU.conveyer belt: 0.7195, IoU.canopy: 0.5922, IoU.washer: 0.8477, IoU.plaything: 0.2904, IoU.swimming pool: 0.5934, IoU.stool: 0.4878, IoU.barrel: 0.5204, IoU.basket: 0.3926, IoU.waterfall: 0.5451, IoU.tent: 0.9569, IoU.bag: 0.2155, IoU.minibike: 0.7367, IoU.cradle: 0.8772, IoU.oven: 0.6294, IoU.ball: 0.5715, IoU.food: 0.5415, IoU.step: 0.1377, IoU.tank: 0.6291, IoU.trade name: 0.2245, IoU.microwave: 0.8508, IoU.pot: 0.5274, IoU.animal: 0.6067, IoU.bicycle: 0.5533, IoU.lake: 0.4940, IoU.dishwasher: 0.5958, IoU.screen: 0.5181, IoU.blanket: 0.2610, IoU.sculpture: 0.6805, IoU.hood: 0.6663, IoU.sconce: 0.5517, IoU.vase: 0.4131, IoU.traffic light: 0.3770, IoU.tray: 0.1597, IoU.ashcan: 0.4778, IoU.fan: 0.6704, IoU.pier: 0.3518, IoU.crt screen: 0.0439, IoU.plate: 0.5759, IoU.monitor: 0.5973, IoU.bulletin board: 0.4035, IoU.shower: 0.0718, IoU.radiator: 0.6019, IoU.glass: 0.1848, IoU.clock: 0.4478, IoU.flag: 0.4631, Acc.wall: 0.8994, Acc.building: 0.9382, Acc.sky: 0.9759, Acc.floor: 0.9177, Acc.tree: 0.8861, Acc.ceiling: 0.9314, Acc.road: 0.9103, Acc.bed : 0.9671, Acc.windowpane: 0.8151, Acc.grass: 0.8524, Acc.cabinet: 0.7367, Acc.sidewalk: 0.8381, Acc.person: 0.9453, Acc.earth: 0.5205, Acc.door: 0.6046, Acc.table: 0.7742, Acc.mountain: 0.7393, Acc.plant: 0.6566, Acc.curtain: 0.8431, Acc.chair: 0.7385, Acc.car: 0.9354, Acc.water: 0.7521, Acc.painting: 0.8814, Acc.sofa: 0.8475, Acc.shelf: 0.6018, Acc.house: 0.7367, Acc.sea: 0.7956, Acc.mirror: 0.8311, Acc.rug: 0.6382, Acc.field: 0.4476, Acc.armchair: 0.6556, Acc.seat: 0.8604, Acc.fence: 0.5959, Acc.desk: 0.7600, Acc.rock: 0.7399, Acc.wardrobe: 0.7340, Acc.lamp: 0.8200, Acc.bathtub: 0.8616, Acc.railing: 0.4447, Acc.cushion: 0.7700, Acc.base: 0.4273, Acc.box: 0.4095, Acc.column: 0.5813, Acc.signboard: 0.4690, Acc.chest of drawers: 0.5810, Acc.counter: 0.5444, Acc.sand: 0.7994, Acc.sink: 0.8357, Acc.skyscraper: 0.6103, Acc.fireplace: 0.9028, Acc.refrigerator: 0.8706, Acc.grandstand: 0.7499, Acc.path: 0.3416, Acc.stairs: 0.4900, Acc.runway: 0.9566, Acc.case: 0.7357, Acc.pool table: 0.9749, Acc.pillow: 0.7574, Acc.screen door: 0.7543, Acc.stairway: 0.6242, Acc.river: 0.2534, Acc.bridge: 0.7584, Acc.bookcase: 0.5977, Acc.blind: 0.3826, Acc.coffee table: 0.8491, Acc.toilet: 0.9258, Acc.flower: 0.6588, Acc.book: 0.7925, Acc.hill: 0.1577, Acc.bench: 0.6577, Acc.countertop: 0.7959, Acc.stove: 0.8557, Acc.palm: 0.7878, Acc.kitchen island: 0.6435, Acc.computer: 0.8276, Acc.swivel chair: 0.6040, Acc.boat: 0.8126, Acc.bar: 0.8759, Acc.arcade machine: 0.8614, Acc.hovel: 0.5434, Acc.bus: 0.9657, Acc.towel: 0.8326, Acc.light: 0.6425, Acc.truck: 0.5008, Acc.tower: 0.4620, Acc.chandelier: 0.8229, Acc.awning: 0.4181, Acc.streetlight: 0.3916, Acc.booth: 0.6492, Acc.television receiver: 0.8991, Acc.airplane: 0.7104, Acc.dirt track: 0.2301, Acc.apparel: 0.7534, Acc.pole: 0.3941, Acc.land: 0.0323, Acc.bannister: 0.1607, Acc.escalator: 0.8140, Acc.ottoman: 0.5835, Acc.bottle: 0.7079, Acc.buffet: 0.5981, Acc.poster: 0.3120, Acc.stage: 0.3599, Acc.van: 0.6135, Acc.ship: 0.8189, Acc.fountain: 0.5953, Acc.conveyer belt: 0.9551, Acc.canopy: 0.7120, Acc.washer: 0.9113, Acc.plaything: 0.4557, Acc.swimming pool: 0.8698, Acc.stool: 0.5992, Acc.barrel: 0.5571, Acc.basket: 0.5015, Acc.waterfall: 0.6238, Acc.tent: 0.9841, Acc.bag: 0.2485, Acc.minibike: 0.8653, Acc.cradle: 0.9756, Acc.oven: 0.7756, Acc.ball: 0.6842, Acc.food: 0.7015, Acc.step: 0.1510, Acc.tank: 0.7313, Acc.trade name: 0.2479, Acc.microwave: 0.9389, Acc.pot: 0.6024, Acc.animal: 0.6268, Acc.bicycle: 0.6852, Acc.lake: 0.6438, Acc.dishwasher: 0.7292, Acc.screen: 0.7107, Acc.blanket: 0.3096, Acc.sculpture: 0.8693, Acc.hood: 0.7076, Acc.sconce: 0.6748, Acc.vase: 0.5776, Acc.traffic light: 0.5107, Acc.tray: 0.1898, Acc.ashcan: 0.5697, Acc.fan: 0.7757, Acc.pier: 0.4611, Acc.crt screen: 0.0690, Acc.plate: 0.7399, Acc.monitor: 0.7658, Acc.bulletin board: 0.4785, Acc.shower: 0.1197, Acc.radiator: 0.6776, Acc.glass: 0.2025, Acc.clock: 0.4927, Acc.flag: 0.4947 2023-11-11 04:36:00,943 - mmseg - INFO - Iter [78050/80000] lr: 9.755e-07, eta: 0:26:18, time: 2.303, data_time: 1.615, memory: 60073, decode.loss_ce: 0.1213, decode.acc_seg: 94.5942, aux.loss_ce: 0.2784, aux.acc_seg: 74.6235, loss: 0.3997 2023-11-11 04:36:35,642 - mmseg - INFO - Iter [78100/80000] lr: 9.505e-07, eta: 0:25:37, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1266, decode.acc_seg: 94.3438, aux.loss_ce: 0.2759, aux.acc_seg: 74.9403, loss: 0.4025 2023-11-11 04:37:10,295 - mmseg - INFO - Iter [78150/80000] lr: 9.255e-07, eta: 0:24:57, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1179, decode.acc_seg: 94.7746, aux.loss_ce: 0.2580, aux.acc_seg: 76.6253, loss: 0.3760 2023-11-11 04:37:44,984 - mmseg - INFO - Iter [78200/80000] lr: 9.005e-07, eta: 0:24:16, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1221, decode.acc_seg: 94.6551, aux.loss_ce: 0.2687, aux.acc_seg: 76.1366, loss: 0.3908 2023-11-11 04:38:19,632 - mmseg - INFO - Iter [78250/80000] lr: 8.755e-07, eta: 0:23:36, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1320, decode.acc_seg: 94.0250, aux.loss_ce: 0.2862, aux.acc_seg: 74.4173, loss: 0.4182 2023-11-11 04:38:54,295 - mmseg - INFO - Iter [78300/80000] lr: 8.505e-07, eta: 0:22:55, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1303, decode.acc_seg: 94.2112, aux.loss_ce: 0.2759, aux.acc_seg: 74.7794, loss: 0.4061 2023-11-11 04:39:31,189 - mmseg - INFO - Iter [78350/80000] lr: 8.255e-07, eta: 0:22:14, time: 0.738, data_time: 0.051, memory: 60073, decode.loss_ce: 0.1204, decode.acc_seg: 94.6016, aux.loss_ce: 0.2737, aux.acc_seg: 75.5375, loss: 0.3941 2023-11-11 04:40:05,897 - mmseg - INFO - Iter [78400/80000] lr: 8.005e-07, eta: 0:21:34, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1236, decode.acc_seg: 94.5868, aux.loss_ce: 0.2688, aux.acc_seg: 75.9696, loss: 0.3923 2023-11-11 04:40:40,572 - mmseg - INFO - Iter [78450/80000] lr: 7.755e-07, eta: 0:20:53, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1247, decode.acc_seg: 94.4262, aux.loss_ce: 0.2683, aux.acc_seg: 76.2647, loss: 0.3929 2023-11-11 04:41:15,295 - mmseg - INFO - Iter [78500/80000] lr: 7.505e-07, eta: 0:20:13, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1151, decode.acc_seg: 94.7920, aux.loss_ce: 0.2702, aux.acc_seg: 75.3501, loss: 0.3853 2023-11-11 04:41:50,002 - mmseg - INFO - Iter [78550/80000] lr: 7.255e-07, eta: 0:19:32, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1186, decode.acc_seg: 94.5398, aux.loss_ce: 0.2546, aux.acc_seg: 76.3946, loss: 0.3732 2023-11-11 04:42:24,700 - mmseg - INFO - Iter [78600/80000] lr: 7.005e-07, eta: 0:18:52, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1260, decode.acc_seg: 94.3069, aux.loss_ce: 0.2660, aux.acc_seg: 75.8139, loss: 0.3920 2023-11-11 04:42:59,383 - mmseg - INFO - Iter [78650/80000] lr: 6.755e-07, eta: 0:18:11, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1226, decode.acc_seg: 94.5746, aux.loss_ce: 0.2732, aux.acc_seg: 75.7207, loss: 0.3958 2023-11-11 04:43:34,048 - mmseg - INFO - Iter [78700/80000] lr: 6.505e-07, eta: 0:17:31, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1285, decode.acc_seg: 94.3332, aux.loss_ce: 0.2706, aux.acc_seg: 75.8889, loss: 0.3990 2023-11-11 04:44:08,701 - mmseg - INFO - Iter [78750/80000] lr: 6.255e-07, eta: 0:16:50, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1247, decode.acc_seg: 94.4529, aux.loss_ce: 0.2693, aux.acc_seg: 76.0793, loss: 0.3940 2023-11-11 04:44:43,409 - mmseg - INFO - Iter [78800/80000] lr: 6.005e-07, eta: 0:16:10, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1327, decode.acc_seg: 94.1000, aux.loss_ce: 0.2696, aux.acc_seg: 75.4948, loss: 0.4023 2023-11-11 04:45:18,118 - mmseg - INFO - Iter [78850/80000] lr: 5.755e-07, eta: 0:15:29, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1192, decode.acc_seg: 94.7574, aux.loss_ce: 0.2709, aux.acc_seg: 75.8189, loss: 0.3902 2023-11-11 04:45:52,825 - mmseg - INFO - Iter [78900/80000] lr: 5.505e-07, eta: 0:14:49, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1258, decode.acc_seg: 94.5132, aux.loss_ce: 0.2813, aux.acc_seg: 74.7305, loss: 0.4071 2023-11-11 04:46:27,516 - mmseg - INFO - Iter [78950/80000] lr: 5.255e-07, eta: 0:14:08, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1185, decode.acc_seg: 94.7373, aux.loss_ce: 0.2715, aux.acc_seg: 75.4899, loss: 0.3900 2023-11-11 04:47:02,237 - mmseg - INFO - Saving checkpoint at 79000 iterations 2023-11-11 04:47:33,158 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:47:33,159 - mmseg - INFO - Iter [79000/80000] lr: 5.005e-07, eta: 0:13:28, time: 1.313, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1304, decode.acc_seg: 94.2463, aux.loss_ce: 0.2809, aux.acc_seg: 74.0892, loss: 0.4114 2023-11-11 04:48:53,487 - mmseg - INFO - per class results: 2023-11-11 04:48:53,492 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.56 | 89.81 | | building | 84.92 | 93.94 | | sky | 94.79 | 97.62 | | floor | 82.26 | 92.32 | | tree | 75.27 | 89.09 | | ceiling | 84.95 | 93.34 | | road | 85.49 | 91.28 | | bed | 91.22 | 96.89 | | windowpane | 64.16 | 80.47 | | grass | 69.6 | 84.14 | | cabinet | 62.02 | 74.78 | | sidewalk | 68.53 | 82.48 | | person | 82.56 | 94.32 | | earth | 40.13 | 52.2 | | door | 50.76 | 61.94 | | table | 64.45 | 76.85 | | mountain | 60.96 | 73.7 | | plant | 54.34 | 65.93 | | curtain | 75.09 | 84.65 | | chair | 61.59 | 73.29 | | car | 86.09 | 93.96 | | water | 61.5 | 75.76 | | painting | 74.56 | 88.33 | | sofa | 71.19 | 84.69 | | shelf | 44.23 | 59.29 | | house | 59.06 | 72.59 | | sea | 66.79 | 81.88 | | mirror | 74.43 | 82.53 | | rug | 54.9 | 60.34 | | field | 30.18 | 45.36 | | armchair | 48.75 | 66.14 | | seat | 66.18 | 86.35 | | fence | 46.15 | 59.23 | | desk | 53.93 | 76.92 | | rock | 51.53 | 74.84 | | wardrobe | 56.19 | 72.48 | | lamp | 70.49 | 81.59 | | bathtub | 81.14 | 85.59 | | railing | 34.15 | 46.04 | | cushion | 64.38 | 76.87 | | base | 32.64 | 44.31 | | box | 32.86 | 41.75 | | column | 51.59 | 57.44 | | signboard | 36.17 | 46.53 | | chest of drawers | 40.95 | 59.82 | | counter | 45.61 | 52.65 | | sand | 54.14 | 79.13 | | sink | 75.82 | 82.87 | | skyscraper | 48.19 | 57.74 | | fireplace | 73.14 | 89.91 | | refrigerator | 77.77 | 86.36 | | grandstand | 57.33 | 75.23 | | path | 26.53 | 34.92 | | stairs | 41.91 | 50.34 | | runway | 72.23 | 95.43 | | case | 57.98 | 74.07 | | pool table | 94.34 | 97.41 | | pillow | 63.07 | 72.69 | | screen door | 70.72 | 75.76 | | stairway | 48.68 | 60.69 | | river | 11.51 | 23.84 | | bridge | 64.1 | 72.97 | | bookcase | 43.48 | 59.63 | | blind | 36.32 | 40.75 | | coffee table | 62.54 | 83.9 | | toilet | 87.18 | 92.56 | | flower | 48.38 | 65.27 | | book | 53.68 | 78.81 | | hill | 11.13 | 16.65 | | bench | 56.04 | 65.52 | | countertop | 63.64 | 78.51 | | stove | 78.48 | 85.53 | | palm | 55.62 | 76.37 | | kitchen island | 43.94 | 64.24 | | computer | 71.56 | 83.86 | | swivel chair | 40.06 | 60.1 | | boat | 69.41 | 80.81 | | bar | 75.24 | 86.75 | | arcade machine | 79.96 | 85.51 | | hovel | 42.91 | 51.14 | | bus | 90.44 | 96.3 | | towel | 72.61 | 81.98 | | light | 55.56 | 62.14 | | truck | 43.92 | 51.97 | | tower | 32.62 | 45.94 | | chandelier | 70.77 | 80.96 | | awning | 33.04 | 41.49 | | streetlight | 31.14 | 38.59 | | booth | 51.45 | 62.52 | | television receiver | 80.47 | 90.17 | | airplane | 59.89 | 71.04 | | dirt track | 8.46 | 20.43 | | apparel | 64.49 | 76.35 | | pole | 29.05 | 39.62 | | land | 1.77 | 3.03 | | bannister | 11.34 | 15.24 | | escalator | 56.53 | 81.12 | | ottoman | 44.47 | 58.09 | | bottle | 41.99 | 71.4 | | buffet | 51.29 | 58.18 | | poster | 24.55 | 29.17 | | stage | 17.79 | 34.46 | | van | 45.12 | 58.77 | | ship | 71.75 | 81.28 | | fountain | 57.54 | 59.56 | | conveyer belt | 71.33 | 95.76 | | canopy | 59.35 | 70.31 | | washer | 85.18 | 91.63 | | plaything | 28.06 | 40.98 | | swimming pool | 59.51 | 87.07 | | stool | 48.77 | 60.38 | | barrel | 52.93 | 56.54 | | basket | 39.41 | 49.28 | | waterfall | 54.3 | 63.02 | | tent | 95.85 | 98.35 | | bag | 21.43 | 24.77 | | minibike | 73.56 | 87.06 | | cradle | 87.1 | 97.78 | | oven | 62.18 | 77.28 | | ball | 57.41 | 68.91 | | food | 54.27 | 71.47 | | step | 14.02 | 15.28 | | tank | 62.06 | 73.12 | | trade name | 21.47 | 23.41 | | microwave | 84.99 | 94.0 | | pot | 52.71 | 60.34 | | animal | 60.52 | 62.55 | | bicycle | 55.23 | 68.99 | | lake | 49.07 | 63.81 | | dishwasher | 59.58 | 73.0 | | screen | 52.31 | 69.54 | | blanket | 25.8 | 30.64 | | sculpture | 70.27 | 86.53 | | hood | 66.81 | 71.14 | | sconce | 55.3 | 67.5 | | vase | 41.06 | 57.11 | | traffic light | 38.1 | 52.29 | | tray | 16.73 | 20.38 | | ashcan | 48.21 | 57.81 | | fan | 66.98 | 77.71 | | pier | 35.16 | 45.99 | | crt screen | 4.91 | 7.53 | | plate | 57.43 | 71.8 | | monitor | 61.32 | 77.52 | | bulletin board | 41.25 | 49.2 | | shower | 7.53 | 11.61 | | radiator | 60.46 | 68.54 | | glass | 17.97 | 19.51 | | clock | 44.85 | 49.9 | | flag | 45.25 | 48.1 | +---------------------+-------+-------+ 2023-11-11 04:48:53,493 - mmseg - INFO - Summary: 2023-11-11 04:48:53,493 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.96 | 54.94 | 66.22 | +-------+-------+-------+ 2023-11-11 04:48:53,494 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 04:48:53,494 - mmseg - INFO - Iter(val) [250] aAcc: 0.8496, mIoU: 0.5494, mAcc: 0.6622, IoU.wall: 0.7956, IoU.building: 0.8492, IoU.sky: 0.9479, IoU.floor: 0.8226, IoU.tree: 0.7527, IoU.ceiling: 0.8495, IoU.road: 0.8549, IoU.bed : 0.9122, IoU.windowpane: 0.6416, IoU.grass: 0.6960, IoU.cabinet: 0.6202, IoU.sidewalk: 0.6853, IoU.person: 0.8256, IoU.earth: 0.4013, IoU.door: 0.5076, IoU.table: 0.6445, IoU.mountain: 0.6096, IoU.plant: 0.5434, IoU.curtain: 0.7509, IoU.chair: 0.6159, IoU.car: 0.8609, IoU.water: 0.6150, IoU.painting: 0.7456, IoU.sofa: 0.7119, IoU.shelf: 0.4423, IoU.house: 0.5906, IoU.sea: 0.6679, IoU.mirror: 0.7443, IoU.rug: 0.5490, IoU.field: 0.3018, IoU.armchair: 0.4875, IoU.seat: 0.6618, IoU.fence: 0.4615, IoU.desk: 0.5393, IoU.rock: 0.5153, IoU.wardrobe: 0.5619, IoU.lamp: 0.7049, IoU.bathtub: 0.8114, IoU.railing: 0.3415, IoU.cushion: 0.6438, IoU.base: 0.3264, IoU.box: 0.3286, IoU.column: 0.5159, IoU.signboard: 0.3617, IoU.chest of drawers: 0.4095, IoU.counter: 0.4561, IoU.sand: 0.5414, IoU.sink: 0.7582, IoU.skyscraper: 0.4819, IoU.fireplace: 0.7314, IoU.refrigerator: 0.7777, IoU.grandstand: 0.5733, IoU.path: 0.2653, IoU.stairs: 0.4191, IoU.runway: 0.7223, IoU.case: 0.5798, IoU.pool table: 0.9434, IoU.pillow: 0.6307, IoU.screen door: 0.7072, IoU.stairway: 0.4868, IoU.river: 0.1151, IoU.bridge: 0.6410, IoU.bookcase: 0.4348, IoU.blind: 0.3632, IoU.coffee table: 0.6254, IoU.toilet: 0.8718, IoU.flower: 0.4838, IoU.book: 0.5368, IoU.hill: 0.1113, IoU.bench: 0.5604, IoU.countertop: 0.6364, IoU.stove: 0.7848, IoU.palm: 0.5562, IoU.kitchen island: 0.4394, IoU.computer: 0.7156, IoU.swivel chair: 0.4006, IoU.boat: 0.6941, IoU.bar: 0.7524, IoU.arcade machine: 0.7996, IoU.hovel: 0.4291, IoU.bus: 0.9044, IoU.towel: 0.7261, IoU.light: 0.5556, IoU.truck: 0.4392, IoU.tower: 0.3262, IoU.chandelier: 0.7077, IoU.awning: 0.3304, IoU.streetlight: 0.3114, IoU.booth: 0.5145, IoU.television receiver: 0.8047, IoU.airplane: 0.5989, IoU.dirt track: 0.0846, IoU.apparel: 0.6449, IoU.pole: 0.2905, IoU.land: 0.0177, IoU.bannister: 0.1134, IoU.escalator: 0.5653, IoU.ottoman: 0.4447, IoU.bottle: 0.4199, IoU.buffet: 0.5129, IoU.poster: 0.2455, IoU.stage: 0.1779, IoU.van: 0.4512, IoU.ship: 0.7175, IoU.fountain: 0.5754, IoU.conveyer belt: 0.7133, IoU.canopy: 0.5935, IoU.washer: 0.8518, IoU.plaything: 0.2806, IoU.swimming pool: 0.5951, IoU.stool: 0.4877, IoU.barrel: 0.5293, IoU.basket: 0.3941, IoU.waterfall: 0.5430, IoU.tent: 0.9585, IoU.bag: 0.2143, IoU.minibike: 0.7356, IoU.cradle: 0.8710, IoU.oven: 0.6218, IoU.ball: 0.5741, IoU.food: 0.5427, IoU.step: 0.1402, IoU.tank: 0.6206, IoU.trade name: 0.2147, IoU.microwave: 0.8499, IoU.pot: 0.5271, IoU.animal: 0.6052, IoU.bicycle: 0.5523, IoU.lake: 0.4907, IoU.dishwasher: 0.5958, IoU.screen: 0.5231, IoU.blanket: 0.2580, IoU.sculpture: 0.7027, IoU.hood: 0.6681, IoU.sconce: 0.5530, IoU.vase: 0.4106, IoU.traffic light: 0.3810, IoU.tray: 0.1673, IoU.ashcan: 0.4821, IoU.fan: 0.6698, IoU.pier: 0.3516, IoU.crt screen: 0.0491, IoU.plate: 0.5743, IoU.monitor: 0.6132, IoU.bulletin board: 0.4125, IoU.shower: 0.0753, IoU.radiator: 0.6046, IoU.glass: 0.1797, IoU.clock: 0.4485, IoU.flag: 0.4525, Acc.wall: 0.8981, Acc.building: 0.9394, Acc.sky: 0.9762, Acc.floor: 0.9232, Acc.tree: 0.8909, Acc.ceiling: 0.9334, Acc.road: 0.9128, Acc.bed : 0.9689, Acc.windowpane: 0.8047, Acc.grass: 0.8414, Acc.cabinet: 0.7478, Acc.sidewalk: 0.8248, Acc.person: 0.9432, Acc.earth: 0.5220, Acc.door: 0.6194, Acc.table: 0.7685, Acc.mountain: 0.7370, Acc.plant: 0.6593, Acc.curtain: 0.8465, Acc.chair: 0.7329, Acc.car: 0.9396, Acc.water: 0.7576, Acc.painting: 0.8833, Acc.sofa: 0.8469, Acc.shelf: 0.5929, Acc.house: 0.7259, Acc.sea: 0.8188, Acc.mirror: 0.8253, Acc.rug: 0.6034, Acc.field: 0.4536, Acc.armchair: 0.6614, Acc.seat: 0.8635, Acc.fence: 0.5923, Acc.desk: 0.7692, Acc.rock: 0.7484, Acc.wardrobe: 0.7248, Acc.lamp: 0.8159, Acc.bathtub: 0.8559, Acc.railing: 0.4604, Acc.cushion: 0.7687, Acc.base: 0.4431, Acc.box: 0.4175, Acc.column: 0.5744, Acc.signboard: 0.4653, Acc.chest of drawers: 0.5982, Acc.counter: 0.5265, Acc.sand: 0.7913, Acc.sink: 0.8287, Acc.skyscraper: 0.5774, Acc.fireplace: 0.8991, Acc.refrigerator: 0.8636, Acc.grandstand: 0.7523, Acc.path: 0.3492, Acc.stairs: 0.5034, Acc.runway: 0.9543, Acc.case: 0.7407, Acc.pool table: 0.9741, Acc.pillow: 0.7269, Acc.screen door: 0.7576, Acc.stairway: 0.6069, Acc.river: 0.2384, Acc.bridge: 0.7297, Acc.bookcase: 0.5963, Acc.blind: 0.4075, Acc.coffee table: 0.8390, Acc.toilet: 0.9256, Acc.flower: 0.6527, Acc.book: 0.7881, Acc.hill: 0.1665, Acc.bench: 0.6552, Acc.countertop: 0.7851, Acc.stove: 0.8553, Acc.palm: 0.7637, Acc.kitchen island: 0.6424, Acc.computer: 0.8386, Acc.swivel chair: 0.6010, Acc.boat: 0.8081, Acc.bar: 0.8675, Acc.arcade machine: 0.8551, Acc.hovel: 0.5114, Acc.bus: 0.9630, Acc.towel: 0.8198, Acc.light: 0.6214, Acc.truck: 0.5197, Acc.tower: 0.4594, Acc.chandelier: 0.8096, Acc.awning: 0.4149, Acc.streetlight: 0.3859, Acc.booth: 0.6252, Acc.television receiver: 0.9017, Acc.airplane: 0.7104, Acc.dirt track: 0.2043, Acc.apparel: 0.7635, Acc.pole: 0.3962, Acc.land: 0.0303, Acc.bannister: 0.1524, Acc.escalator: 0.8112, Acc.ottoman: 0.5809, Acc.bottle: 0.7140, Acc.buffet: 0.5818, Acc.poster: 0.2917, Acc.stage: 0.3446, Acc.van: 0.5877, Acc.ship: 0.8128, Acc.fountain: 0.5956, Acc.conveyer belt: 0.9576, Acc.canopy: 0.7031, Acc.washer: 0.9163, Acc.plaything: 0.4098, Acc.swimming pool: 0.8707, Acc.stool: 0.6038, Acc.barrel: 0.5654, Acc.basket: 0.4928, Acc.waterfall: 0.6302, Acc.tent: 0.9835, Acc.bag: 0.2477, Acc.minibike: 0.8706, Acc.cradle: 0.9778, Acc.oven: 0.7728, Acc.ball: 0.6891, Acc.food: 0.7147, Acc.step: 0.1528, Acc.tank: 0.7312, Acc.trade name: 0.2341, Acc.microwave: 0.9400, Acc.pot: 0.6034, Acc.animal: 0.6255, Acc.bicycle: 0.6899, Acc.lake: 0.6381, Acc.dishwasher: 0.7300, Acc.screen: 0.6954, Acc.blanket: 0.3064, Acc.sculpture: 0.8653, Acc.hood: 0.7114, Acc.sconce: 0.6750, Acc.vase: 0.5711, Acc.traffic light: 0.5229, Acc.tray: 0.2038, Acc.ashcan: 0.5781, Acc.fan: 0.7771, Acc.pier: 0.4599, Acc.crt screen: 0.0753, Acc.plate: 0.7180, Acc.monitor: 0.7752, Acc.bulletin board: 0.4920, Acc.shower: 0.1161, Acc.radiator: 0.6854, Acc.glass: 0.1951, Acc.clock: 0.4990, Acc.flag: 0.4810 2023-11-11 04:49:28,313 - mmseg - INFO - Iter [79050/80000] lr: 4.755e-07, eta: 0:12:49, time: 2.303, data_time: 1.614, memory: 60073, decode.loss_ce: 0.1258, decode.acc_seg: 94.4128, aux.loss_ce: 0.2740, aux.acc_seg: 75.5321, loss: 0.3998 2023-11-11 04:50:02,965 - mmseg - INFO - Iter [79100/80000] lr: 4.505e-07, eta: 0:12:08, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1236, decode.acc_seg: 94.5199, aux.loss_ce: 0.2804, aux.acc_seg: 74.4594, loss: 0.4041 2023-11-11 04:50:37,627 - mmseg - INFO - Iter [79150/80000] lr: 4.255e-07, eta: 0:11:27, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1200, decode.acc_seg: 94.6459, aux.loss_ce: 0.2551, aux.acc_seg: 76.3398, loss: 0.3750 2023-11-11 04:51:12,298 - mmseg - INFO - Iter [79200/80000] lr: 4.005e-07, eta: 0:10:47, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1249, decode.acc_seg: 94.3195, aux.loss_ce: 0.2759, aux.acc_seg: 74.6545, loss: 0.4008 2023-11-11 04:51:46,936 - mmseg - INFO - Iter [79250/80000] lr: 3.755e-07, eta: 0:10:06, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1221, decode.acc_seg: 94.6663, aux.loss_ce: 0.2635, aux.acc_seg: 76.4809, loss: 0.3856 2023-11-11 04:52:21,585 - mmseg - INFO - Iter [79300/80000] lr: 3.505e-07, eta: 0:09:26, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1253, decode.acc_seg: 94.3462, aux.loss_ce: 0.2713, aux.acc_seg: 74.8945, loss: 0.3966 2023-11-11 04:52:56,265 - mmseg - INFO - Iter [79350/80000] lr: 3.255e-07, eta: 0:08:45, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1231, decode.acc_seg: 94.5037, aux.loss_ce: 0.2632, aux.acc_seg: 76.0733, loss: 0.3863 2023-11-11 04:53:30,954 - mmseg - INFO - Iter [79400/80000] lr: 3.005e-07, eta: 0:08:05, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1226, decode.acc_seg: 94.6412, aux.loss_ce: 0.2789, aux.acc_seg: 75.1416, loss: 0.4015 2023-11-11 04:54:05,635 - mmseg - INFO - Iter [79450/80000] lr: 2.755e-07, eta: 0:07:24, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1325, decode.acc_seg: 94.1786, aux.loss_ce: 0.2833, aux.acc_seg: 75.1837, loss: 0.4158 2023-11-11 04:54:40,311 - mmseg - INFO - Iter [79500/80000] lr: 2.505e-07, eta: 0:06:44, time: 0.694, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1269, decode.acc_seg: 94.5129, aux.loss_ce: 0.2646, aux.acc_seg: 75.9797, loss: 0.3915 2023-11-11 04:55:14,960 - mmseg - INFO - Iter [79550/80000] lr: 2.255e-07, eta: 0:06:03, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1218, decode.acc_seg: 94.5959, aux.loss_ce: 0.2721, aux.acc_seg: 75.6766, loss: 0.3938 2023-11-11 04:55:51,921 - mmseg - INFO - Iter [79600/80000] lr: 2.005e-07, eta: 0:05:23, time: 0.739, data_time: 0.050, memory: 60073, decode.loss_ce: 0.1219, decode.acc_seg: 94.5789, aux.loss_ce: 0.2733, aux.acc_seg: 75.4697, loss: 0.3952 2023-11-11 04:56:26,569 - mmseg - INFO - Iter [79650/80000] lr: 1.755e-07, eta: 0:04:43, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1216, decode.acc_seg: 94.6964, aux.loss_ce: 0.2703, aux.acc_seg: 75.9365, loss: 0.3919 2023-11-11 04:57:01,239 - mmseg - INFO - Iter [79700/80000] lr: 1.505e-07, eta: 0:04:02, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1273, decode.acc_seg: 94.4207, aux.loss_ce: 0.2843, aux.acc_seg: 74.7202, loss: 0.4116 2023-11-11 04:57:35,907 - mmseg - INFO - Iter [79750/80000] lr: 1.255e-07, eta: 0:03:22, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1222, decode.acc_seg: 94.4446, aux.loss_ce: 0.2671, aux.acc_seg: 75.9395, loss: 0.3893 2023-11-11 04:58:10,561 - mmseg - INFO - Iter [79800/80000] lr: 1.005e-07, eta: 0:02:41, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1257, decode.acc_seg: 94.4581, aux.loss_ce: 0.2724, aux.acc_seg: 75.9704, loss: 0.3981 2023-11-11 04:58:45,205 - mmseg - INFO - Iter [79850/80000] lr: 7.550e-08, eta: 0:02:01, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1178, decode.acc_seg: 94.7164, aux.loss_ce: 0.2575, aux.acc_seg: 76.2205, loss: 0.3753 2023-11-11 04:59:19,856 - mmseg - INFO - Iter [79900/80000] lr: 5.050e-08, eta: 0:01:20, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1217, decode.acc_seg: 94.5106, aux.loss_ce: 0.2753, aux.acc_seg: 75.0985, loss: 0.3971 2023-11-11 04:59:54,521 - mmseg - INFO - Iter [79950/80000] lr: 2.550e-08, eta: 0:00:40, time: 0.693, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1243, decode.acc_seg: 94.5639, aux.loss_ce: 0.2727, aux.acc_seg: 75.4974, loss: 0.3971 2023-11-11 05:00:29,167 - mmseg - INFO - Saving checkpoint at 80000 iterations 2023-11-11 05:00:59,282 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 05:00:59,282 - mmseg - INFO - Iter [80000/80000] lr: 5.000e-10, eta: 0:00:00, time: 1.295, data_time: 0.007, memory: 60073, decode.loss_ce: 0.1331, decode.acc_seg: 94.2796, aux.loss_ce: 0.2840, aux.acc_seg: 74.9692, loss: 0.4171 2023-11-11 05:02:19,961 - mmseg - INFO - per class results: 2023-11-11 05:02:19,966 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.62 | 89.93 | | building | 84.97 | 93.93 | | sky | 94.76 | 97.7 | | floor | 82.5 | 91.66 | | tree | 75.24 | 88.93 | | ceiling | 84.99 | 93.01 | | road | 85.48 | 91.32 | | bed | 91.26 | 96.88 | | windowpane | 64.31 | 79.71 | | grass | 69.48 | 83.05 | | cabinet | 62.03 | 74.15 | | sidewalk | 68.58 | 82.64 | | person | 82.62 | 94.39 | | earth | 40.5 | 53.54 | | door | 51.31 | 63.18 | | table | 64.61 | 77.37 | | mountain | 60.8 | 74.14 | | plant | 54.43 | 66.39 | | curtain | 75.14 | 84.78 | | chair | 61.64 | 74.74 | | car | 86.11 | 93.81 | | water | 61.57 | 75.91 | | painting | 74.73 | 88.56 | | sofa | 71.3 | 84.35 | | shelf | 44.36 | 60.5 | | house | 58.59 | 71.38 | | sea | 66.5 | 82.18 | | mirror | 74.38 | 82.21 | | rug | 57.32 | 65.38 | | field | 29.99 | 45.25 | | armchair | 48.86 | 66.34 | | seat | 66.43 | 86.39 | | fence | 46.21 | 60.26 | | desk | 54.25 | 76.57 | | rock | 51.13 | 74.12 | | wardrobe | 56.25 | 73.06 | | lamp | 70.41 | 82.07 | | bathtub | 81.53 | 86.41 | | railing | 34.44 | 46.85 | | cushion | 64.52 | 78.28 | | base | 32.49 | 44.59 | | box | 32.91 | 41.93 | | column | 51.31 | 56.93 | | signboard | 36.11 | 47.37 | | chest of drawers | 41.17 | 58.89 | | counter | 45.88 | 52.82 | | sand | 54.16 | 78.66 | | sink | 76.05 | 83.66 | | skyscraper | 47.37 | 56.79 | | fireplace | 73.14 | 90.22 | | refrigerator | 78.02 | 87.09 | | grandstand | 57.1 | 74.46 | | path | 25.71 | 32.99 | | stairs | 41.84 | 50.29 | | runway | 72.41 | 95.19 | | case | 58.21 | 74.16 | | pool table | 94.33 | 97.45 | | pillow | 63.34 | 72.92 | | screen door | 70.8 | 75.4 | | stairway | 48.45 | 61.12 | | river | 11.73 | 23.67 | | bridge | 64.86 | 73.45 | | bookcase | 43.21 | 57.95 | | blind | 36.86 | 41.62 | | coffee table | 62.41 | 83.82 | | toilet | 87.03 | 92.78 | | flower | 47.99 | 63.5 | | book | 54.23 | 78.84 | | hill | 10.19 | 15.03 | | bench | 55.62 | 64.76 | | countertop | 63.76 | 79.07 | | stove | 78.56 | 85.72 | | palm | 55.6 | 76.85 | | kitchen island | 43.79 | 63.61 | | computer | 71.84 | 84.65 | | swivel chair | 39.92 | 60.83 | | boat | 68.7 | 82.05 | | bar | 75.04 | 87.18 | | arcade machine | 80.45 | 86.36 | | hovel | 44.39 | 53.51 | | bus | 90.39 | 96.39 | | towel | 72.34 | 82.36 | | light | 56.03 | 62.92 | | truck | 43.56 | 51.91 | | tower | 32.66 | 46.06 | | chandelier | 70.55 | 80.64 | | awning | 33.63 | 42.19 | | streetlight | 30.94 | 38.52 | | booth | 52.43 | 63.2 | | television receiver | 80.49 | 89.98 | | airplane | 59.86 | 70.72 | | dirt track | 7.9 | 18.21 | | apparel | 64.19 | 76.14 | | pole | 28.71 | 39.1 | | land | 1.92 | 3.41 | | bannister | 12.43 | 17.49 | | escalator | 56.74 | 81.5 | | ottoman | 41.77 | 52.75 | | bottle | 41.89 | 70.79 | | buffet | 51.13 | 58.37 | | poster | 24.46 | 29.06 | | stage | 17.5 | 33.1 | | van | 45.71 | 60.82 | | ship | 71.46 | 81.43 | | fountain | 56.52 | 58.59 | | conveyer belt | 71.54 | 95.72 | | canopy | 58.7 | 70.94 | | washer | 85.16 | 91.8 | | plaything | 26.88 | 38.39 | | swimming pool | 59.38 | 86.47 | | stool | 48.42 | 60.03 | | barrel | 52.39 | 56.64 | | basket | 39.71 | 49.62 | | waterfall | 54.19 | 63.13 | | tent | 95.75 | 98.39 | | bag | 21.31 | 24.31 | | minibike | 73.63 | 86.92 | | cradle | 87.39 | 97.58 | | oven | 62.6 | 76.86 | | ball | 57.45 | 67.57 | | food | 54.32 | 70.92 | | step | 14.02 | 15.59 | | tank | 62.12 | 71.96 | | trade name | 21.44 | 23.42 | | microwave | 85.15 | 93.86 | | pot | 52.86 | 60.96 | | animal | 59.91 | 61.64 | | bicycle | 56.03 | 70.51 | | lake | 49.54 | 63.64 | | dishwasher | 59.53 | 72.63 | | screen | 51.65 | 69.27 | | blanket | 26.32 | 31.75 | | sculpture | 69.07 | 86.7 | | hood | 67.82 | 72.56 | | sconce | 55.34 | 67.94 | | vase | 40.97 | 56.8 | | traffic light | 37.91 | 51.46 | | tray | 16.25 | 19.34 | | ashcan | 48.63 | 59.33 | | fan | 67.12 | 77.8 | | pier | 35.61 | 45.82 | | crt screen | 5.63 | 8.88 | | plate | 57.67 | 72.82 | | monitor | 60.56 | 74.86 | | bulletin board | 41.11 | 49.33 | | shower | 7.38 | 11.14 | | radiator | 60.13 | 68.5 | | glass | 17.64 | 19.07 | | clock | 44.85 | 49.99 | | flag | 46.09 | 49.3 | +---------------------+-------+-------+ 2023-11-11 05:02:19,966 - mmseg - INFO - Summary: 2023-11-11 05:02:19,966 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.98 | 54.95 | 66.25 | +-------+-------+-------+ 2023-11-11 05:02:19,967 - mmseg - INFO - Exp name: upernet_intern_vit_6b_504_80k_ade20k_bs16_lr4e-5_frozen.py 2023-11-11 05:02:19,967 - mmseg - INFO - Iter(val) [250] aAcc: 0.8498, mIoU: 0.5495, mAcc: 0.6625, IoU.wall: 0.7962, IoU.building: 0.8497, IoU.sky: 0.9476, IoU.floor: 0.8250, IoU.tree: 0.7524, IoU.ceiling: 0.8499, IoU.road: 0.8548, IoU.bed : 0.9126, IoU.windowpane: 0.6431, IoU.grass: 0.6948, IoU.cabinet: 0.6203, IoU.sidewalk: 0.6858, IoU.person: 0.8262, IoU.earth: 0.4050, IoU.door: 0.5131, IoU.table: 0.6461, IoU.mountain: 0.6080, IoU.plant: 0.5443, IoU.curtain: 0.7514, IoU.chair: 0.6164, IoU.car: 0.8611, IoU.water: 0.6157, IoU.painting: 0.7473, IoU.sofa: 0.7130, IoU.shelf: 0.4436, IoU.house: 0.5859, IoU.sea: 0.6650, IoU.mirror: 0.7438, IoU.rug: 0.5732, IoU.field: 0.2999, IoU.armchair: 0.4886, IoU.seat: 0.6643, IoU.fence: 0.4621, IoU.desk: 0.5425, IoU.rock: 0.5113, IoU.wardrobe: 0.5625, IoU.lamp: 0.7041, IoU.bathtub: 0.8153, IoU.railing: 0.3444, IoU.cushion: 0.6452, IoU.base: 0.3249, IoU.box: 0.3291, IoU.column: 0.5131, IoU.signboard: 0.3611, IoU.chest of drawers: 0.4117, IoU.counter: 0.4588, IoU.sand: 0.5416, IoU.sink: 0.7605, IoU.skyscraper: 0.4737, IoU.fireplace: 0.7314, IoU.refrigerator: 0.7802, IoU.grandstand: 0.5710, IoU.path: 0.2571, IoU.stairs: 0.4184, IoU.runway: 0.7241, IoU.case: 0.5821, IoU.pool table: 0.9433, IoU.pillow: 0.6334, IoU.screen door: 0.7080, IoU.stairway: 0.4845, IoU.river: 0.1173, IoU.bridge: 0.6486, IoU.bookcase: 0.4321, IoU.blind: 0.3686, IoU.coffee table: 0.6241, IoU.toilet: 0.8703, IoU.flower: 0.4799, IoU.book: 0.5423, IoU.hill: 0.1019, IoU.bench: 0.5562, IoU.countertop: 0.6376, IoU.stove: 0.7856, IoU.palm: 0.5560, IoU.kitchen island: 0.4379, IoU.computer: 0.7184, IoU.swivel chair: 0.3992, IoU.boat: 0.6870, IoU.bar: 0.7504, IoU.arcade machine: 0.8045, IoU.hovel: 0.4439, IoU.bus: 0.9039, IoU.towel: 0.7234, IoU.light: 0.5603, IoU.truck: 0.4356, IoU.tower: 0.3266, IoU.chandelier: 0.7055, IoU.awning: 0.3363, IoU.streetlight: 0.3094, IoU.booth: 0.5243, IoU.television receiver: 0.8049, IoU.airplane: 0.5986, IoU.dirt track: 0.0790, IoU.apparel: 0.6419, IoU.pole: 0.2871, IoU.land: 0.0192, IoU.bannister: 0.1243, IoU.escalator: 0.5674, IoU.ottoman: 0.4177, IoU.bottle: 0.4189, IoU.buffet: 0.5113, IoU.poster: 0.2446, IoU.stage: 0.1750, IoU.van: 0.4571, IoU.ship: 0.7146, IoU.fountain: 0.5652, IoU.conveyer belt: 0.7154, IoU.canopy: 0.5870, IoU.washer: 0.8516, IoU.plaything: 0.2688, IoU.swimming pool: 0.5938, IoU.stool: 0.4842, IoU.barrel: 0.5239, IoU.basket: 0.3971, IoU.waterfall: 0.5419, IoU.tent: 0.9575, IoU.bag: 0.2131, IoU.minibike: 0.7363, IoU.cradle: 0.8739, IoU.oven: 0.6260, IoU.ball: 0.5745, IoU.food: 0.5432, IoU.step: 0.1402, IoU.tank: 0.6212, IoU.trade name: 0.2144, IoU.microwave: 0.8515, IoU.pot: 0.5286, IoU.animal: 0.5991, IoU.bicycle: 0.5603, IoU.lake: 0.4954, IoU.dishwasher: 0.5953, IoU.screen: 0.5165, IoU.blanket: 0.2632, IoU.sculpture: 0.6907, IoU.hood: 0.6782, IoU.sconce: 0.5534, IoU.vase: 0.4097, IoU.traffic light: 0.3791, IoU.tray: 0.1625, IoU.ashcan: 0.4863, IoU.fan: 0.6712, IoU.pier: 0.3561, IoU.crt screen: 0.0563, IoU.plate: 0.5767, IoU.monitor: 0.6056, IoU.bulletin board: 0.4111, IoU.shower: 0.0738, IoU.radiator: 0.6013, IoU.glass: 0.1764, IoU.clock: 0.4485, IoU.flag: 0.4609, Acc.wall: 0.8993, Acc.building: 0.9393, Acc.sky: 0.9770, Acc.floor: 0.9166, Acc.tree: 0.8893, Acc.ceiling: 0.9301, Acc.road: 0.9132, Acc.bed : 0.9688, Acc.windowpane: 0.7971, Acc.grass: 0.8305, Acc.cabinet: 0.7415, Acc.sidewalk: 0.8264, Acc.person: 0.9439, Acc.earth: 0.5354, Acc.door: 0.6318, Acc.table: 0.7737, Acc.mountain: 0.7414, Acc.plant: 0.6639, Acc.curtain: 0.8478, Acc.chair: 0.7474, Acc.car: 0.9381, Acc.water: 0.7591, Acc.painting: 0.8856, Acc.sofa: 0.8435, Acc.shelf: 0.6050, Acc.house: 0.7138, Acc.sea: 0.8218, Acc.mirror: 0.8221, Acc.rug: 0.6538, Acc.field: 0.4525, Acc.armchair: 0.6634, Acc.seat: 0.8639, Acc.fence: 0.6026, Acc.desk: 0.7657, Acc.rock: 0.7412, Acc.wardrobe: 0.7306, Acc.lamp: 0.8207, Acc.bathtub: 0.8641, Acc.railing: 0.4685, Acc.cushion: 0.7828, Acc.base: 0.4459, Acc.box: 0.4193, Acc.column: 0.5693, Acc.signboard: 0.4737, Acc.chest of drawers: 0.5889, Acc.counter: 0.5282, Acc.sand: 0.7866, Acc.sink: 0.8366, Acc.skyscraper: 0.5679, Acc.fireplace: 0.9022, Acc.refrigerator: 0.8709, Acc.grandstand: 0.7446, Acc.path: 0.3299, Acc.stairs: 0.5029, Acc.runway: 0.9519, Acc.case: 0.7416, Acc.pool table: 0.9745, Acc.pillow: 0.7292, Acc.screen door: 0.7540, Acc.stairway: 0.6112, Acc.river: 0.2367, Acc.bridge: 0.7345, Acc.bookcase: 0.5795, Acc.blind: 0.4162, Acc.coffee table: 0.8382, Acc.toilet: 0.9278, Acc.flower: 0.6350, Acc.book: 0.7884, Acc.hill: 0.1503, Acc.bench: 0.6476, Acc.countertop: 0.7907, Acc.stove: 0.8572, Acc.palm: 0.7685, Acc.kitchen island: 0.6361, Acc.computer: 0.8465, Acc.swivel chair: 0.6083, Acc.boat: 0.8205, Acc.bar: 0.8718, Acc.arcade machine: 0.8636, Acc.hovel: 0.5351, Acc.bus: 0.9639, Acc.towel: 0.8236, Acc.light: 0.6292, Acc.truck: 0.5191, Acc.tower: 0.4606, Acc.chandelier: 0.8064, Acc.awning: 0.4219, Acc.streetlight: 0.3852, Acc.booth: 0.6320, Acc.television receiver: 0.8998, Acc.airplane: 0.7072, Acc.dirt track: 0.1821, Acc.apparel: 0.7614, Acc.pole: 0.3910, Acc.land: 0.0341, Acc.bannister: 0.1749, Acc.escalator: 0.8150, Acc.ottoman: 0.5275, Acc.bottle: 0.7079, Acc.buffet: 0.5837, Acc.poster: 0.2906, Acc.stage: 0.3310, Acc.van: 0.6082, Acc.ship: 0.8143, Acc.fountain: 0.5859, Acc.conveyer belt: 0.9572, Acc.canopy: 0.7094, Acc.washer: 0.9180, Acc.plaything: 0.3839, Acc.swimming pool: 0.8647, Acc.stool: 0.6003, Acc.barrel: 0.5664, Acc.basket: 0.4962, Acc.waterfall: 0.6313, Acc.tent: 0.9839, Acc.bag: 0.2431, Acc.minibike: 0.8692, Acc.cradle: 0.9758, Acc.oven: 0.7686, Acc.ball: 0.6757, Acc.food: 0.7092, Acc.step: 0.1559, Acc.tank: 0.7196, Acc.trade name: 0.2342, Acc.microwave: 0.9386, Acc.pot: 0.6096, Acc.animal: 0.6164, Acc.bicycle: 0.7051, Acc.lake: 0.6364, Acc.dishwasher: 0.7263, Acc.screen: 0.6927, Acc.blanket: 0.3175, Acc.sculpture: 0.8670, Acc.hood: 0.7256, Acc.sconce: 0.6794, Acc.vase: 0.5680, Acc.traffic light: 0.5146, Acc.tray: 0.1934, Acc.ashcan: 0.5933, Acc.fan: 0.7780, Acc.pier: 0.4582, Acc.crt screen: 0.0888, Acc.plate: 0.7282, Acc.monitor: 0.7486, Acc.bulletin board: 0.4933, Acc.shower: 0.1114, Acc.radiator: 0.6850, Acc.glass: 0.1907, Acc.clock: 0.4999, Acc.flag: 0.4930