2023-11-09 22:43:35,725 - mmseg - INFO - Multi-processing start method is `None` 2023-11-09 22:43:35,734 - mmseg - INFO - OpenCV num_threads is `128 2023-11-09 22:43:35,734 - mmseg - INFO - OMP num threads is 1 2023-11-09 22:43:35,837 - 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-09 22:43:35,838 - mmseg - INFO - Distributed training: True 2023-11-09 22:43:36,098 - mmseg - INFO - Config: checkpoint = 'https://download.openmmlab.com/mmsegmentation/v0.5/pretrain/segmenter/vit_base_p16_384_20220308-96dfe169.pth' backbone_norm_cfg = dict(type='LN', eps=1e-06, requires_grad=True) model = dict( type='EncoderDecoder', pretrained='./pretrained/intern_vit_6b_224px.pth', backbone=dict( type='InternViT6B', pretrain_size=224, img_size=512, patch_size=16, embed_dim=3200, depth=48, num_heads=25, mlp_ratio=4.0, qkv_bias=False, drop_path_rate=0.0, init_values=0.1, with_cp=True, use_flash_attn=True, qk_normalization=True, layerscale_no_force_fp32=True, freeze_vit=True, out_indices=[44]), decode_head=dict( type='FCNHead', in_channels=3200, channels=3200, num_convs=0, dropout_ratio=0.0, concat_input=False, num_classes=150, with_norm=True, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)), test_cfg=dict(mode='slide', crop_size=(512, 512), stride=(341, 341))) dataset_type = 'ADE20KDataset' data_root = 'data/ade/ADEChallengeData2016' img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) crop_size = (512, 512) train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_semantic_seg']) ] test_pipeline = [ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict( type='SETR_Resize', keep_ratio=True, crop_size=(512, 512), setr_multi_scale=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ] data = dict( samples_per_gpu=2, workers_per_gpu=4, train=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/training', ann_dir='annotations/training', pipeline=[ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_semantic_seg']) ]), val=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict( type='SETR_Resize', keep_ratio=True, crop_size=(512, 512), setr_multi_scale=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ]), test=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict( type='SETR_Resize', keep_ratio=True, crop_size=(512, 512), setr_multi_scale=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ])) log_config = dict( interval=50, hooks=[ dict(type='TextLoggerHook', by_epoch=False), dict(type='TensorboardLoggerHook') ]) dist_params = dict(backend='nccl') log_level = 'INFO' load_from = None resume_from = None workflow = [('train', 1)] cudnn_benchmark = True optimizer = dict( type='AdamW', lr=4e-05, betas=(0.9, 0.999), weight_decay=0.0, constructor='CustomLayerDecayOptimizerConstructor', paramwise_cfg=dict(num_layers=48, layer_decay_rate=0.95)) optimizer_config = dict() lr_config = dict( policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-06, power=1.0, min_lr=0.0, by_epoch=False) runner = dict(type='IterBasedRunner', max_iters=80000) checkpoint_config = dict( by_epoch=False, interval=1000, deepspeed=True, max_keep_ckpts=2) evaluation = dict( interval=1000, metric='mIoU', pre_eval=True, save_best='auto') deepspeed = True deepspeed_config = 'zero_configs/adam_zero1_bf16.json' pretrained = './pretrained/intern_vit_6b_224px.pth' custom_hooks = [dict(type='ToBFloat16Hook', priority=49)] work_dir = './work_dirs/segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4' gpu_ids = range(0, 8) auto_resume = False 2023-11-09 22:43:40,633 - mmseg - INFO - Set random seed to 269021349, deterministic: False 2023-11-09 22:44:59,849 - mmseg - INFO - 2023-11-09 22:45:19,212 - mmseg - INFO - initialize FCNHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} Name of parameter - Initialization information backbone.pos_embed - torch.Size([1, 1025, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.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, 16, 16]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.patch_embed.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.24.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.25.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.26.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.27.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.28.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.29.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.30.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.31.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.32.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.33.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.34.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.35.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.36.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.37.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.38.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.39.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.40.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.41.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.42.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.43.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.44.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.45.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.46.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.norm1.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.qkv.weight - torch.Size([9600, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.proj.weight - torch.Size([3200, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.proj.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.q_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.attn.k_norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.ls1.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.norm2.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc1.weight - torch.Size([12800, 3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc1.bias - torch.Size([12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc2.weight - torch.Size([3200, 12800]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.mlp.fc2.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.47.ls2.gamma - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.conv_seg.weight - torch.Size([150, 3200, 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.norm.weight - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.norm.bias - torch.Size([3200]): The value is the same before and after calling `init_weights` of EncoderDecoder 2023-11-09 22:45:19,221 - mmseg - INFO - EncoderDecoder( (backbone): InternViT6B( (patch_embed): PatchEmbed( (proj): Conv2d(3, 3200, kernel_size=(16, 16), stride=(16, 16)) (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() ) ) ) (decode_head): FCNHead( input_transform=None, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss(avg_non_ignore=False) (conv_seg): Conv2d(3200, 150, kernel_size=(1, 1), stride=(1, 1)) (convs): Identity() (norm): SyncBatchNorm(3200, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} ) 2023-11-09 22:45:19,782 - mmseg - INFO - Loaded 20210 images 2023-11-09 22:45:21,105 - mmseg - INFO - {'num_layers': 48, 'layer_decay_rate': 0.95} 2023-11-09 22:45:21,105 - mmseg - INFO - Build LayerDecayOptimizerConstructor 0.950000 - 50 2023-11-09 22:45:21,107 - mmseg - INFO - Param groups = { "layer_49_decay": { "param_names": [ "decode_head.conv_seg.weight" ], "lr_scale": 1.0, "lr": 4e-05, "weight_decay": 0.0 }, "layer_49_no_decay": { "param_names": [ "decode_head.conv_seg.bias", "decode_head.norm.weight", "decode_head.norm.bias" ], "lr_scale": 1.0, "lr": 4e-05, "weight_decay": 0.0 } } 2023-11-09 22:45:41,336 - mmseg - INFO - trainable parameters: 486550 2023-11-09 22:45:41,338 - mmseg - INFO - total parameters: 5906313750 2023-11-09 22:45:41,402 - mmseg - INFO - Loaded 2000 images 2023-11-09 22:45:41,403 - mmseg - INFO - Start running, host: wangwenhai@SH-IDC1-10-140-37-3, work_dir: /mnt/petrelfs/wangwenhai/workspace/ViTDetection/mmsegmentation/work_dirs/segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4 2023-11-09 22:45:41,403 - 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-09 22:45:41,404 - mmseg - INFO - workflow: [('train', 1)], max: 80000 iters 2023-11-09 22:45:41,418 - mmseg - INFO - Checkpoints will be saved to /mnt/petrelfs/wangwenhai/workspace/ViTDetection/mmsegmentation/work_dirs/segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4 by HardDiskBackend. 2023-11-09 22:46:43,841 - mmseg - INFO - Iter [50/80000] lr: 1.306e-06, eta: 6:08:37, time: 0.277, data_time: 0.008, memory: 16310, decode.loss_ce: 4.1691, decode.acc_seg: 0.5966, loss: 4.1691 2023-11-09 22:46:54,336 - mmseg - INFO - Iter [100/80000] lr: 2.637e-06, eta: 5:23:57, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 4.1092, decode.acc_seg: 0.6153, loss: 4.1092 2023-11-09 22:47:04,862 - mmseg - INFO - Iter [150/80000] lr: 3.966e-06, eta: 5:09:13, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 4.1338, decode.acc_seg: 0.8295, loss: 4.1338 2023-11-09 22:47:15,362 - mmseg - INFO - Iter [200/80000] lr: 5.294e-06, eta: 5:01:35, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.9981, decode.acc_seg: 1.0366, loss: 3.9981 2023-11-09 22:47:25,853 - mmseg - INFO - Iter [250/80000] lr: 6.619e-06, eta: 4:56:54, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 4.0193, decode.acc_seg: 1.3105, loss: 4.0193 2023-11-09 22:47:36,342 - mmseg - INFO - Iter [300/80000] lr: 7.944e-06, eta: 4:53:42, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 4.0594, decode.acc_seg: 1.9156, loss: 4.0594 2023-11-09 22:47:46,840 - mmseg - INFO - Iter [350/80000] lr: 9.266e-06, eta: 4:51:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.9848, decode.acc_seg: 2.7591, loss: 3.9848 2023-11-09 22:47:57,321 - mmseg - INFO - Iter [400/80000] lr: 1.059e-05, eta: 4:49:34, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.8823, decode.acc_seg: 4.4437, loss: 3.8823 2023-11-09 22:48:07,812 - mmseg - INFO - Iter [450/80000] lr: 1.191e-05, eta: 4:48:09, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.7729, decode.acc_seg: 7.5169, loss: 3.7729 2023-11-09 22:48:18,315 - mmseg - INFO - Iter [500/80000] lr: 1.322e-05, eta: 4:47:00, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.7825, decode.acc_seg: 11.3119, loss: 3.7825 2023-11-09 22:48:28,794 - mmseg - INFO - Iter [550/80000] lr: 1.454e-05, eta: 4:45:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.6781, decode.acc_seg: 17.1358, loss: 3.6781 2023-11-09 22:48:39,270 - mmseg - INFO - Iter [600/80000] lr: 1.585e-05, eta: 4:45:05, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.5670, decode.acc_seg: 21.9114, loss: 3.5670 2023-11-09 22:48:49,752 - mmseg - INFO - Iter [650/80000] lr: 1.717e-05, eta: 4:44:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 3.5142, decode.acc_seg: 28.1279, loss: 3.5142 2023-11-09 22:49:00,218 - mmseg - INFO - Iter [700/80000] lr: 1.848e-05, eta: 4:43:36, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 3.4392, decode.acc_seg: 32.5072, loss: 3.4392 2023-11-09 22:49:10,687 - mmseg - INFO - Iter [750/80000] lr: 1.979e-05, eta: 4:42:58, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 3.2554, decode.acc_seg: 38.4746, loss: 3.2554 2023-11-09 22:49:21,144 - mmseg - INFO - Iter [800/80000] lr: 2.109e-05, eta: 4:42:22, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 3.1466, decode.acc_seg: 43.1142, loss: 3.1466 2023-11-09 22:49:31,603 - mmseg - INFO - Iter [850/80000] lr: 2.240e-05, eta: 4:41:49, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 3.0426, decode.acc_seg: 45.8660, loss: 3.0426 2023-11-09 22:49:42,055 - mmseg - INFO - Iter [900/80000] lr: 2.370e-05, eta: 4:41:18, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 2.9371, decode.acc_seg: 47.5476, loss: 2.9371 2023-11-09 22:49:52,513 - mmseg - INFO - Iter [950/80000] lr: 2.501e-05, eta: 4:40:50, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 2.7584, decode.acc_seg: 51.4330, loss: 2.7584 2023-11-09 22:50:02,956 - mmseg - INFO - Saving checkpoint at 1000 iterations 2023-11-09 22:50:27,668 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 22:50:27,668 - mmseg - INFO - Iter [1000/80000] lr: 2.631e-05, eta: 5:12:54, time: 0.703, data_time: 0.006, memory: 16310, decode.loss_ce: 2.6260, decode.acc_seg: 52.2636, loss: 2.6260 2023-11-09 22:52:00,611 - mmseg - INFO - per class results: 2023-11-09 22:52:00,616 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 42.6 | 49.62 | | building | 60.41 | 77.82 | | sky | 41.42 | 68.66 | | floor | 45.62 | 59.39 | | tree | 48.53 | 64.82 | | ceiling | 50.66 | 68.23 | | road | 52.11 | 70.94 | | bed | 64.96 | 81.42 | | windowpane | 40.18 | 74.05 | | grass | 40.67 | 53.75 | | cabinet | 39.06 | 57.47 | | sidewalk | 34.07 | 51.52 | | person | 48.08 | 78.58 | | earth | 12.82 | 15.29 | | door | 23.19 | 28.69 | | table | 31.66 | 51.37 | | mountain | 31.96 | 50.25 | | plant | 23.47 | 27.9 | | curtain | 46.73 | 59.29 | | chair | 38.77 | 66.63 | | car | 45.65 | 88.53 | | water | 21.89 | 27.09 | | painting | 28.86 | 87.11 | | sofa | 43.49 | 72.76 | | shelf | 19.98 | 33.3 | | house | 13.41 | 19.34 | | sea | 28.41 | 46.37 | | mirror | 28.38 | 37.31 | | rug | 33.77 | 41.44 | | field | 16.49 | 22.72 | | armchair | 22.39 | 40.05 | | seat | 24.2 | 34.2 | | fence | 16.37 | 24.73 | | desk | 15.36 | 32.9 | | rock | 24.31 | 50.81 | | wardrobe | 24.25 | 32.96 | | lamp | 34.34 | 72.06 | | bathtub | 39.39 | 65.67 | | railing | 17.05 | 25.36 | | cushion | 37.92 | 65.53 | | base | 3.06 | 4.98 | | box | 10.9 | 17.68 | | column | 15.33 | 23.39 | | signboard | 14.72 | 51.83 | | chest of drawers | 18.42 | 28.84 | | counter | 18.71 | 26.73 | | sand | 20.02 | 25.55 | | sink | 43.64 | 74.17 | | skyscraper | 29.31 | 58.28 | | fireplace | 45.68 | 76.37 | | refrigerator | 32.08 | 39.96 | | grandstand | 26.52 | 39.39 | | path | 2.38 | 3.23 | | stairs | 10.2 | 15.52 | | runway | 35.76 | 58.9 | | case | 26.46 | 37.64 | | pool table | 41.64 | 83.17 | | pillow | 25.97 | 33.45 | | screen door | 28.06 | 36.15 | | stairway | 23.24 | 46.71 | | river | 10.42 | 17.63 | | bridge | 16.21 | 29.22 | | bookcase | 10.22 | 26.61 | | blind | 6.41 | 6.79 | | coffee table | 34.16 | 75.74 | | toilet | 46.89 | 84.9 | | flower | 20.02 | 60.41 | | book | 27.34 | 67.53 | | hill | 0.58 | 0.88 | | bench | 24.02 | 33.09 | | countertop | 29.96 | 57.54 | | stove | 47.21 | 65.56 | | palm | 29.52 | 66.2 | | kitchen island | 11.14 | 15.65 | | computer | 33.96 | 52.07 | | swivel chair | 17.17 | 32.69 | | boat | 4.5 | 9.94 | | bar | 8.54 | 10.75 | | arcade machine | 25.46 | 51.04 | | hovel | 3.99 | 5.6 | | bus | 29.04 | 55.39 | | towel | 37.26 | 81.07 | | light | 15.91 | 22.82 | | truck | 0.05 | 0.1 | | tower | 1.35 | 3.52 | | chandelier | 36.27 | 85.95 | | awning | 10.77 | 19.53 | | streetlight | 14.6 | 27.47 | | booth | 4.12 | 7.93 | | television receiver | 33.45 | 65.34 | | airplane | 10.88 | 29.35 | | dirt track | 0.62 | 3.48 | | apparel | 14.22 | 30.06 | | pole | 4.56 | 6.52 | | land | 0.0 | 0.01 | | bannister | 1.49 | 2.78 | | escalator | 31.78 | 51.18 | | ottoman | 2.85 | 3.42 | | bottle | 11.16 | 28.96 | | buffet | 11.32 | 16.2 | | poster | 0.4 | 0.72 | | stage | 2.74 | 4.79 | | van | 12.69 | 28.36 | | ship | 8.44 | 18.33 | | fountain | 0.4 | 0.56 | | conveyer belt | 33.58 | 90.02 | | canopy | 16.57 | 22.04 | | washer | 27.71 | 36.8 | | plaything | 1.82 | 4.2 | | swimming pool | 22.17 | 47.84 | | stool | 12.81 | 25.03 | | barrel | 3.06 | 43.76 | | basket | 15.1 | 31.65 | | waterfall | 26.11 | 70.33 | | tent | 35.04 | 82.94 | | bag | 2.85 | 3.93 | | minibike | 18.32 | 30.81 | | cradle | 34.86 | 85.16 | | oven | 7.83 | 11.76 | | ball | 11.87 | 59.79 | | food | 9.54 | 12.02 | | step | 0.08 | 0.11 | | tank | 13.64 | 17.13 | | trade name | 2.02 | 2.78 | | microwave | 44.49 | 59.21 | | pot | 23.21 | 34.31 | | animal | 15.51 | 27.42 | | bicycle | 34.01 | 63.55 | | lake | 0.38 | 0.48 | | dishwasher | 27.38 | 41.43 | | screen | 14.43 | 22.94 | | blanket | 0.01 | 0.01 | | sculpture | 1.11 | 2.09 | | hood | 24.78 | 40.36 | | sconce | 12.08 | 18.96 | | vase | 14.66 | 39.03 | | traffic light | 13.81 | 40.76 | | tray | 0.96 | 1.69 | | ashcan | 9.49 | 15.02 | | fan | 34.08 | 64.47 | | pier | 7.64 | 21.54 | | crt screen | 0.46 | 0.9 | | plate | 3.76 | 5.28 | | monitor | 0.45 | 0.59 | | bulletin board | 0.77 | 0.93 | | shower | 0.0 | 0.0 | | radiator | 32.18 | 54.42 | | glass | 0.81 | 1.09 | | clock | 11.29 | 19.68 | | flag | 16.37 | 31.73 | +---------------------+-------+-------+ 2023-11-09 22:52:00,616 - mmseg - INFO - Summary: 2023-11-09 22:52:00,617 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 57.37 | 21.12 | 36.72 | +-------+-------+-------+ 2023-11-09 22:52:00,618 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 22:52:00,618 - mmseg - INFO - Iter(val) [250] aAcc: 0.5737, mIoU: 0.2112, mAcc: 0.3672, IoU.wall: 0.4260, IoU.building: 0.6041, IoU.sky: 0.4142, IoU.floor: 0.4562, IoU.tree: 0.4853, IoU.ceiling: 0.5066, IoU.road: 0.5211, IoU.bed : 0.6496, IoU.windowpane: 0.4018, IoU.grass: 0.4067, IoU.cabinet: 0.3906, IoU.sidewalk: 0.3407, IoU.person: 0.4808, IoU.earth: 0.1282, IoU.door: 0.2319, IoU.table: 0.3166, IoU.mountain: 0.3196, IoU.plant: 0.2347, IoU.curtain: 0.4673, IoU.chair: 0.3877, IoU.car: 0.4565, IoU.water: 0.2189, IoU.painting: 0.2886, IoU.sofa: 0.4349, IoU.shelf: 0.1998, IoU.house: 0.1341, IoU.sea: 0.2841, IoU.mirror: 0.2838, IoU.rug: 0.3377, IoU.field: 0.1649, IoU.armchair: 0.2239, IoU.seat: 0.2420, IoU.fence: 0.1637, IoU.desk: 0.1536, IoU.rock: 0.2431, IoU.wardrobe: 0.2425, IoU.lamp: 0.3434, IoU.bathtub: 0.3939, IoU.railing: 0.1705, IoU.cushion: 0.3792, IoU.base: 0.0306, IoU.box: 0.1090, IoU.column: 0.1533, IoU.signboard: 0.1472, IoU.chest of drawers: 0.1842, IoU.counter: 0.1871, IoU.sand: 0.2002, IoU.sink: 0.4364, IoU.skyscraper: 0.2931, IoU.fireplace: 0.4568, IoU.refrigerator: 0.3208, IoU.grandstand: 0.2652, IoU.path: 0.0238, IoU.stairs: 0.1020, IoU.runway: 0.3576, IoU.case: 0.2646, IoU.pool table: 0.4164, IoU.pillow: 0.2597, IoU.screen door: 0.2806, IoU.stairway: 0.2324, IoU.river: 0.1042, IoU.bridge: 0.1621, IoU.bookcase: 0.1022, IoU.blind: 0.0641, IoU.coffee table: 0.3416, IoU.toilet: 0.4689, IoU.flower: 0.2002, IoU.book: 0.2734, IoU.hill: 0.0058, IoU.bench: 0.2402, IoU.countertop: 0.2996, IoU.stove: 0.4721, IoU.palm: 0.2952, IoU.kitchen island: 0.1114, IoU.computer: 0.3396, IoU.swivel chair: 0.1717, IoU.boat: 0.0450, IoU.bar: 0.0854, IoU.arcade machine: 0.2546, IoU.hovel: 0.0399, IoU.bus: 0.2904, IoU.towel: 0.3726, IoU.light: 0.1591, IoU.truck: 0.0005, IoU.tower: 0.0135, IoU.chandelier: 0.3627, IoU.awning: 0.1077, IoU.streetlight: 0.1460, IoU.booth: 0.0412, IoU.television receiver: 0.3345, IoU.airplane: 0.1088, IoU.dirt track: 0.0062, IoU.apparel: 0.1422, IoU.pole: 0.0456, IoU.land: 0.0000, IoU.bannister: 0.0149, IoU.escalator: 0.3178, IoU.ottoman: 0.0285, IoU.bottle: 0.1116, IoU.buffet: 0.1132, IoU.poster: 0.0040, IoU.stage: 0.0274, IoU.van: 0.1269, IoU.ship: 0.0844, IoU.fountain: 0.0040, IoU.conveyer belt: 0.3358, IoU.canopy: 0.1657, IoU.washer: 0.2771, IoU.plaything: 0.0182, IoU.swimming pool: 0.2217, IoU.stool: 0.1281, IoU.barrel: 0.0306, IoU.basket: 0.1510, IoU.waterfall: 0.2611, IoU.tent: 0.3504, IoU.bag: 0.0285, IoU.minibike: 0.1832, IoU.cradle: 0.3486, IoU.oven: 0.0783, IoU.ball: 0.1187, IoU.food: 0.0954, IoU.step: 0.0008, IoU.tank: 0.1364, IoU.trade name: 0.0202, IoU.microwave: 0.4449, IoU.pot: 0.2321, IoU.animal: 0.1551, IoU.bicycle: 0.3401, IoU.lake: 0.0038, IoU.dishwasher: 0.2738, IoU.screen: 0.1443, IoU.blanket: 0.0001, IoU.sculpture: 0.0111, IoU.hood: 0.2478, IoU.sconce: 0.1208, IoU.vase: 0.1466, IoU.traffic light: 0.1381, IoU.tray: 0.0096, IoU.ashcan: 0.0949, IoU.fan: 0.3408, IoU.pier: 0.0764, IoU.crt screen: 0.0046, IoU.plate: 0.0376, IoU.monitor: 0.0045, IoU.bulletin board: 0.0077, IoU.shower: 0.0000, IoU.radiator: 0.3218, IoU.glass: 0.0081, IoU.clock: 0.1129, IoU.flag: 0.1637, Acc.wall: 0.4962, Acc.building: 0.7782, Acc.sky: 0.6866, Acc.floor: 0.5939, Acc.tree: 0.6482, Acc.ceiling: 0.6823, Acc.road: 0.7094, Acc.bed : 0.8142, Acc.windowpane: 0.7405, Acc.grass: 0.5375, Acc.cabinet: 0.5747, Acc.sidewalk: 0.5152, Acc.person: 0.7858, Acc.earth: 0.1529, Acc.door: 0.2869, Acc.table: 0.5137, Acc.mountain: 0.5025, Acc.plant: 0.2790, Acc.curtain: 0.5929, Acc.chair: 0.6663, Acc.car: 0.8853, Acc.water: 0.2709, Acc.painting: 0.8711, Acc.sofa: 0.7276, Acc.shelf: 0.3330, Acc.house: 0.1934, Acc.sea: 0.4637, Acc.mirror: 0.3731, Acc.rug: 0.4144, Acc.field: 0.2272, Acc.armchair: 0.4005, Acc.seat: 0.3420, Acc.fence: 0.2473, Acc.desk: 0.3290, Acc.rock: 0.5081, Acc.wardrobe: 0.3296, Acc.lamp: 0.7206, Acc.bathtub: 0.6567, Acc.railing: 0.2536, Acc.cushion: 0.6553, Acc.base: 0.0498, Acc.box: 0.1768, Acc.column: 0.2339, Acc.signboard: 0.5183, Acc.chest of drawers: 0.2884, Acc.counter: 0.2673, Acc.sand: 0.2555, Acc.sink: 0.7417, Acc.skyscraper: 0.5828, Acc.fireplace: 0.7637, Acc.refrigerator: 0.3996, Acc.grandstand: 0.3939, Acc.path: 0.0323, Acc.stairs: 0.1552, Acc.runway: 0.5890, Acc.case: 0.3764, Acc.pool table: 0.8317, Acc.pillow: 0.3345, Acc.screen door: 0.3615, Acc.stairway: 0.4671, Acc.river: 0.1763, Acc.bridge: 0.2922, Acc.bookcase: 0.2661, Acc.blind: 0.0679, Acc.coffee table: 0.7574, Acc.toilet: 0.8490, Acc.flower: 0.6041, Acc.book: 0.6753, Acc.hill: 0.0088, Acc.bench: 0.3309, Acc.countertop: 0.5754, Acc.stove: 0.6556, Acc.palm: 0.6620, Acc.kitchen island: 0.1565, Acc.computer: 0.5207, Acc.swivel chair: 0.3269, Acc.boat: 0.0994, Acc.bar: 0.1075, Acc.arcade machine: 0.5104, Acc.hovel: 0.0560, Acc.bus: 0.5539, Acc.towel: 0.8107, Acc.light: 0.2282, Acc.truck: 0.0010, Acc.tower: 0.0352, Acc.chandelier: 0.8595, Acc.awning: 0.1953, Acc.streetlight: 0.2747, Acc.booth: 0.0793, Acc.television receiver: 0.6534, Acc.airplane: 0.2935, Acc.dirt track: 0.0348, Acc.apparel: 0.3006, Acc.pole: 0.0652, Acc.land: 0.0001, Acc.bannister: 0.0278, Acc.escalator: 0.5118, Acc.ottoman: 0.0342, Acc.bottle: 0.2896, Acc.buffet: 0.1620, Acc.poster: 0.0072, Acc.stage: 0.0479, Acc.van: 0.2836, Acc.ship: 0.1833, Acc.fountain: 0.0056, Acc.conveyer belt: 0.9002, Acc.canopy: 0.2204, Acc.washer: 0.3680, Acc.plaything: 0.0420, Acc.swimming pool: 0.4784, Acc.stool: 0.2503, Acc.barrel: 0.4376, Acc.basket: 0.3165, Acc.waterfall: 0.7033, Acc.tent: 0.8294, Acc.bag: 0.0393, Acc.minibike: 0.3081, Acc.cradle: 0.8516, Acc.oven: 0.1176, Acc.ball: 0.5979, Acc.food: 0.1202, Acc.step: 0.0011, Acc.tank: 0.1713, Acc.trade name: 0.0278, Acc.microwave: 0.5921, Acc.pot: 0.3431, Acc.animal: 0.2742, Acc.bicycle: 0.6355, Acc.lake: 0.0048, Acc.dishwasher: 0.4143, Acc.screen: 0.2294, Acc.blanket: 0.0001, Acc.sculpture: 0.0209, Acc.hood: 0.4036, Acc.sconce: 0.1896, Acc.vase: 0.3903, Acc.traffic light: 0.4076, Acc.tray: 0.0169, Acc.ashcan: 0.1502, Acc.fan: 0.6447, Acc.pier: 0.2154, Acc.crt screen: 0.0090, Acc.plate: 0.0528, Acc.monitor: 0.0059, Acc.bulletin board: 0.0093, Acc.shower: 0.0000, Acc.radiator: 0.5442, Acc.glass: 0.0109, Acc.clock: 0.1968, Acc.flag: 0.3173 2023-11-09 22:52:11,165 - mmseg - INFO - Iter [1050/80000] lr: 2.761e-05, eta: 7:07:31, time: 2.070, data_time: 1.866, memory: 16310, decode.loss_ce: 2.5843, decode.acc_seg: 54.1893, loss: 2.5843 2023-11-09 22:52:21,664 - mmseg - INFO - Iter [1100/80000] lr: 2.890e-05, eta: 7:00:23, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 2.4639, decode.acc_seg: 54.9015, loss: 2.4639 2023-11-09 22:52:32,133 - mmseg - INFO - Iter [1150/80000] lr: 3.020e-05, eta: 6:53:48, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 2.3397, decode.acc_seg: 56.7713, loss: 2.3397 2023-11-09 22:52:42,619 - mmseg - INFO - Iter [1200/80000] lr: 3.149e-05, eta: 6:47:47, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 2.2836, decode.acc_seg: 56.2659, loss: 2.2836 2023-11-09 22:52:53,090 - mmseg - INFO - Iter [1250/80000] lr: 3.279e-05, eta: 6:42:13, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 2.1377, decode.acc_seg: 57.8474, loss: 2.1377 2023-11-09 22:53:05,834 - mmseg - INFO - Iter [1300/80000] lr: 3.408e-05, eta: 6:39:22, time: 0.255, data_time: 0.050, memory: 16310, decode.loss_ce: 2.0183, decode.acc_seg: 58.8606, loss: 2.0183 2023-11-09 22:53:16,282 - mmseg - INFO - Iter [1350/80000] lr: 3.537e-05, eta: 6:34:28, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.9169, decode.acc_seg: 60.1011, loss: 1.9169 2023-11-09 22:53:26,724 - mmseg - INFO - Iter [1400/80000] lr: 3.665e-05, eta: 6:29:55, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.8971, decode.acc_seg: 59.4759, loss: 1.8971 2023-11-09 22:53:37,197 - mmseg - INFO - Iter [1450/80000] lr: 3.794e-05, eta: 6:25:41, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.7574, decode.acc_seg: 61.6202, loss: 1.7574 2023-11-09 22:53:47,670 - mmseg - INFO - Iter [1500/80000] lr: 3.922e-05, eta: 6:21:43, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.7315, decode.acc_seg: 61.9481, loss: 1.7315 2023-11-09 22:53:58,154 - mmseg - INFO - Iter [1550/80000] lr: 3.923e-05, eta: 6:18:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.5891, decode.acc_seg: 62.1596, loss: 1.5891 2023-11-09 22:54:08,624 - mmseg - INFO - Iter [1600/80000] lr: 3.920e-05, eta: 6:14:31, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.6035, decode.acc_seg: 61.8585, loss: 1.6035 2023-11-09 22:54:19,083 - mmseg - INFO - Iter [1650/80000] lr: 3.918e-05, eta: 6:11:13, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.5763, decode.acc_seg: 61.7593, loss: 1.5763 2023-11-09 22:54:29,545 - mmseg - INFO - Iter [1700/80000] lr: 3.915e-05, eta: 6:08:06, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.5332, decode.acc_seg: 63.0511, loss: 1.5332 2023-11-09 22:54:40,014 - mmseg - INFO - Iter [1750/80000] lr: 3.913e-05, eta: 6:05:09, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.4950, decode.acc_seg: 62.7736, loss: 1.4950 2023-11-09 22:54:50,485 - mmseg - INFO - Iter [1800/80000] lr: 3.910e-05, eta: 6:02:22, time: 0.209, data_time: 0.006, memory: 16310, decode.loss_ce: 1.4754, decode.acc_seg: 63.7189, loss: 1.4754 2023-11-09 22:55:00,962 - mmseg - INFO - Iter [1850/80000] lr: 3.908e-05, eta: 5:59:44, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.3831, decode.acc_seg: 64.3678, loss: 1.3831 2023-11-09 22:55:11,441 - mmseg - INFO - Iter [1900/80000] lr: 3.905e-05, eta: 5:57:13, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.3673, decode.acc_seg: 63.8699, loss: 1.3673 2023-11-09 22:55:21,920 - mmseg - INFO - Iter [1950/80000] lr: 3.903e-05, eta: 5:54:49, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.3248, decode.acc_seg: 64.8795, loss: 1.3248 2023-11-09 22:55:32,401 - mmseg - INFO - Saving checkpoint at 2000 iterations 2023-11-09 22:55:56,155 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 22:55:56,155 - mmseg - INFO - Iter [2000/80000] lr: 3.900e-05, eta: 6:07:59, time: 0.685, data_time: 0.006, memory: 16310, decode.loss_ce: 1.2789, decode.acc_seg: 65.9634, loss: 1.2789 2023-11-09 22:56:41,967 - mmseg - INFO - per class results: 2023-11-09 22:56:41,972 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 56.33 | 75.29 | | building | 67.85 | 85.88 | | sky | 59.93 | 84.17 | | floor | 56.74 | 74.01 | | tree | 55.81 | 73.29 | | ceiling | 59.87 | 75.09 | | road | 63.54 | 76.9 | | bed | 70.37 | 85.93 | | windowpane | 49.09 | 69.45 | | grass | 52.32 | 65.9 | | cabinet | 45.01 | 58.59 | | sidewalk | 43.77 | 58.21 | | person | 56.49 | 90.06 | | earth | 24.24 | 30.58 | | door | 29.85 | 35.94 | | table | 41.82 | 57.98 | | mountain | 40.79 | 55.28 | | plant | 38.56 | 46.86 | | curtain | 50.76 | 58.01 | | chair | 45.37 | 61.86 | | car | 61.99 | 88.67 | | water | 36.18 | 45.81 | | painting | 47.4 | 78.14 | | sofa | 55.07 | 71.97 | | shelf | 25.85 | 39.08 | | house | 25.59 | 37.35 | | sea | 41.76 | 56.76 | | mirror | 34.67 | 40.27 | | rug | 36.67 | 40.5 | | field | 28.15 | 38.41 | | armchair | 31.31 | 43.46 | | seat | 44.44 | 61.68 | | fence | 28.96 | 40.23 | | desk | 29.27 | 48.13 | | rock | 38.87 | 60.77 | | wardrobe | 30.09 | 35.74 | | lamp | 44.45 | 59.42 | | bathtub | 53.07 | 61.79 | | railing | 23.86 | 30.58 | | cushion | 50.26 | 63.46 | | base | 9.28 | 11.22 | | box | 20.22 | 27.84 | | column | 22.96 | 26.18 | | signboard | 22.76 | 44.28 | | chest of drawers | 32.25 | 45.16 | | counter | 23.27 | 28.16 | | sand | 39.66 | 42.2 | | sink | 56.61 | 70.75 | | skyscraper | 35.33 | 48.75 | | fireplace | 54.84 | 72.32 | | refrigerator | 41.35 | 45.21 | | grandstand | 39.36 | 53.26 | | path | 5.9 | 6.52 | | stairs | 19.43 | 22.04 | | runway | 46.51 | 61.38 | | case | 40.05 | 50.54 | | pool table | 63.22 | 84.9 | | pillow | 45.61 | 54.5 | | screen door | 39.7 | 45.28 | | stairway | 34.69 | 42.54 | | river | 14.6 | 17.14 | | bridge | 27.26 | 37.09 | | bookcase | 22.45 | 33.18 | | blind | 10.55 | 10.81 | | coffee table | 45.42 | 69.21 | | toilet | 65.78 | 81.1 | | flower | 35.18 | 56.05 | | book | 38.71 | 58.38 | | hill | 0.52 | 0.53 | | bench | 36.02 | 45.47 | | countertop | 40.26 | 52.18 | | stove | 58.9 | 70.68 | | palm | 40.79 | 56.4 | | kitchen island | 23.98 | 33.34 | | computer | 53.75 | 72.05 | | swivel chair | 30.4 | 44.71 | | boat | 32.97 | 49.33 | | bar | 25.12 | 26.93 | | arcade machine | 44.67 | 56.69 | | hovel | 9.6 | 11.95 | | bus | 49.72 | 59.41 | | towel | 55.08 | 71.76 | | light | 17.54 | 19.48 | | truck | 17.75 | 26.89 | | tower | 1.14 | 1.34 | | chandelier | 51.38 | 72.81 | | awning | 16.32 | 19.46 | | streetlight | 16.89 | 23.86 | | booth | 14.75 | 19.9 | | television receiver | 52.28 | 61.66 | | airplane | 30.33 | 63.8 | | dirt track | 8.26 | 8.71 | | apparel | 30.83 | 53.96 | | pole | 7.46 | 8.54 | | land | 0.03 | 0.03 | | bannister | 6.58 | 8.68 | | escalator | 39.9 | 48.25 | | ottoman | 29.69 | 39.08 | | bottle | 26.58 | 38.24 | | buffet | 17.74 | 19.08 | | poster | 0.34 | 0.4 | | stage | 10.31 | 15.58 | | van | 14.92 | 19.08 | | ship | 10.89 | 11.96 | | fountain | 6.72 | 7.0 | | conveyer belt | 58.24 | 87.61 | | canopy | 27.04 | 32.3 | | washer | 58.8 | 63.95 | | plaything | 17.92 | 55.53 | | swimming pool | 40.86 | 50.17 | | stool | 22.27 | 26.97 | | barrel | 25.29 | 53.62 | | basket | 27.42 | 38.86 | | waterfall | 43.93 | 54.99 | | tent | 58.26 | 89.9 | | bag | 6.63 | 7.12 | | minibike | 42.67 | 61.32 | | cradle | 57.01 | 83.12 | | oven | 31.7 | 35.04 | | ball | 40.08 | 64.61 | | food | 29.05 | 33.81 | | step | 0.0 | 0.0 | | tank | 32.59 | 39.32 | | trade name | 12.0 | 14.96 | | microwave | 61.54 | 69.52 | | pot | 28.78 | 32.45 | | animal | 37.77 | 51.98 | | bicycle | 48.64 | 82.18 | | lake | 0.0 | 0.0 | | dishwasher | 33.49 | 34.85 | | screen | 29.97 | 36.92 | | blanket | 1.12 | 1.14 | | sculpture | 28.05 | 46.83 | | hood | 39.92 | 42.46 | | sconce | 11.77 | 13.25 | | vase | 28.92 | 40.2 | | traffic light | 20.54 | 29.08 | | tray | 4.08 | 4.61 | | ashcan | 28.48 | 40.08 | | fan | 35.04 | 43.03 | | pier | 25.75 | 40.9 | | crt screen | 1.1 | 1.47 | | plate | 24.66 | 29.03 | | monitor | 4.29 | 4.57 | | bulletin board | 15.16 | 16.9 | | shower | 0.0 | 0.0 | | radiator | 47.5 | 54.74 | | glass | 6.59 | 6.9 | | clock | 17.62 | 21.02 | | flag | 28.64 | 41.04 | +---------------------+-------+-------+ 2023-11-09 22:56:41,973 - mmseg - INFO - Summary: 2023-11-09 22:56:41,973 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 68.69 | 32.67 | 43.5 | +-------+-------+------+ 2023-11-09 22:56:41,974 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 22:56:41,974 - mmseg - INFO - Iter(val) [250] aAcc: 0.6869, mIoU: 0.3267, mAcc: 0.4350, IoU.wall: 0.5633, IoU.building: 0.6785, IoU.sky: 0.5993, IoU.floor: 0.5674, IoU.tree: 0.5581, IoU.ceiling: 0.5987, IoU.road: 0.6354, IoU.bed : 0.7037, IoU.windowpane: 0.4909, IoU.grass: 0.5232, IoU.cabinet: 0.4501, IoU.sidewalk: 0.4377, IoU.person: 0.5649, IoU.earth: 0.2424, IoU.door: 0.2985, IoU.table: 0.4182, IoU.mountain: 0.4079, IoU.plant: 0.3856, IoU.curtain: 0.5076, IoU.chair: 0.4537, IoU.car: 0.6199, IoU.water: 0.3618, IoU.painting: 0.4740, IoU.sofa: 0.5507, IoU.shelf: 0.2585, IoU.house: 0.2559, IoU.sea: 0.4176, IoU.mirror: 0.3467, IoU.rug: 0.3667, IoU.field: 0.2815, IoU.armchair: 0.3131, IoU.seat: 0.4444, IoU.fence: 0.2896, IoU.desk: 0.2927, IoU.rock: 0.3887, IoU.wardrobe: 0.3009, IoU.lamp: 0.4445, IoU.bathtub: 0.5307, IoU.railing: 0.2386, IoU.cushion: 0.5026, IoU.base: 0.0928, IoU.box: 0.2022, IoU.column: 0.2296, IoU.signboard: 0.2276, IoU.chest of drawers: 0.3225, IoU.counter: 0.2327, IoU.sand: 0.3966, IoU.sink: 0.5661, IoU.skyscraper: 0.3533, IoU.fireplace: 0.5484, IoU.refrigerator: 0.4135, IoU.grandstand: 0.3936, IoU.path: 0.0590, IoU.stairs: 0.1943, IoU.runway: 0.4651, IoU.case: 0.4005, IoU.pool table: 0.6322, IoU.pillow: 0.4561, IoU.screen door: 0.3970, IoU.stairway: 0.3469, IoU.river: 0.1460, IoU.bridge: 0.2726, IoU.bookcase: 0.2245, IoU.blind: 0.1055, IoU.coffee table: 0.4542, IoU.toilet: 0.6578, IoU.flower: 0.3518, IoU.book: 0.3871, IoU.hill: 0.0052, IoU.bench: 0.3602, IoU.countertop: 0.4026, IoU.stove: 0.5890, IoU.palm: 0.4079, IoU.kitchen island: 0.2398, IoU.computer: 0.5375, IoU.swivel chair: 0.3040, IoU.boat: 0.3297, IoU.bar: 0.2512, IoU.arcade machine: 0.4467, IoU.hovel: 0.0960, IoU.bus: 0.4972, IoU.towel: 0.5508, IoU.light: 0.1754, IoU.truck: 0.1775, IoU.tower: 0.0114, IoU.chandelier: 0.5138, IoU.awning: 0.1632, IoU.streetlight: 0.1689, IoU.booth: 0.1475, IoU.television receiver: 0.5228, IoU.airplane: 0.3033, IoU.dirt track: 0.0826, IoU.apparel: 0.3083, IoU.pole: 0.0746, IoU.land: 0.0003, IoU.bannister: 0.0658, IoU.escalator: 0.3990, IoU.ottoman: 0.2969, IoU.bottle: 0.2658, IoU.buffet: 0.1774, IoU.poster: 0.0034, IoU.stage: 0.1031, IoU.van: 0.1492, IoU.ship: 0.1089, IoU.fountain: 0.0672, IoU.conveyer belt: 0.5824, IoU.canopy: 0.2704, IoU.washer: 0.5880, IoU.plaything: 0.1792, IoU.swimming pool: 0.4086, IoU.stool: 0.2227, IoU.barrel: 0.2529, IoU.basket: 0.2742, IoU.waterfall: 0.4393, IoU.tent: 0.5826, IoU.bag: 0.0663, IoU.minibike: 0.4267, IoU.cradle: 0.5701, IoU.oven: 0.3170, IoU.ball: 0.4008, IoU.food: 0.2905, IoU.step: 0.0000, IoU.tank: 0.3259, IoU.trade name: 0.1200, IoU.microwave: 0.6154, IoU.pot: 0.2878, IoU.animal: 0.3777, IoU.bicycle: 0.4864, IoU.lake: 0.0000, IoU.dishwasher: 0.3349, IoU.screen: 0.2997, IoU.blanket: 0.0112, IoU.sculpture: 0.2805, IoU.hood: 0.3992, IoU.sconce: 0.1177, IoU.vase: 0.2892, IoU.traffic light: 0.2054, IoU.tray: 0.0408, IoU.ashcan: 0.2848, IoU.fan: 0.3504, IoU.pier: 0.2575, IoU.crt screen: 0.0110, IoU.plate: 0.2466, IoU.monitor: 0.0429, IoU.bulletin board: 0.1516, IoU.shower: 0.0000, IoU.radiator: 0.4750, IoU.glass: 0.0659, IoU.clock: 0.1762, IoU.flag: 0.2864, Acc.wall: 0.7529, Acc.building: 0.8588, Acc.sky: 0.8417, Acc.floor: 0.7401, Acc.tree: 0.7329, Acc.ceiling: 0.7509, Acc.road: 0.7690, Acc.bed : 0.8593, Acc.windowpane: 0.6945, Acc.grass: 0.6590, Acc.cabinet: 0.5859, Acc.sidewalk: 0.5821, Acc.person: 0.9006, Acc.earth: 0.3058, Acc.door: 0.3594, Acc.table: 0.5798, Acc.mountain: 0.5528, Acc.plant: 0.4686, Acc.curtain: 0.5801, Acc.chair: 0.6186, Acc.car: 0.8867, Acc.water: 0.4581, Acc.painting: 0.7814, Acc.sofa: 0.7197, Acc.shelf: 0.3908, Acc.house: 0.3735, Acc.sea: 0.5676, Acc.mirror: 0.4027, Acc.rug: 0.4050, Acc.field: 0.3841, Acc.armchair: 0.4346, Acc.seat: 0.6168, Acc.fence: 0.4023, Acc.desk: 0.4813, Acc.rock: 0.6077, Acc.wardrobe: 0.3574, Acc.lamp: 0.5942, Acc.bathtub: 0.6179, Acc.railing: 0.3058, Acc.cushion: 0.6346, Acc.base: 0.1122, Acc.box: 0.2784, Acc.column: 0.2618, Acc.signboard: 0.4428, Acc.chest of drawers: 0.4516, Acc.counter: 0.2816, Acc.sand: 0.4220, Acc.sink: 0.7075, Acc.skyscraper: 0.4875, Acc.fireplace: 0.7232, Acc.refrigerator: 0.4521, Acc.grandstand: 0.5326, Acc.path: 0.0652, Acc.stairs: 0.2204, Acc.runway: 0.6138, Acc.case: 0.5054, Acc.pool table: 0.8490, Acc.pillow: 0.5450, Acc.screen door: 0.4528, Acc.stairway: 0.4254, Acc.river: 0.1714, Acc.bridge: 0.3709, Acc.bookcase: 0.3318, Acc.blind: 0.1081, Acc.coffee table: 0.6921, Acc.toilet: 0.8110, Acc.flower: 0.5605, Acc.book: 0.5838, Acc.hill: 0.0053, Acc.bench: 0.4547, Acc.countertop: 0.5218, Acc.stove: 0.7068, Acc.palm: 0.5640, Acc.kitchen island: 0.3334, Acc.computer: 0.7205, Acc.swivel chair: 0.4471, Acc.boat: 0.4933, Acc.bar: 0.2693, Acc.arcade machine: 0.5669, Acc.hovel: 0.1195, Acc.bus: 0.5941, Acc.towel: 0.7176, Acc.light: 0.1948, Acc.truck: 0.2689, Acc.tower: 0.0134, Acc.chandelier: 0.7281, Acc.awning: 0.1946, Acc.streetlight: 0.2386, Acc.booth: 0.1990, Acc.television receiver: 0.6166, Acc.airplane: 0.6380, Acc.dirt track: 0.0871, Acc.apparel: 0.5396, Acc.pole: 0.0854, Acc.land: 0.0003, Acc.bannister: 0.0868, Acc.escalator: 0.4825, Acc.ottoman: 0.3908, Acc.bottle: 0.3824, Acc.buffet: 0.1908, Acc.poster: 0.0040, Acc.stage: 0.1558, Acc.van: 0.1908, Acc.ship: 0.1196, Acc.fountain: 0.0700, Acc.conveyer belt: 0.8761, Acc.canopy: 0.3230, Acc.washer: 0.6395, Acc.plaything: 0.5553, Acc.swimming pool: 0.5017, Acc.stool: 0.2697, Acc.barrel: 0.5362, Acc.basket: 0.3886, Acc.waterfall: 0.5499, Acc.tent: 0.8990, Acc.bag: 0.0712, Acc.minibike: 0.6132, Acc.cradle: 0.8312, Acc.oven: 0.3504, Acc.ball: 0.6461, Acc.food: 0.3381, Acc.step: 0.0000, Acc.tank: 0.3932, Acc.trade name: 0.1496, Acc.microwave: 0.6952, Acc.pot: 0.3245, Acc.animal: 0.5198, Acc.bicycle: 0.8218, Acc.lake: 0.0000, Acc.dishwasher: 0.3485, Acc.screen: 0.3692, Acc.blanket: 0.0114, Acc.sculpture: 0.4683, Acc.hood: 0.4246, Acc.sconce: 0.1325, Acc.vase: 0.4020, Acc.traffic light: 0.2908, Acc.tray: 0.0461, Acc.ashcan: 0.4008, Acc.fan: 0.4303, Acc.pier: 0.4090, Acc.crt screen: 0.0147, Acc.plate: 0.2903, Acc.monitor: 0.0457, Acc.bulletin board: 0.1690, Acc.shower: 0.0000, Acc.radiator: 0.5474, Acc.glass: 0.0690, Acc.clock: 0.2102, Acc.flag: 0.4104 2023-11-09 22:56:52,558 - mmseg - INFO - Iter [2050/80000] lr: 3.898e-05, eta: 6:34:31, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 1.3201, decode.acc_seg: 63.6824, loss: 1.3201 2023-11-09 22:57:03,157 - mmseg - INFO - Iter [2100/80000] lr: 3.895e-05, eta: 6:31:26, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 1.2846, decode.acc_seg: 65.1967, loss: 1.2846 2023-11-09 22:57:13,672 - mmseg - INFO - Iter [2150/80000] lr: 3.893e-05, eta: 6:28:26, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 1.2293, decode.acc_seg: 65.8350, loss: 1.2293 2023-11-09 22:57:24,173 - mmseg - INFO - Iter [2200/80000] lr: 3.890e-05, eta: 6:25:33, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1640, decode.acc_seg: 65.7677, loss: 1.1640 2023-11-09 22:57:34,669 - mmseg - INFO - Iter [2250/80000] lr: 3.888e-05, eta: 6:22:47, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1744, decode.acc_seg: 67.0054, loss: 1.1744 2023-11-09 22:57:45,164 - mmseg - INFO - Iter [2300/80000] lr: 3.885e-05, eta: 6:20:08, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1552, decode.acc_seg: 67.2894, loss: 1.1552 2023-11-09 22:57:55,644 - mmseg - INFO - Iter [2350/80000] lr: 3.883e-05, eta: 6:17:34, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1932, decode.acc_seg: 65.8442, loss: 1.1932 2023-11-09 22:58:06,141 - mmseg - INFO - Iter [2400/80000] lr: 3.880e-05, eta: 6:15:08, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1601, decode.acc_seg: 66.2651, loss: 1.1601 2023-11-09 22:58:16,629 - mmseg - INFO - Iter [2450/80000] lr: 3.878e-05, eta: 6:12:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1360, decode.acc_seg: 67.0414, loss: 1.1360 2023-11-09 22:58:27,114 - mmseg - INFO - Iter [2500/80000] lr: 3.875e-05, eta: 6:10:29, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.1393, decode.acc_seg: 66.6584, loss: 1.1393 2023-11-09 22:58:39,867 - mmseg - INFO - Iter [2550/80000] lr: 3.873e-05, eta: 6:09:27, time: 0.255, data_time: 0.050, memory: 16310, decode.loss_ce: 1.0812, decode.acc_seg: 67.4695, loss: 1.0812 2023-11-09 22:58:50,355 - mmseg - INFO - Iter [2600/80000] lr: 3.870e-05, eta: 6:07:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0577, decode.acc_seg: 67.9253, loss: 1.0577 2023-11-09 22:59:00,846 - mmseg - INFO - Iter [2650/80000] lr: 3.868e-05, eta: 6:05:15, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0450, decode.acc_seg: 69.2861, loss: 1.0450 2023-11-09 22:59:11,338 - mmseg - INFO - Iter [2700/80000] lr: 3.865e-05, eta: 6:03:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0659, decode.acc_seg: 67.6075, loss: 1.0659 2023-11-09 22:59:21,852 - mmseg - INFO - Iter [2750/80000] lr: 3.863e-05, eta: 6:01:21, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0568, decode.acc_seg: 68.0536, loss: 1.0568 2023-11-09 22:59:32,346 - mmseg - INFO - Iter [2800/80000] lr: 3.860e-05, eta: 5:59:29, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0574, decode.acc_seg: 67.7179, loss: 1.0574 2023-11-09 22:59:42,828 - mmseg - INFO - Iter [2850/80000] lr: 3.858e-05, eta: 5:57:41, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9911, decode.acc_seg: 69.5504, loss: 0.9911 2023-11-09 22:59:53,478 - mmseg - INFO - Iter [2900/80000] lr: 3.855e-05, eta: 5:56:00, time: 0.213, data_time: 0.008, memory: 16310, decode.loss_ce: 1.0123, decode.acc_seg: 68.4912, loss: 1.0123 2023-11-09 23:00:03,973 - mmseg - INFO - Iter [2950/80000] lr: 3.853e-05, eta: 5:54:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0519, decode.acc_seg: 67.8349, loss: 1.0519 2023-11-09 23:00:14,456 - mmseg - INFO - Saving checkpoint at 3000 iterations 2023-11-09 23:00:41,552 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:00:41,552 - mmseg - INFO - Iter [3000/80000] lr: 3.850e-05, eta: 6:04:15, time: 0.752, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0132, decode.acc_seg: 68.7650, loss: 1.0132 2023-11-09 23:01:27,462 - mmseg - INFO - per class results: 2023-11-09 23:01:27,468 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 59.63 | 80.94 | | building | 70.85 | 89.89 | | sky | 70.65 | 88.72 | | floor | 61.32 | 79.15 | | tree | 59.25 | 75.79 | | ceiling | 64.63 | 77.18 | | road | 67.52 | 81.86 | | bed | 73.1 | 88.85 | | windowpane | 51.78 | 69.4 | | grass | 56.22 | 69.9 | | cabinet | 47.61 | 60.13 | | sidewalk | 46.7 | 60.68 | | person | 62.94 | 88.66 | | earth | 27.58 | 36.18 | | door | 32.39 | 39.41 | | table | 44.95 | 59.55 | | mountain | 46.56 | 60.75 | | plant | 40.38 | 48.23 | | curtain | 54.39 | 62.61 | | chair | 46.59 | 59.08 | | car | 67.37 | 88.35 | | water | 39.81 | 50.9 | | painting | 54.25 | 76.78 | | sofa | 57.83 | 71.49 | | shelf | 29.33 | 41.85 | | house | 28.12 | 38.42 | | sea | 43.89 | 58.17 | | mirror | 39.73 | 45.67 | | rug | 36.35 | 39.44 | | field | 28.49 | 39.45 | | armchair | 35.5 | 49.25 | | seat | 48.89 | 65.23 | | fence | 30.39 | 39.87 | | desk | 33.56 | 52.56 | | rock | 42.27 | 54.85 | | wardrobe | 35.27 | 44.15 | | lamp | 45.92 | 56.09 | | bathtub | 57.82 | 66.13 | | railing | 24.71 | 29.86 | | cushion | 51.15 | 62.12 | | base | 15.62 | 19.41 | | box | 22.05 | 28.21 | | column | 24.82 | 28.0 | | signboard | 24.31 | 38.52 | | chest of drawers | 34.42 | 44.94 | | counter | 24.0 | 29.37 | | sand | 38.21 | 42.02 | | sink | 58.69 | 67.77 | | skyscraper | 38.8 | 52.54 | | fireplace | 56.58 | 70.23 | | refrigerator | 44.92 | 50.1 | | grandstand | 41.16 | 56.26 | | path | 8.75 | 9.97 | | stairs | 19.95 | 21.88 | | runway | 46.47 | 57.1 | | case | 42.63 | 51.84 | | pool table | 70.86 | 84.16 | | pillow | 44.7 | 52.03 | | screen door | 36.52 | 40.12 | | stairway | 37.42 | 44.85 | | river | 15.52 | 19.1 | | bridge | 31.64 | 40.76 | | bookcase | 25.41 | 35.76 | | blind | 16.53 | 17.34 | | coffee table | 48.04 | 66.59 | | toilet | 68.37 | 79.05 | | flower | 35.58 | 52.03 | | book | 41.85 | 60.3 | | hill | 4.08 | 5.46 | | bench | 36.39 | 42.54 | | countertop | 43.11 | 57.18 | | stove | 60.24 | 69.71 | | palm | 41.47 | 56.88 | | kitchen island | 26.36 | 36.42 | | computer | 56.39 | 69.83 | | swivel chair | 34.43 | 47.94 | | boat | 39.03 | 56.44 | | bar | 28.55 | 30.53 | | arcade machine | 44.66 | 49.02 | | hovel | 10.58 | 12.46 | | bus | 56.31 | 65.62 | | towel | 56.49 | 69.19 | | light | 20.45 | 23.0 | | truck | 22.1 | 32.54 | | tower | 2.6 | 3.34 | | chandelier | 54.64 | 73.74 | | awning | 19.38 | 23.21 | | streetlight | 15.96 | 19.76 | | booth | 16.33 | 23.84 | | television receiver | 53.49 | 60.61 | | airplane | 37.4 | 62.89 | | dirt track | 12.89 | 12.98 | | apparel | 35.6 | 55.43 | | pole | 6.61 | 7.2 | | land | 0.73 | 0.74 | | bannister | 7.77 | 10.46 | | escalator | 39.34 | 47.33 | | ottoman | 31.5 | 38.59 | | bottle | 28.92 | 38.15 | | buffet | 22.01 | 23.64 | | poster | 0.72 | 0.83 | | stage | 11.29 | 17.13 | | van | 19.1 | 24.82 | | ship | 16.32 | 18.47 | | fountain | 10.65 | 11.12 | | conveyer belt | 63.65 | 84.88 | | canopy | 27.13 | 31.18 | | washer | 60.58 | 65.56 | | plaything | 23.18 | 49.44 | | swimming pool | 45.04 | 55.86 | | stool | 25.83 | 30.99 | | barrel | 29.72 | 49.96 | | basket | 29.47 | 36.66 | | waterfall | 43.04 | 55.65 | | tent | 64.82 | 89.29 | | bag | 10.59 | 11.77 | | minibike | 49.17 | 64.59 | | cradle | 61.47 | 88.78 | | oven | 35.28 | 39.93 | | ball | 48.86 | 65.61 | | food | 45.25 | 57.34 | | step | 0.09 | 0.09 | | tank | 36.24 | 42.27 | | trade name | 10.1 | 11.67 | | microwave | 59.79 | 65.0 | | pot | 27.9 | 30.75 | | animal | 44.16 | 58.01 | | bicycle | 53.13 | 72.79 | | lake | 0.01 | 0.01 | | dishwasher | 37.86 | 40.88 | | screen | 30.74 | 36.19 | | blanket | 8.36 | 9.33 | | sculpture | 34.32 | 45.79 | | hood | 38.73 | 40.9 | | sconce | 20.21 | 24.05 | | vase | 29.76 | 40.07 | | traffic light | 25.01 | 37.86 | | tray | 4.31 | 4.65 | | ashcan | 29.91 | 39.61 | | fan | 40.52 | 51.66 | | pier | 26.48 | 42.03 | | crt screen | 2.47 | 3.39 | | plate | 33.98 | 40.73 | | monitor | 3.45 | 3.59 | | bulletin board | 18.39 | 20.03 | | shower | 0.14 | 0.3 | | radiator | 50.37 | 57.54 | | glass | 11.3 | 12.01 | | clock | 18.96 | 22.03 | | flag | 31.11 | 39.45 | +---------------------+-------+-------+ 2023-11-09 23:01:27,468 - mmseg - INFO - Summary: 2023-11-09 23:01:27,468 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 72.08 | 35.63 | 45.18 | +-------+-------+-------+ 2023-11-09 23:01:27,469 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:01:27,469 - mmseg - INFO - Iter(val) [250] aAcc: 0.7208, mIoU: 0.3563, mAcc: 0.4518, IoU.wall: 0.5963, IoU.building: 0.7085, IoU.sky: 0.7065, IoU.floor: 0.6132, IoU.tree: 0.5925, IoU.ceiling: 0.6463, IoU.road: 0.6752, IoU.bed : 0.7310, IoU.windowpane: 0.5178, IoU.grass: 0.5622, IoU.cabinet: 0.4761, IoU.sidewalk: 0.4670, IoU.person: 0.6294, IoU.earth: 0.2758, IoU.door: 0.3239, IoU.table: 0.4495, IoU.mountain: 0.4656, IoU.plant: 0.4038, IoU.curtain: 0.5439, IoU.chair: 0.4659, IoU.car: 0.6737, IoU.water: 0.3981, IoU.painting: 0.5425, IoU.sofa: 0.5783, IoU.shelf: 0.2933, IoU.house: 0.2812, IoU.sea: 0.4389, IoU.mirror: 0.3973, IoU.rug: 0.3635, IoU.field: 0.2849, IoU.armchair: 0.3550, IoU.seat: 0.4889, IoU.fence: 0.3039, IoU.desk: 0.3356, IoU.rock: 0.4227, IoU.wardrobe: 0.3527, IoU.lamp: 0.4592, IoU.bathtub: 0.5782, IoU.railing: 0.2471, IoU.cushion: 0.5115, IoU.base: 0.1562, IoU.box: 0.2205, IoU.column: 0.2482, IoU.signboard: 0.2431, IoU.chest of drawers: 0.3442, IoU.counter: 0.2400, IoU.sand: 0.3821, IoU.sink: 0.5869, IoU.skyscraper: 0.3880, IoU.fireplace: 0.5658, IoU.refrigerator: 0.4492, IoU.grandstand: 0.4116, IoU.path: 0.0875, IoU.stairs: 0.1995, IoU.runway: 0.4647, IoU.case: 0.4263, IoU.pool table: 0.7086, IoU.pillow: 0.4470, IoU.screen door: 0.3652, IoU.stairway: 0.3742, IoU.river: 0.1552, IoU.bridge: 0.3164, IoU.bookcase: 0.2541, IoU.blind: 0.1653, IoU.coffee table: 0.4804, IoU.toilet: 0.6837, IoU.flower: 0.3558, IoU.book: 0.4185, IoU.hill: 0.0408, IoU.bench: 0.3639, IoU.countertop: 0.4311, IoU.stove: 0.6024, IoU.palm: 0.4147, IoU.kitchen island: 0.2636, IoU.computer: 0.5639, IoU.swivel chair: 0.3443, IoU.boat: 0.3903, IoU.bar: 0.2855, IoU.arcade machine: 0.4466, IoU.hovel: 0.1058, IoU.bus: 0.5631, IoU.towel: 0.5649, IoU.light: 0.2045, IoU.truck: 0.2210, IoU.tower: 0.0260, IoU.chandelier: 0.5464, IoU.awning: 0.1938, IoU.streetlight: 0.1596, IoU.booth: 0.1633, IoU.television receiver: 0.5349, IoU.airplane: 0.3740, IoU.dirt track: 0.1289, IoU.apparel: 0.3560, IoU.pole: 0.0661, IoU.land: 0.0073, IoU.bannister: 0.0777, IoU.escalator: 0.3934, IoU.ottoman: 0.3150, IoU.bottle: 0.2892, IoU.buffet: 0.2201, IoU.poster: 0.0072, IoU.stage: 0.1129, IoU.van: 0.1910, IoU.ship: 0.1632, IoU.fountain: 0.1065, IoU.conveyer belt: 0.6365, IoU.canopy: 0.2713, IoU.washer: 0.6058, IoU.plaything: 0.2318, IoU.swimming pool: 0.4504, IoU.stool: 0.2583, IoU.barrel: 0.2972, IoU.basket: 0.2947, IoU.waterfall: 0.4304, IoU.tent: 0.6482, IoU.bag: 0.1059, IoU.minibike: 0.4917, IoU.cradle: 0.6147, IoU.oven: 0.3528, IoU.ball: 0.4886, IoU.food: 0.4525, IoU.step: 0.0009, IoU.tank: 0.3624, IoU.trade name: 0.1010, IoU.microwave: 0.5979, IoU.pot: 0.2790, IoU.animal: 0.4416, IoU.bicycle: 0.5313, IoU.lake: 0.0001, IoU.dishwasher: 0.3786, IoU.screen: 0.3074, IoU.blanket: 0.0836, IoU.sculpture: 0.3432, IoU.hood: 0.3873, IoU.sconce: 0.2021, IoU.vase: 0.2976, IoU.traffic light: 0.2501, IoU.tray: 0.0431, IoU.ashcan: 0.2991, IoU.fan: 0.4052, IoU.pier: 0.2648, IoU.crt screen: 0.0247, IoU.plate: 0.3398, IoU.monitor: 0.0345, IoU.bulletin board: 0.1839, IoU.shower: 0.0014, IoU.radiator: 0.5037, IoU.glass: 0.1130, IoU.clock: 0.1896, IoU.flag: 0.3111, Acc.wall: 0.8094, Acc.building: 0.8989, Acc.sky: 0.8872, Acc.floor: 0.7915, Acc.tree: 0.7579, Acc.ceiling: 0.7718, Acc.road: 0.8186, Acc.bed : 0.8885, Acc.windowpane: 0.6940, Acc.grass: 0.6990, Acc.cabinet: 0.6013, Acc.sidewalk: 0.6068, Acc.person: 0.8866, Acc.earth: 0.3618, Acc.door: 0.3941, Acc.table: 0.5955, Acc.mountain: 0.6075, Acc.plant: 0.4823, Acc.curtain: 0.6261, Acc.chair: 0.5908, Acc.car: 0.8835, Acc.water: 0.5090, Acc.painting: 0.7678, Acc.sofa: 0.7149, Acc.shelf: 0.4185, Acc.house: 0.3842, Acc.sea: 0.5817, Acc.mirror: 0.4567, Acc.rug: 0.3944, Acc.field: 0.3945, Acc.armchair: 0.4925, Acc.seat: 0.6523, Acc.fence: 0.3987, Acc.desk: 0.5256, Acc.rock: 0.5485, Acc.wardrobe: 0.4415, Acc.lamp: 0.5609, Acc.bathtub: 0.6613, Acc.railing: 0.2986, Acc.cushion: 0.6212, Acc.base: 0.1941, Acc.box: 0.2821, Acc.column: 0.2800, Acc.signboard: 0.3852, Acc.chest of drawers: 0.4494, Acc.counter: 0.2937, Acc.sand: 0.4202, Acc.sink: 0.6777, Acc.skyscraper: 0.5254, Acc.fireplace: 0.7023, Acc.refrigerator: 0.5010, Acc.grandstand: 0.5626, Acc.path: 0.0997, Acc.stairs: 0.2188, Acc.runway: 0.5710, Acc.case: 0.5184, Acc.pool table: 0.8416, Acc.pillow: 0.5203, Acc.screen door: 0.4012, Acc.stairway: 0.4485, Acc.river: 0.1910, Acc.bridge: 0.4076, Acc.bookcase: 0.3576, Acc.blind: 0.1734, Acc.coffee table: 0.6659, Acc.toilet: 0.7905, Acc.flower: 0.5203, Acc.book: 0.6030, Acc.hill: 0.0546, Acc.bench: 0.4254, Acc.countertop: 0.5718, Acc.stove: 0.6971, Acc.palm: 0.5688, Acc.kitchen island: 0.3642, Acc.computer: 0.6983, Acc.swivel chair: 0.4794, Acc.boat: 0.5644, Acc.bar: 0.3053, Acc.arcade machine: 0.4902, Acc.hovel: 0.1246, Acc.bus: 0.6562, Acc.towel: 0.6919, Acc.light: 0.2300, Acc.truck: 0.3254, Acc.tower: 0.0334, Acc.chandelier: 0.7374, Acc.awning: 0.2321, Acc.streetlight: 0.1976, Acc.booth: 0.2384, Acc.television receiver: 0.6061, Acc.airplane: 0.6289, Acc.dirt track: 0.1298, Acc.apparel: 0.5543, Acc.pole: 0.0720, Acc.land: 0.0074, Acc.bannister: 0.1046, Acc.escalator: 0.4733, Acc.ottoman: 0.3859, Acc.bottle: 0.3815, Acc.buffet: 0.2364, Acc.poster: 0.0083, Acc.stage: 0.1713, Acc.van: 0.2482, Acc.ship: 0.1847, Acc.fountain: 0.1112, Acc.conveyer belt: 0.8488, Acc.canopy: 0.3118, Acc.washer: 0.6556, Acc.plaything: 0.4944, Acc.swimming pool: 0.5586, Acc.stool: 0.3099, Acc.barrel: 0.4996, Acc.basket: 0.3666, Acc.waterfall: 0.5565, Acc.tent: 0.8929, Acc.bag: 0.1177, Acc.minibike: 0.6459, Acc.cradle: 0.8878, Acc.oven: 0.3993, Acc.ball: 0.6561, Acc.food: 0.5734, Acc.step: 0.0009, Acc.tank: 0.4227, Acc.trade name: 0.1167, Acc.microwave: 0.6500, Acc.pot: 0.3075, Acc.animal: 0.5801, Acc.bicycle: 0.7279, Acc.lake: 0.0001, Acc.dishwasher: 0.4088, Acc.screen: 0.3619, Acc.blanket: 0.0933, Acc.sculpture: 0.4579, Acc.hood: 0.4090, Acc.sconce: 0.2405, Acc.vase: 0.4007, Acc.traffic light: 0.3786, Acc.tray: 0.0465, Acc.ashcan: 0.3961, Acc.fan: 0.5166, Acc.pier: 0.4203, Acc.crt screen: 0.0339, Acc.plate: 0.4073, Acc.monitor: 0.0359, Acc.bulletin board: 0.2003, Acc.shower: 0.0030, Acc.radiator: 0.5754, Acc.glass: 0.1201, Acc.clock: 0.2203, Acc.flag: 0.3945 2023-11-09 23:01:38,067 - mmseg - INFO - Iter [3050/80000] lr: 3.848e-05, eta: 6:21:49, time: 1.130, data_time: 0.925, memory: 16310, decode.loss_ce: 0.9998, decode.acc_seg: 69.0632, loss: 0.9998 2023-11-09 23:01:48,615 - mmseg - INFO - Iter [3100/80000] lr: 3.845e-05, eta: 6:19:47, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9761, decode.acc_seg: 69.4972, loss: 0.9761 2023-11-09 23:01:59,151 - mmseg - INFO - Iter [3150/80000] lr: 3.843e-05, eta: 6:17:47, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 1.0319, decode.acc_seg: 68.1457, loss: 1.0319 2023-11-09 23:02:09,690 - mmseg - INFO - Iter [3200/80000] lr: 3.840e-05, eta: 6:15:52, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.9869, decode.acc_seg: 68.8980, loss: 0.9869 2023-11-09 23:02:20,217 - mmseg - INFO - Iter [3250/80000] lr: 3.838e-05, eta: 6:13:59, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9907, decode.acc_seg: 69.6404, loss: 0.9907 2023-11-09 23:02:30,728 - mmseg - INFO - Iter [3300/80000] lr: 3.835e-05, eta: 6:12:09, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9674, decode.acc_seg: 70.2586, loss: 0.9674 2023-11-09 23:02:41,246 - mmseg - INFO - Iter [3350/80000] lr: 3.833e-05, eta: 6:10:22, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9736, decode.acc_seg: 69.5161, loss: 0.9736 2023-11-09 23:02:51,753 - mmseg - INFO - Iter [3400/80000] lr: 3.830e-05, eta: 6:08:37, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9256, decode.acc_seg: 70.4319, loss: 0.9256 2023-11-09 23:03:02,254 - mmseg - INFO - Iter [3450/80000] lr: 3.828e-05, eta: 6:06:56, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9508, decode.acc_seg: 70.1560, loss: 0.9508 2023-11-09 23:03:12,751 - mmseg - INFO - Iter [3500/80000] lr: 3.825e-05, eta: 6:05:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9638, decode.acc_seg: 68.9369, loss: 0.9638 2023-11-09 23:03:23,274 - mmseg - INFO - Iter [3550/80000] lr: 3.823e-05, eta: 6:03:40, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9383, decode.acc_seg: 69.2977, loss: 0.9383 2023-11-09 23:03:34,874 - mmseg - INFO - Iter [3600/80000] lr: 3.820e-05, eta: 6:02:29, time: 0.232, data_time: 0.026, memory: 16310, decode.loss_ce: 0.9392, decode.acc_seg: 69.7412, loss: 0.9392 2023-11-09 23:03:45,365 - mmseg - INFO - Iter [3650/80000] lr: 3.818e-05, eta: 6:00:57, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8775, decode.acc_seg: 70.8404, loss: 0.8775 2023-11-09 23:03:55,857 - mmseg - INFO - Iter [3700/80000] lr: 3.815e-05, eta: 5:59:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9288, decode.acc_seg: 70.1844, loss: 0.9288 2023-11-09 23:04:06,351 - mmseg - INFO - Iter [3750/80000] lr: 3.813e-05, eta: 5:57:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8819, decode.acc_seg: 70.9620, loss: 0.8819 2023-11-09 23:04:19,141 - mmseg - INFO - Iter [3800/80000] lr: 3.810e-05, eta: 5:57:18, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.9479, decode.acc_seg: 69.9651, loss: 0.9479 2023-11-09 23:04:29,633 - mmseg - INFO - Iter [3850/80000] lr: 3.808e-05, eta: 5:55:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9022, decode.acc_seg: 71.2053, loss: 0.9022 2023-11-09 23:04:40,123 - mmseg - INFO - Iter [3900/80000] lr: 3.805e-05, eta: 5:54:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9023, decode.acc_seg: 70.9907, loss: 0.9023 2023-11-09 23:04:50,614 - mmseg - INFO - Iter [3950/80000] lr: 3.803e-05, eta: 5:53:09, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9428, decode.acc_seg: 69.8692, loss: 0.9428 2023-11-09 23:05:01,113 - mmseg - INFO - Saving checkpoint at 4000 iterations 2023-11-09 23:05:25,388 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:05:25,388 - mmseg - INFO - Iter [4000/80000] lr: 3.800e-05, eta: 5:59:31, time: 0.695, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9064, decode.acc_seg: 70.8492, loss: 0.9064 2023-11-09 23:06:11,320 - mmseg - INFO - per class results: 2023-11-09 23:06:11,325 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 61.94 | 82.92 | | building | 73.78 | 89.78 | | sky | 76.06 | 91.39 | | floor | 63.47 | 82.67 | | tree | 61.91 | 78.1 | | ceiling | 67.46 | 78.04 | | road | 70.17 | 83.57 | | bed | 74.96 | 90.36 | | windowpane | 53.14 | 71.21 | | grass | 58.71 | 72.96 | | cabinet | 49.23 | 61.81 | | sidewalk | 48.3 | 61.34 | | person | 65.92 | 88.84 | | earth | 27.86 | 36.08 | | door | 33.83 | 41.3 | | table | 46.73 | 61.03 | | mountain | 48.45 | 63.77 | | plant | 42.3 | 50.64 | | curtain | 56.13 | 64.72 | | chair | 47.93 | 61.26 | | car | 70.23 | 88.63 | | water | 42.83 | 55.84 | | painting | 58.28 | 76.4 | | sofa | 59.53 | 74.89 | | shelf | 31.98 | 44.95 | | house | 34.96 | 50.65 | | sea | 48.97 | 65.7 | | mirror | 45.44 | 55.06 | | rug | 36.44 | 39.24 | | field | 31.48 | 48.93 | | armchair | 36.19 | 49.28 | | seat | 51.33 | 66.9 | | fence | 31.65 | 40.74 | | desk | 34.99 | 52.82 | | rock | 44.34 | 57.66 | | wardrobe | 36.02 | 44.09 | | lamp | 48.48 | 60.4 | | bathtub | 61.88 | 70.77 | | railing | 25.53 | 30.43 | | cushion | 52.47 | 63.69 | | base | 20.95 | 28.9 | | box | 22.21 | 27.21 | | column | 26.44 | 29.71 | | signboard | 25.68 | 39.83 | | chest of drawers | 34.89 | 46.14 | | counter | 25.19 | 30.45 | | sand | 41.86 | 47.19 | | sink | 60.05 | 69.6 | | skyscraper | 40.91 | 56.17 | | fireplace | 57.58 | 70.87 | | refrigerator | 47.04 | 52.15 | | grandstand | 46.29 | 64.53 | | path | 10.64 | 12.54 | | stairs | 21.26 | 22.99 | | runway | 49.99 | 61.14 | | case | 44.54 | 58.94 | | pool table | 73.58 | 86.52 | | pillow | 42.61 | 48.06 | | screen door | 42.49 | 47.84 | | stairway | 39.99 | 48.07 | | river | 17.21 | 24.89 | | bridge | 37.38 | 47.94 | | bookcase | 27.24 | 37.2 | | blind | 14.05 | 14.64 | | coffee table | 50.77 | 68.69 | | toilet | 69.82 | 80.21 | | flower | 34.51 | 52.64 | | book | 42.51 | 60.5 | | hill | 4.36 | 5.7 | | bench | 37.61 | 42.38 | | countertop | 43.31 | 51.67 | | stove | 62.25 | 70.94 | | palm | 40.8 | 52.93 | | kitchen island | 28.58 | 42.07 | | computer | 58.4 | 75.07 | | swivel chair | 33.64 | 40.81 | | boat | 43.03 | 60.96 | | bar | 34.38 | 38.15 | | arcade machine | 51.06 | 56.88 | | hovel | 11.9 | 14.2 | | bus | 64.3 | 75.28 | | towel | 57.71 | 70.3 | | light | 24.58 | 28.54 | | truck | 23.78 | 35.4 | | tower | 4.14 | 5.5 | | chandelier | 56.51 | 74.22 | | awning | 21.2 | 24.88 | | streetlight | 17.07 | 20.88 | | booth | 18.59 | 23.81 | | television receiver | 54.68 | 61.5 | | airplane | 42.31 | 63.68 | | dirt track | 16.58 | 17.33 | | apparel | 36.46 | 51.54 | | pole | 8.97 | 10.11 | | land | 1.96 | 2.04 | | bannister | 6.36 | 8.07 | | escalator | 38.16 | 45.18 | | ottoman | 34.42 | 42.34 | | bottle | 34.4 | 44.58 | | buffet | 29.24 | 32.47 | | poster | 3.86 | 4.54 | | stage | 11.78 | 18.3 | | van | 25.11 | 35.79 | | ship | 9.75 | 10.65 | | fountain | 7.33 | 7.58 | | conveyer belt | 63.02 | 86.24 | | canopy | 32.98 | 37.99 | | washer | 61.52 | 66.62 | | plaything | 24.96 | 46.65 | | swimming pool | 48.36 | 61.57 | | stool | 24.94 | 28.54 | | barrel | 28.42 | 50.69 | | basket | 30.94 | 39.43 | | waterfall | 44.31 | 52.67 | | tent | 68.28 | 90.54 | | bag | 11.73 | 13.29 | | minibike | 53.38 | 70.51 | | cradle | 62.85 | 88.46 | | oven | 38.06 | 44.88 | | ball | 53.09 | 67.39 | | food | 39.76 | 45.63 | | step | 0.32 | 0.34 | | tank | 39.1 | 47.16 | | trade name | 12.92 | 15.12 | | microwave | 63.22 | 69.17 | | pot | 32.3 | 36.6 | | animal | 46.21 | 56.87 | | bicycle | 53.98 | 74.92 | | lake | 0.02 | 0.02 | | dishwasher | 36.58 | 38.49 | | screen | 35.24 | 44.18 | | blanket | 7.72 | 8.64 | | sculpture | 39.44 | 55.18 | | hood | 42.29 | 45.23 | | sconce | 20.94 | 24.15 | | vase | 32.25 | 44.34 | | traffic light | 26.27 | 37.37 | | tray | 5.54 | 6.15 | | ashcan | 32.37 | 41.58 | | fan | 40.57 | 50.05 | | pier | 31.08 | 41.58 | | crt screen | 1.05 | 1.38 | | plate | 37.82 | 45.97 | | monitor | 4.56 | 4.7 | | bulletin board | 22.7 | 26.24 | | shower | 0.0 | 0.0 | | radiator | 49.57 | 54.17 | | glass | 11.27 | 11.88 | | clock | 20.25 | 22.8 | | flag | 34.74 | 44.06 | +---------------------+-------+-------+ 2023-11-09 23:06:11,325 - mmseg - INFO - Summary: 2023-11-09 23:06:11,325 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 74.0 | 37.63 | 47.27 | +------+-------+-------+ 2023-11-09 23:06:11,326 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:06:11,327 - mmseg - INFO - Iter(val) [250] aAcc: 0.7400, mIoU: 0.3763, mAcc: 0.4727, IoU.wall: 0.6194, IoU.building: 0.7378, IoU.sky: 0.7606, IoU.floor: 0.6347, IoU.tree: 0.6191, IoU.ceiling: 0.6746, IoU.road: 0.7017, IoU.bed : 0.7496, IoU.windowpane: 0.5314, IoU.grass: 0.5871, IoU.cabinet: 0.4923, IoU.sidewalk: 0.4830, IoU.person: 0.6592, IoU.earth: 0.2786, IoU.door: 0.3383, IoU.table: 0.4673, IoU.mountain: 0.4845, IoU.plant: 0.4230, IoU.curtain: 0.5613, IoU.chair: 0.4793, IoU.car: 0.7023, IoU.water: 0.4283, IoU.painting: 0.5828, IoU.sofa: 0.5953, IoU.shelf: 0.3198, IoU.house: 0.3496, IoU.sea: 0.4897, IoU.mirror: 0.4544, IoU.rug: 0.3644, IoU.field: 0.3148, IoU.armchair: 0.3619, IoU.seat: 0.5133, IoU.fence: 0.3165, IoU.desk: 0.3499, IoU.rock: 0.4434, IoU.wardrobe: 0.3602, IoU.lamp: 0.4848, IoU.bathtub: 0.6188, IoU.railing: 0.2553, IoU.cushion: 0.5247, IoU.base: 0.2095, IoU.box: 0.2221, IoU.column: 0.2644, IoU.signboard: 0.2568, IoU.chest of drawers: 0.3489, IoU.counter: 0.2519, IoU.sand: 0.4186, IoU.sink: 0.6005, IoU.skyscraper: 0.4091, IoU.fireplace: 0.5758, IoU.refrigerator: 0.4704, IoU.grandstand: 0.4629, IoU.path: 0.1064, IoU.stairs: 0.2126, IoU.runway: 0.4999, IoU.case: 0.4454, IoU.pool table: 0.7358, IoU.pillow: 0.4261, IoU.screen door: 0.4249, IoU.stairway: 0.3999, IoU.river: 0.1721, IoU.bridge: 0.3738, IoU.bookcase: 0.2724, IoU.blind: 0.1405, IoU.coffee table: 0.5077, IoU.toilet: 0.6982, IoU.flower: 0.3451, IoU.book: 0.4251, IoU.hill: 0.0436, IoU.bench: 0.3761, IoU.countertop: 0.4331, IoU.stove: 0.6225, IoU.palm: 0.4080, IoU.kitchen island: 0.2858, IoU.computer: 0.5840, IoU.swivel chair: 0.3364, IoU.boat: 0.4303, IoU.bar: 0.3438, IoU.arcade machine: 0.5106, IoU.hovel: 0.1190, IoU.bus: 0.6430, IoU.towel: 0.5771, IoU.light: 0.2458, IoU.truck: 0.2378, IoU.tower: 0.0414, IoU.chandelier: 0.5651, IoU.awning: 0.2120, IoU.streetlight: 0.1707, IoU.booth: 0.1859, IoU.television receiver: 0.5468, IoU.airplane: 0.4231, IoU.dirt track: 0.1658, IoU.apparel: 0.3646, IoU.pole: 0.0897, IoU.land: 0.0196, IoU.bannister: 0.0636, IoU.escalator: 0.3816, IoU.ottoman: 0.3442, IoU.bottle: 0.3440, IoU.buffet: 0.2924, IoU.poster: 0.0386, IoU.stage: 0.1178, IoU.van: 0.2511, IoU.ship: 0.0975, IoU.fountain: 0.0733, IoU.conveyer belt: 0.6302, IoU.canopy: 0.3298, IoU.washer: 0.6152, IoU.plaything: 0.2496, IoU.swimming pool: 0.4836, IoU.stool: 0.2494, IoU.barrel: 0.2842, IoU.basket: 0.3094, IoU.waterfall: 0.4431, IoU.tent: 0.6828, IoU.bag: 0.1173, IoU.minibike: 0.5338, IoU.cradle: 0.6285, IoU.oven: 0.3806, IoU.ball: 0.5309, IoU.food: 0.3976, IoU.step: 0.0032, IoU.tank: 0.3910, IoU.trade name: 0.1292, IoU.microwave: 0.6322, IoU.pot: 0.3230, IoU.animal: 0.4621, IoU.bicycle: 0.5398, IoU.lake: 0.0002, IoU.dishwasher: 0.3658, IoU.screen: 0.3524, IoU.blanket: 0.0772, IoU.sculpture: 0.3944, IoU.hood: 0.4229, IoU.sconce: 0.2094, IoU.vase: 0.3225, IoU.traffic light: 0.2627, IoU.tray: 0.0554, IoU.ashcan: 0.3237, IoU.fan: 0.4057, IoU.pier: 0.3108, IoU.crt screen: 0.0105, IoU.plate: 0.3782, IoU.monitor: 0.0456, IoU.bulletin board: 0.2270, IoU.shower: 0.0000, IoU.radiator: 0.4957, IoU.glass: 0.1127, IoU.clock: 0.2025, IoU.flag: 0.3474, Acc.wall: 0.8292, Acc.building: 0.8978, Acc.sky: 0.9139, Acc.floor: 0.8267, Acc.tree: 0.7810, Acc.ceiling: 0.7804, Acc.road: 0.8357, Acc.bed : 0.9036, Acc.windowpane: 0.7121, Acc.grass: 0.7296, Acc.cabinet: 0.6181, Acc.sidewalk: 0.6134, Acc.person: 0.8884, Acc.earth: 0.3608, Acc.door: 0.4130, Acc.table: 0.6103, Acc.mountain: 0.6377, Acc.plant: 0.5064, Acc.curtain: 0.6472, Acc.chair: 0.6126, Acc.car: 0.8863, Acc.water: 0.5584, Acc.painting: 0.7640, Acc.sofa: 0.7489, Acc.shelf: 0.4495, Acc.house: 0.5065, Acc.sea: 0.6570, Acc.mirror: 0.5506, Acc.rug: 0.3924, Acc.field: 0.4893, Acc.armchair: 0.4928, Acc.seat: 0.6690, Acc.fence: 0.4074, Acc.desk: 0.5282, Acc.rock: 0.5766, Acc.wardrobe: 0.4409, Acc.lamp: 0.6040, Acc.bathtub: 0.7077, Acc.railing: 0.3043, Acc.cushion: 0.6369, Acc.base: 0.2890, Acc.box: 0.2721, Acc.column: 0.2971, Acc.signboard: 0.3983, Acc.chest of drawers: 0.4614, Acc.counter: 0.3045, Acc.sand: 0.4719, Acc.sink: 0.6960, Acc.skyscraper: 0.5617, Acc.fireplace: 0.7087, Acc.refrigerator: 0.5215, Acc.grandstand: 0.6453, Acc.path: 0.1254, Acc.stairs: 0.2299, Acc.runway: 0.6114, Acc.case: 0.5894, Acc.pool table: 0.8652, Acc.pillow: 0.4806, Acc.screen door: 0.4784, Acc.stairway: 0.4807, Acc.river: 0.2489, Acc.bridge: 0.4794, Acc.bookcase: 0.3720, Acc.blind: 0.1464, Acc.coffee table: 0.6869, Acc.toilet: 0.8021, Acc.flower: 0.5264, Acc.book: 0.6050, Acc.hill: 0.0570, Acc.bench: 0.4238, Acc.countertop: 0.5167, Acc.stove: 0.7094, Acc.palm: 0.5293, Acc.kitchen island: 0.4207, Acc.computer: 0.7507, Acc.swivel chair: 0.4081, Acc.boat: 0.6096, Acc.bar: 0.3815, Acc.arcade machine: 0.5688, Acc.hovel: 0.1420, Acc.bus: 0.7528, Acc.towel: 0.7030, Acc.light: 0.2854, Acc.truck: 0.3540, Acc.tower: 0.0550, Acc.chandelier: 0.7422, Acc.awning: 0.2488, Acc.streetlight: 0.2088, Acc.booth: 0.2381, Acc.television receiver: 0.6150, Acc.airplane: 0.6368, Acc.dirt track: 0.1733, Acc.apparel: 0.5154, Acc.pole: 0.1011, Acc.land: 0.0204, Acc.bannister: 0.0807, Acc.escalator: 0.4518, Acc.ottoman: 0.4234, Acc.bottle: 0.4458, Acc.buffet: 0.3247, Acc.poster: 0.0454, Acc.stage: 0.1830, Acc.van: 0.3579, Acc.ship: 0.1065, Acc.fountain: 0.0758, Acc.conveyer belt: 0.8624, Acc.canopy: 0.3799, Acc.washer: 0.6662, Acc.plaything: 0.4665, Acc.swimming pool: 0.6157, Acc.stool: 0.2854, Acc.barrel: 0.5069, Acc.basket: 0.3943, Acc.waterfall: 0.5267, Acc.tent: 0.9054, Acc.bag: 0.1329, Acc.minibike: 0.7051, Acc.cradle: 0.8846, Acc.oven: 0.4488, Acc.ball: 0.6739, Acc.food: 0.4563, Acc.step: 0.0034, Acc.tank: 0.4716, Acc.trade name: 0.1512, Acc.microwave: 0.6917, Acc.pot: 0.3660, Acc.animal: 0.5687, Acc.bicycle: 0.7492, Acc.lake: 0.0002, Acc.dishwasher: 0.3849, Acc.screen: 0.4418, Acc.blanket: 0.0864, Acc.sculpture: 0.5518, Acc.hood: 0.4523, Acc.sconce: 0.2415, Acc.vase: 0.4434, Acc.traffic light: 0.3737, Acc.tray: 0.0615, Acc.ashcan: 0.4158, Acc.fan: 0.5005, Acc.pier: 0.4158, Acc.crt screen: 0.0138, Acc.plate: 0.4597, Acc.monitor: 0.0470, Acc.bulletin board: 0.2624, Acc.shower: 0.0000, Acc.radiator: 0.5417, Acc.glass: 0.1188, Acc.clock: 0.2280, Acc.flag: 0.4406 2023-11-09 23:06:21,958 - mmseg - INFO - Iter [4050/80000] lr: 3.798e-05, eta: 6:12:32, time: 1.131, data_time: 0.926, memory: 16310, decode.loss_ce: 0.8606, decode.acc_seg: 71.4352, loss: 0.8606 2023-11-09 23:06:32,527 - mmseg - INFO - Iter [4100/80000] lr: 3.795e-05, eta: 6:11:00, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8759, decode.acc_seg: 71.9142, loss: 0.8759 2023-11-09 23:06:43,052 - mmseg - INFO - Iter [4150/80000] lr: 3.793e-05, eta: 6:09:30, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.9000, decode.acc_seg: 70.9966, loss: 0.9000 2023-11-09 23:06:53,595 - mmseg - INFO - Iter [4200/80000] lr: 3.790e-05, eta: 6:08:02, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8770, decode.acc_seg: 71.6609, loss: 0.8770 2023-11-09 23:07:04,113 - mmseg - INFO - Iter [4250/80000] lr: 3.788e-05, eta: 6:06:35, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8907, decode.acc_seg: 70.1913, loss: 0.8907 2023-11-09 23:07:14,617 - mmseg - INFO - Iter [4300/80000] lr: 3.785e-05, eta: 6:05:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8257, decode.acc_seg: 72.2429, loss: 0.8257 2023-11-09 23:07:25,127 - mmseg - INFO - Iter [4350/80000] lr: 3.783e-05, eta: 6:03:47, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8546, decode.acc_seg: 71.7589, loss: 0.8546 2023-11-09 23:07:35,636 - mmseg - INFO - Iter [4400/80000] lr: 3.780e-05, eta: 6:02:25, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8796, decode.acc_seg: 71.4719, loss: 0.8796 2023-11-09 23:07:46,133 - mmseg - INFO - Iter [4450/80000] lr: 3.778e-05, eta: 6:01:05, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8409, decode.acc_seg: 72.1712, loss: 0.8409 2023-11-09 23:07:57,452 - mmseg - INFO - Iter [4500/80000] lr: 3.775e-05, eta: 6:00:00, time: 0.226, data_time: 0.021, memory: 16310, decode.loss_ce: 0.8798, decode.acc_seg: 71.3211, loss: 0.8798 2023-11-09 23:08:07,953 - mmseg - INFO - Iter [4550/80000] lr: 3.773e-05, eta: 5:58:42, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8392, decode.acc_seg: 72.0781, loss: 0.8392 2023-11-09 23:08:18,461 - mmseg - INFO - Iter [4600/80000] lr: 3.770e-05, eta: 5:57:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8125, decode.acc_seg: 72.8588, loss: 0.8125 2023-11-09 23:08:28,971 - mmseg - INFO - Iter [4650/80000] lr: 3.768e-05, eta: 5:56:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8500, decode.acc_seg: 72.1740, loss: 0.8500 2023-11-09 23:08:39,483 - mmseg - INFO - Iter [4700/80000] lr: 3.765e-05, eta: 5:54:59, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8929, decode.acc_seg: 70.9830, loss: 0.8929 2023-11-09 23:08:49,974 - mmseg - INFO - Iter [4750/80000] lr: 3.763e-05, eta: 5:53:47, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8772, decode.acc_seg: 71.5645, loss: 0.8772 2023-11-09 23:09:00,471 - mmseg - INFO - Iter [4800/80000] lr: 3.760e-05, eta: 5:52:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8461, decode.acc_seg: 71.7319, loss: 0.8461 2023-11-09 23:09:10,987 - mmseg - INFO - Iter [4850/80000] lr: 3.758e-05, eta: 5:51:27, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8267, decode.acc_seg: 72.8977, loss: 0.8267 2023-11-09 23:09:21,491 - mmseg - INFO - Iter [4900/80000] lr: 3.755e-05, eta: 5:50:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8389, decode.acc_seg: 72.2042, loss: 0.8389 2023-11-09 23:09:31,995 - mmseg - INFO - Iter [4950/80000] lr: 3.753e-05, eta: 5:49:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8309, decode.acc_seg: 72.6678, loss: 0.8309 2023-11-09 23:09:42,497 - mmseg - INFO - Saving checkpoint at 5000 iterations 2023-11-09 23:10:06,147 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:10:06,147 - mmseg - INFO - Iter [5000/80000] lr: 3.750e-05, eta: 5:54:01, time: 0.683, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8349, decode.acc_seg: 71.5485, loss: 0.8349 2023-11-09 23:10:51,947 - mmseg - INFO - per class results: 2023-11-09 23:10:51,953 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 62.81 | 83.86 | | building | 74.56 | 91.09 | | sky | 79.5 | 92.56 | | floor | 66.18 | 80.8 | | tree | 63.29 | 79.62 | | ceiling | 69.02 | 79.78 | | road | 71.67 | 85.54 | | bed | 77.06 | 90.74 | | windowpane | 54.09 | 71.83 | | grass | 60.89 | 75.9 | | cabinet | 49.76 | 62.17 | | sidewalk | 49.55 | 63.02 | | person | 68.28 | 88.9 | | earth | 30.13 | 40.88 | | door | 34.36 | 41.47 | | table | 48.13 | 62.03 | | mountain | 49.33 | 62.21 | | plant | 43.84 | 52.78 | | curtain | 57.31 | 66.59 | | chair | 48.91 | 61.96 | | car | 72.27 | 88.81 | | water | 45.16 | 58.56 | | painting | 59.5 | 74.93 | | sofa | 61.16 | 76.59 | | shelf | 32.98 | 45.46 | | house | 36.42 | 51.23 | | sea | 51.13 | 67.66 | | mirror | 47.31 | 57.13 | | rug | 42.2 | 46.62 | | field | 31.36 | 46.59 | | armchair | 37.44 | 50.08 | | seat | 51.53 | 66.36 | | fence | 32.99 | 43.15 | | desk | 36.06 | 55.38 | | rock | 45.18 | 57.59 | | wardrobe | 38.61 | 50.19 | | lamp | 49.7 | 61.6 | | bathtub | 63.09 | 70.38 | | railing | 28.37 | 35.79 | | cushion | 53.66 | 65.67 | | base | 22.55 | 28.82 | | box | 23.42 | 29.3 | | column | 28.12 | 31.84 | | signboard | 26.54 | 40.19 | | chest of drawers | 37.32 | 49.73 | | counter | 25.92 | 30.85 | | sand | 43.59 | 50.15 | | sink | 60.78 | 68.73 | | skyscraper | 43.59 | 57.82 | | fireplace | 58.22 | 75.21 | | refrigerator | 48.26 | 53.38 | | grandstand | 48.92 | 69.45 | | path | 12.64 | 15.48 | | stairs | 22.08 | 24.12 | | runway | 55.45 | 71.91 | | case | 46.17 | 56.66 | | pool table | 74.47 | 90.48 | | pillow | 48.3 | 57.45 | | screen door | 41.06 | 44.95 | | stairway | 40.11 | 46.72 | | river | 15.83 | 20.31 | | bridge | 37.09 | 45.89 | | bookcase | 29.32 | 45.03 | | blind | 14.85 | 15.63 | | coffee table | 52.26 | 74.65 | | toilet | 70.39 | 82.09 | | flower | 35.59 | 51.2 | | book | 42.22 | 57.46 | | hill | 5.23 | 7.65 | | bench | 39.45 | 46.11 | | countertop | 45.84 | 60.7 | | stove | 63.69 | 72.26 | | palm | 42.0 | 56.57 | | kitchen island | 29.59 | 43.51 | | computer | 59.96 | 75.53 | | swivel chair | 37.56 | 47.86 | | boat | 47.52 | 66.2 | | bar | 38.82 | 43.99 | | arcade machine | 53.74 | 59.51 | | hovel | 12.33 | 14.08 | | bus | 67.6 | 77.4 | | towel | 58.95 | 71.12 | | light | 22.25 | 24.78 | | truck | 26.38 | 38.32 | | tower | 5.15 | 7.09 | | chandelier | 57.47 | 73.88 | | awning | 20.6 | 23.57 | | streetlight | 17.83 | 22.37 | | booth | 20.8 | 30.42 | | television receiver | 56.0 | 63.29 | | airplane | 44.53 | 63.36 | | dirt track | 17.4 | 18.36 | | apparel | 39.17 | 54.81 | | pole | 8.65 | 9.7 | | land | 2.03 | 2.23 | | bannister | 5.82 | 7.51 | | escalator | 39.87 | 47.39 | | ottoman | 36.87 | 46.16 | | bottle | 36.5 | 47.77 | | buffet | 31.17 | 34.02 | | poster | 11.35 | 14.9 | | stage | 12.2 | 19.19 | | van | 22.59 | 29.08 | | ship | 8.12 | 8.43 | | fountain | 10.38 | 10.74 | | conveyer belt | 64.25 | 88.33 | | canopy | 26.32 | 28.32 | | washer | 64.87 | 70.52 | | plaything | 25.78 | 39.95 | | swimming pool | 51.81 | 61.77 | | stool | 26.66 | 33.55 | | barrel | 28.3 | 52.0 | | basket | 32.04 | 41.72 | | waterfall | 45.41 | 53.51 | | tent | 72.06 | 90.42 | | bag | 11.07 | 12.26 | | minibike | 55.35 | 70.39 | | cradle | 64.62 | 90.62 | | oven | 36.38 | 40.67 | | ball | 53.66 | 62.57 | | food | 47.73 | 58.1 | | step | 0.68 | 0.71 | | tank | 41.65 | 51.49 | | trade name | 14.69 | 17.38 | | microwave | 63.84 | 69.15 | | pot | 30.6 | 33.78 | | animal | 46.17 | 54.44 | | bicycle | 54.55 | 79.76 | | lake | 3.14 | 3.57 | | dishwasher | 40.56 | 44.01 | | screen | 36.48 | 45.45 | | blanket | 9.08 | 10.34 | | sculpture | 42.65 | 59.71 | | hood | 42.96 | 46.07 | | sconce | 25.03 | 30.18 | | vase | 33.58 | 45.92 | | traffic light | 27.4 | 38.84 | | tray | 8.4 | 10.19 | | ashcan | 34.73 | 44.02 | | fan | 44.47 | 57.85 | | pier | 32.18 | 42.4 | | crt screen | 2.38 | 3.2 | | plate | 38.81 | 45.74 | | monitor | 10.26 | 11.45 | | bulletin board | 27.06 | 31.4 | | shower | 0.0 | 0.0 | | radiator | 51.9 | 57.36 | | glass | 12.17 | 12.81 | | clock | 22.49 | 25.82 | | flag | 36.66 | 42.87 | +---------------------+-------+-------+ 2023-11-09 23:10:51,953 - mmseg - INFO - Summary: 2023-11-09 23:10:51,953 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 75.16 | 39.17 | 48.93 | +-------+-------+-------+ 2023-11-09 23:10:51,954 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:10:51,955 - mmseg - INFO - Iter(val) [250] aAcc: 0.7516, mIoU: 0.3917, mAcc: 0.4893, IoU.wall: 0.6281, IoU.building: 0.7456, IoU.sky: 0.7950, IoU.floor: 0.6618, IoU.tree: 0.6329, IoU.ceiling: 0.6902, IoU.road: 0.7167, IoU.bed : 0.7706, IoU.windowpane: 0.5409, IoU.grass: 0.6089, IoU.cabinet: 0.4976, IoU.sidewalk: 0.4955, IoU.person: 0.6828, IoU.earth: 0.3013, IoU.door: 0.3436, IoU.table: 0.4813, IoU.mountain: 0.4933, IoU.plant: 0.4384, IoU.curtain: 0.5731, IoU.chair: 0.4891, IoU.car: 0.7227, IoU.water: 0.4516, IoU.painting: 0.5950, IoU.sofa: 0.6116, IoU.shelf: 0.3298, IoU.house: 0.3642, IoU.sea: 0.5113, IoU.mirror: 0.4731, IoU.rug: 0.4220, IoU.field: 0.3136, IoU.armchair: 0.3744, IoU.seat: 0.5153, IoU.fence: 0.3299, IoU.desk: 0.3606, IoU.rock: 0.4518, IoU.wardrobe: 0.3861, IoU.lamp: 0.4970, IoU.bathtub: 0.6309, IoU.railing: 0.2837, IoU.cushion: 0.5366, IoU.base: 0.2255, IoU.box: 0.2342, IoU.column: 0.2812, IoU.signboard: 0.2654, IoU.chest of drawers: 0.3732, IoU.counter: 0.2592, IoU.sand: 0.4359, IoU.sink: 0.6078, IoU.skyscraper: 0.4359, IoU.fireplace: 0.5822, IoU.refrigerator: 0.4826, IoU.grandstand: 0.4892, IoU.path: 0.1264, IoU.stairs: 0.2208, IoU.runway: 0.5545, IoU.case: 0.4617, IoU.pool table: 0.7447, IoU.pillow: 0.4830, IoU.screen door: 0.4106, IoU.stairway: 0.4011, IoU.river: 0.1583, IoU.bridge: 0.3709, IoU.bookcase: 0.2932, IoU.blind: 0.1485, IoU.coffee table: 0.5226, IoU.toilet: 0.7039, IoU.flower: 0.3559, IoU.book: 0.4222, IoU.hill: 0.0523, IoU.bench: 0.3945, IoU.countertop: 0.4584, IoU.stove: 0.6369, IoU.palm: 0.4200, IoU.kitchen island: 0.2959, IoU.computer: 0.5996, IoU.swivel chair: 0.3756, IoU.boat: 0.4752, IoU.bar: 0.3882, IoU.arcade machine: 0.5374, IoU.hovel: 0.1233, IoU.bus: 0.6760, IoU.towel: 0.5895, IoU.light: 0.2225, IoU.truck: 0.2638, IoU.tower: 0.0515, IoU.chandelier: 0.5747, IoU.awning: 0.2060, IoU.streetlight: 0.1783, IoU.booth: 0.2080, IoU.television receiver: 0.5600, IoU.airplane: 0.4453, IoU.dirt track: 0.1740, IoU.apparel: 0.3917, IoU.pole: 0.0865, IoU.land: 0.0203, IoU.bannister: 0.0582, IoU.escalator: 0.3987, IoU.ottoman: 0.3687, IoU.bottle: 0.3650, IoU.buffet: 0.3117, IoU.poster: 0.1135, IoU.stage: 0.1220, IoU.van: 0.2259, IoU.ship: 0.0812, IoU.fountain: 0.1038, IoU.conveyer belt: 0.6425, IoU.canopy: 0.2632, IoU.washer: 0.6487, IoU.plaything: 0.2578, IoU.swimming pool: 0.5181, IoU.stool: 0.2666, IoU.barrel: 0.2830, IoU.basket: 0.3204, IoU.waterfall: 0.4541, IoU.tent: 0.7206, IoU.bag: 0.1107, IoU.minibike: 0.5535, IoU.cradle: 0.6462, IoU.oven: 0.3638, IoU.ball: 0.5366, IoU.food: 0.4773, IoU.step: 0.0068, IoU.tank: 0.4165, IoU.trade name: 0.1469, IoU.microwave: 0.6384, IoU.pot: 0.3060, IoU.animal: 0.4617, IoU.bicycle: 0.5455, IoU.lake: 0.0314, IoU.dishwasher: 0.4056, IoU.screen: 0.3648, IoU.blanket: 0.0908, IoU.sculpture: 0.4265, IoU.hood: 0.4296, IoU.sconce: 0.2503, IoU.vase: 0.3358, IoU.traffic light: 0.2740, IoU.tray: 0.0840, IoU.ashcan: 0.3473, IoU.fan: 0.4447, IoU.pier: 0.3218, IoU.crt screen: 0.0238, IoU.plate: 0.3881, IoU.monitor: 0.1026, IoU.bulletin board: 0.2706, IoU.shower: 0.0000, IoU.radiator: 0.5190, IoU.glass: 0.1217, IoU.clock: 0.2249, IoU.flag: 0.3666, Acc.wall: 0.8386, Acc.building: 0.9109, Acc.sky: 0.9256, Acc.floor: 0.8080, Acc.tree: 0.7962, Acc.ceiling: 0.7978, Acc.road: 0.8554, Acc.bed : 0.9074, Acc.windowpane: 0.7183, Acc.grass: 0.7590, Acc.cabinet: 0.6217, Acc.sidewalk: 0.6302, Acc.person: 0.8890, Acc.earth: 0.4088, Acc.door: 0.4147, Acc.table: 0.6203, Acc.mountain: 0.6221, Acc.plant: 0.5278, Acc.curtain: 0.6659, Acc.chair: 0.6196, Acc.car: 0.8881, Acc.water: 0.5856, Acc.painting: 0.7493, Acc.sofa: 0.7659, Acc.shelf: 0.4546, Acc.house: 0.5123, Acc.sea: 0.6766, Acc.mirror: 0.5713, Acc.rug: 0.4662, Acc.field: 0.4659, Acc.armchair: 0.5008, Acc.seat: 0.6636, Acc.fence: 0.4315, Acc.desk: 0.5538, Acc.rock: 0.5759, Acc.wardrobe: 0.5019, Acc.lamp: 0.6160, Acc.bathtub: 0.7038, Acc.railing: 0.3579, Acc.cushion: 0.6567, Acc.base: 0.2882, Acc.box: 0.2930, Acc.column: 0.3184, Acc.signboard: 0.4019, Acc.chest of drawers: 0.4973, Acc.counter: 0.3085, Acc.sand: 0.5015, Acc.sink: 0.6873, Acc.skyscraper: 0.5782, Acc.fireplace: 0.7521, Acc.refrigerator: 0.5338, Acc.grandstand: 0.6945, Acc.path: 0.1548, Acc.stairs: 0.2412, Acc.runway: 0.7191, Acc.case: 0.5666, Acc.pool table: 0.9048, Acc.pillow: 0.5745, Acc.screen door: 0.4495, Acc.stairway: 0.4672, Acc.river: 0.2031, Acc.bridge: 0.4589, Acc.bookcase: 0.4503, Acc.blind: 0.1563, Acc.coffee table: 0.7465, Acc.toilet: 0.8209, Acc.flower: 0.5120, Acc.book: 0.5746, Acc.hill: 0.0765, Acc.bench: 0.4611, Acc.countertop: 0.6070, Acc.stove: 0.7226, Acc.palm: 0.5657, Acc.kitchen island: 0.4351, Acc.computer: 0.7553, Acc.swivel chair: 0.4786, Acc.boat: 0.6620, Acc.bar: 0.4399, Acc.arcade machine: 0.5951, Acc.hovel: 0.1408, Acc.bus: 0.7740, Acc.towel: 0.7112, Acc.light: 0.2478, Acc.truck: 0.3832, Acc.tower: 0.0709, Acc.chandelier: 0.7388, Acc.awning: 0.2357, Acc.streetlight: 0.2237, Acc.booth: 0.3042, Acc.television receiver: 0.6329, Acc.airplane: 0.6336, Acc.dirt track: 0.1836, Acc.apparel: 0.5481, Acc.pole: 0.0970, Acc.land: 0.0223, Acc.bannister: 0.0751, Acc.escalator: 0.4739, Acc.ottoman: 0.4616, Acc.bottle: 0.4777, Acc.buffet: 0.3402, Acc.poster: 0.1490, Acc.stage: 0.1919, Acc.van: 0.2908, Acc.ship: 0.0843, Acc.fountain: 0.1074, Acc.conveyer belt: 0.8833, Acc.canopy: 0.2832, Acc.washer: 0.7052, Acc.plaything: 0.3995, Acc.swimming pool: 0.6177, Acc.stool: 0.3355, Acc.barrel: 0.5200, Acc.basket: 0.4172, Acc.waterfall: 0.5351, Acc.tent: 0.9042, Acc.bag: 0.1226, Acc.minibike: 0.7039, Acc.cradle: 0.9062, Acc.oven: 0.4067, Acc.ball: 0.6257, Acc.food: 0.5810, Acc.step: 0.0071, Acc.tank: 0.5149, Acc.trade name: 0.1738, Acc.microwave: 0.6915, Acc.pot: 0.3378, Acc.animal: 0.5444, Acc.bicycle: 0.7976, Acc.lake: 0.0357, Acc.dishwasher: 0.4401, Acc.screen: 0.4545, Acc.blanket: 0.1034, Acc.sculpture: 0.5971, Acc.hood: 0.4607, Acc.sconce: 0.3018, Acc.vase: 0.4592, Acc.traffic light: 0.3884, Acc.tray: 0.1019, Acc.ashcan: 0.4402, Acc.fan: 0.5785, Acc.pier: 0.4240, Acc.crt screen: 0.0320, Acc.plate: 0.4574, Acc.monitor: 0.1145, Acc.bulletin board: 0.3140, Acc.shower: 0.0000, Acc.radiator: 0.5736, Acc.glass: 0.1281, Acc.clock: 0.2582, Acc.flag: 0.4287 2023-11-09 23:11:02,568 - mmseg - INFO - Iter [5050/80000] lr: 3.748e-05, eta: 6:04:14, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 0.8129, decode.acc_seg: 73.4551, loss: 0.8129 2023-11-09 23:11:15,465 - mmseg - INFO - Iter [5100/80000] lr: 3.745e-05, eta: 6:03:35, time: 0.258, data_time: 0.051, memory: 16310, decode.loss_ce: 0.8152, decode.acc_seg: 72.8523, loss: 0.8152 2023-11-09 23:11:26,829 - mmseg - INFO - Iter [5150/80000] lr: 3.743e-05, eta: 6:02:34, time: 0.227, data_time: 0.023, memory: 16310, decode.loss_ce: 0.7941, decode.acc_seg: 73.3150, loss: 0.7941 2023-11-09 23:11:37,353 - mmseg - INFO - Iter [5200/80000] lr: 3.740e-05, eta: 6:01:22, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8146, decode.acc_seg: 72.6789, loss: 0.8146 2023-11-09 23:11:47,894 - mmseg - INFO - Iter [5250/80000] lr: 3.738e-05, eta: 6:00:11, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8089, decode.acc_seg: 73.0797, loss: 0.8089 2023-11-09 23:12:00,348 - mmseg - INFO - Iter [5300/80000] lr: 3.735e-05, eta: 5:59:28, time: 0.249, data_time: 0.044, memory: 16310, decode.loss_ce: 0.8331, decode.acc_seg: 72.3757, loss: 0.8331 2023-11-09 23:12:10,844 - mmseg - INFO - Iter [5350/80000] lr: 3.733e-05, eta: 5:58:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8163, decode.acc_seg: 71.9553, loss: 0.8163 2023-11-09 23:12:21,354 - mmseg - INFO - Iter [5400/80000] lr: 3.730e-05, eta: 5:57:11, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8162, decode.acc_seg: 72.3968, loss: 0.8162 2023-11-09 23:12:31,847 - mmseg - INFO - Iter [5450/80000] lr: 3.728e-05, eta: 5:56:03, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7906, decode.acc_seg: 73.0396, loss: 0.7906 2023-11-09 23:12:42,349 - mmseg - INFO - Iter [5500/80000] lr: 3.725e-05, eta: 5:54:57, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7770, decode.acc_seg: 73.8878, loss: 0.7770 2023-11-09 23:12:52,925 - mmseg - INFO - Iter [5550/80000] lr: 3.723e-05, eta: 5:53:53, time: 0.212, data_time: 0.008, memory: 16310, decode.loss_ce: 0.7940, decode.acc_seg: 72.8471, loss: 0.7940 2023-11-09 23:13:04,188 - mmseg - INFO - Iter [5600/80000] lr: 3.720e-05, eta: 5:52:59, time: 0.225, data_time: 0.021, memory: 16310, decode.loss_ce: 0.8027, decode.acc_seg: 72.8959, loss: 0.8027 2023-11-09 23:13:14,680 - mmseg - INFO - Iter [5650/80000] lr: 3.718e-05, eta: 5:51:56, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7984, decode.acc_seg: 73.1414, loss: 0.7984 2023-11-09 23:13:25,162 - mmseg - INFO - Iter [5700/80000] lr: 3.715e-05, eta: 5:50:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7730, decode.acc_seg: 74.3005, loss: 0.7730 2023-11-09 23:13:35,640 - mmseg - INFO - Iter [5750/80000] lr: 3.713e-05, eta: 5:49:51, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7825, decode.acc_seg: 73.1398, loss: 0.7825 2023-11-09 23:13:46,137 - mmseg - INFO - Iter [5800/80000] lr: 3.710e-05, eta: 5:48:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7993, decode.acc_seg: 73.1904, loss: 0.7993 2023-11-09 23:13:56,629 - mmseg - INFO - Iter [5850/80000] lr: 3.708e-05, eta: 5:47:51, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7925, decode.acc_seg: 73.7871, loss: 0.7925 2023-11-09 23:14:07,114 - mmseg - INFO - Iter [5900/80000] lr: 3.705e-05, eta: 5:46:51, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7803, decode.acc_seg: 72.9610, loss: 0.7803 2023-11-09 23:14:17,603 - mmseg - INFO - Iter [5950/80000] lr: 3.703e-05, eta: 5:45:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7845, decode.acc_seg: 73.7462, loss: 0.7845 2023-11-09 23:14:28,088 - mmseg - INFO - Saving checkpoint at 6000 iterations 2023-11-09 23:14:52,998 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:14:52,998 - mmseg - INFO - Iter [6000/80000] lr: 3.700e-05, eta: 5:50:03, time: 0.708, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8079, decode.acc_seg: 72.9316, loss: 0.8079 2023-11-09 23:15:38,945 - mmseg - INFO - per class results: 2023-11-09 23:15:38,950 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 64.9 | 82.3 | | building | 75.15 | 91.78 | | sky | 81.04 | 93.35 | | floor | 67.51 | 84.45 | | tree | 64.4 | 80.44 | | ceiling | 71.4 | 83.39 | | road | 73.18 | 84.98 | | bed | 78.85 | 90.4 | | windowpane | 55.21 | 72.61 | | grass | 61.89 | 76.35 | | cabinet | 50.6 | 64.59 | | sidewalk | 51.27 | 66.48 | | person | 69.38 | 89.46 | | earth | 30.57 | 41.39 | | door | 36.27 | 44.61 | | table | 49.3 | 63.88 | | mountain | 50.09 | 63.15 | | plant | 45.07 | 54.51 | | curtain | 59.55 | 70.54 | | chair | 50.2 | 65.74 | | car | 73.54 | 89.26 | | water | 45.92 | 59.95 | | painting | 60.31 | 77.92 | | sofa | 61.48 | 76.35 | | shelf | 33.17 | 45.24 | | house | 38.28 | 52.42 | | sea | 52.69 | 70.75 | | mirror | 49.36 | 61.49 | | rug | 40.66 | 44.21 | | field | 31.51 | 46.76 | | armchair | 37.65 | 49.9 | | seat | 52.32 | 70.31 | | fence | 34.7 | 45.62 | | desk | 36.73 | 56.51 | | rock | 45.97 | 60.11 | | wardrobe | 39.43 | 50.83 | | lamp | 51.12 | 65.29 | | bathtub | 64.84 | 72.49 | | railing | 29.1 | 35.75 | | cushion | 54.5 | 67.49 | | base | 24.55 | 34.15 | | box | 23.88 | 29.03 | | column | 30.07 | 34.52 | | signboard | 26.53 | 39.61 | | chest of drawers | 38.0 | 50.63 | | counter | 28.56 | 35.4 | | sand | 43.16 | 50.22 | | sink | 62.57 | 71.76 | | skyscraper | 42.65 | 54.25 | | fireplace | 59.3 | 75.67 | | refrigerator | 49.18 | 54.4 | | grandstand | 50.78 | 72.22 | | path | 12.23 | 14.8 | | stairs | 26.24 | 29.44 | | runway | 59.2 | 78.12 | | case | 46.9 | 61.68 | | pool table | 75.76 | 91.21 | | pillow | 50.07 | 60.21 | | screen door | 48.02 | 56.65 | | stairway | 43.61 | 50.88 | | river | 17.73 | 26.78 | | bridge | 38.57 | 49.58 | | bookcase | 27.81 | 40.38 | | blind | 20.85 | 22.77 | | coffee table | 53.32 | 70.89 | | toilet | 71.2 | 84.22 | | flower | 37.11 | 53.36 | | book | 45.51 | 66.76 | | hill | 5.43 | 8.77 | | bench | 40.67 | 47.59 | | countertop | 46.88 | 60.7 | | stove | 64.73 | 74.22 | | palm | 42.11 | 57.02 | | kitchen island | 30.99 | 49.41 | | computer | 59.73 | 78.05 | | swivel chair | 35.92 | 42.91 | | boat | 47.24 | 70.17 | | bar | 42.48 | 47.66 | | arcade machine | 59.21 | 67.58 | | hovel | 13.98 | 15.82 | | bus | 70.39 | 82.08 | | towel | 60.37 | 74.64 | | light | 24.37 | 27.39 | | truck | 28.21 | 39.75 | | tower | 7.46 | 11.22 | | chandelier | 58.14 | 76.08 | | awning | 22.57 | 26.44 | | streetlight | 17.07 | 19.98 | | booth | 22.31 | 32.55 | | television receiver | 57.77 | 65.59 | | airplane | 46.06 | 64.05 | | dirt track | 16.19 | 16.75 | | apparel | 40.86 | 58.61 | | pole | 11.78 | 13.96 | | land | 1.84 | 2.02 | | bannister | 6.66 | 8.86 | | escalator | 42.72 | 51.56 | | ottoman | 38.17 | 48.36 | | bottle | 40.37 | 56.75 | | buffet | 28.95 | 31.68 | | poster | 13.82 | 18.39 | | stage | 13.46 | 24.38 | | van | 27.11 | 36.97 | | ship | 6.99 | 7.25 | | fountain | 8.67 | 8.89 | | conveyer belt | 66.4 | 87.13 | | canopy | 27.84 | 30.32 | | washer | 66.69 | 72.8 | | plaything | 26.93 | 39.23 | | swimming pool | 53.36 | 68.21 | | stool | 26.56 | 32.12 | | barrel | 31.05 | 44.36 | | basket | 32.95 | 42.35 | | waterfall | 45.02 | 52.6 | | tent | 72.29 | 91.89 | | bag | 12.22 | 13.76 | | minibike | 57.02 | 73.49 | | cradle | 66.08 | 92.01 | | oven | 39.0 | 45.5 | | ball | 53.45 | 66.78 | | food | 47.56 | 56.79 | | step | 1.63 | 1.74 | | tank | 44.28 | 56.89 | | trade name | 10.85 | 12.21 | | microwave | 65.87 | 71.94 | | pot | 32.38 | 36.06 | | animal | 50.64 | 60.91 | | bicycle | 54.15 | 74.2 | | lake | 4.51 | 4.59 | | dishwasher | 40.5 | 42.87 | | screen | 38.02 | 45.65 | | blanket | 11.67 | 13.52 | | sculpture | 44.38 | 62.7 | | hood | 44.07 | 47.27 | | sconce | 27.1 | 33.64 | | vase | 34.74 | 48.34 | | traffic light | 28.31 | 40.19 | | tray | 7.54 | 8.76 | | ashcan | 35.85 | 44.35 | | fan | 44.55 | 56.54 | | pier | 32.94 | 43.31 | | crt screen | 2.32 | 3.2 | | plate | 40.65 | 48.15 | | monitor | 11.32 | 12.49 | | bulletin board | 30.93 | 36.38 | | shower | 0.0 | 0.0 | | radiator | 53.14 | 59.28 | | glass | 13.05 | 13.79 | | clock | 24.77 | 28.75 | | flag | 38.83 | 45.4 | +---------------------+-------+-------+ 2023-11-09 23:15:38,950 - mmseg - INFO - Summary: 2023-11-09 23:15:38,950 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 76.15 | 40.45 | 50.73 | +-------+-------+-------+ 2023-11-09 23:15:38,951 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:15:38,951 - mmseg - INFO - Iter(val) [250] aAcc: 0.7615, mIoU: 0.4045, mAcc: 0.5073, IoU.wall: 0.6490, IoU.building: 0.7515, IoU.sky: 0.8104, IoU.floor: 0.6751, IoU.tree: 0.6440, IoU.ceiling: 0.7140, IoU.road: 0.7318, IoU.bed : 0.7885, IoU.windowpane: 0.5521, IoU.grass: 0.6189, IoU.cabinet: 0.5060, IoU.sidewalk: 0.5127, IoU.person: 0.6938, IoU.earth: 0.3057, IoU.door: 0.3627, IoU.table: 0.4930, IoU.mountain: 0.5009, IoU.plant: 0.4507, IoU.curtain: 0.5955, IoU.chair: 0.5020, IoU.car: 0.7354, IoU.water: 0.4592, IoU.painting: 0.6031, IoU.sofa: 0.6148, IoU.shelf: 0.3317, IoU.house: 0.3828, IoU.sea: 0.5269, IoU.mirror: 0.4936, IoU.rug: 0.4066, IoU.field: 0.3151, IoU.armchair: 0.3765, IoU.seat: 0.5232, IoU.fence: 0.3470, IoU.desk: 0.3673, IoU.rock: 0.4597, IoU.wardrobe: 0.3943, IoU.lamp: 0.5112, IoU.bathtub: 0.6484, IoU.railing: 0.2910, IoU.cushion: 0.5450, IoU.base: 0.2455, IoU.box: 0.2388, IoU.column: 0.3007, IoU.signboard: 0.2653, IoU.chest of drawers: 0.3800, IoU.counter: 0.2856, IoU.sand: 0.4316, IoU.sink: 0.6257, IoU.skyscraper: 0.4265, IoU.fireplace: 0.5930, IoU.refrigerator: 0.4918, IoU.grandstand: 0.5078, IoU.path: 0.1223, IoU.stairs: 0.2624, IoU.runway: 0.5920, IoU.case: 0.4690, IoU.pool table: 0.7576, IoU.pillow: 0.5007, IoU.screen door: 0.4802, IoU.stairway: 0.4361, IoU.river: 0.1773, IoU.bridge: 0.3857, IoU.bookcase: 0.2781, IoU.blind: 0.2085, IoU.coffee table: 0.5332, IoU.toilet: 0.7120, IoU.flower: 0.3711, IoU.book: 0.4551, IoU.hill: 0.0543, IoU.bench: 0.4067, IoU.countertop: 0.4688, IoU.stove: 0.6473, IoU.palm: 0.4211, IoU.kitchen island: 0.3099, IoU.computer: 0.5973, IoU.swivel chair: 0.3592, IoU.boat: 0.4724, IoU.bar: 0.4248, IoU.arcade machine: 0.5921, IoU.hovel: 0.1398, IoU.bus: 0.7039, IoU.towel: 0.6037, IoU.light: 0.2437, IoU.truck: 0.2821, IoU.tower: 0.0746, IoU.chandelier: 0.5814, IoU.awning: 0.2257, IoU.streetlight: 0.1707, IoU.booth: 0.2231, IoU.television receiver: 0.5777, IoU.airplane: 0.4606, IoU.dirt track: 0.1619, IoU.apparel: 0.4086, IoU.pole: 0.1178, IoU.land: 0.0184, IoU.bannister: 0.0666, IoU.escalator: 0.4272, IoU.ottoman: 0.3817, IoU.bottle: 0.4037, IoU.buffet: 0.2895, IoU.poster: 0.1382, IoU.stage: 0.1346, IoU.van: 0.2711, IoU.ship: 0.0699, IoU.fountain: 0.0867, IoU.conveyer belt: 0.6640, IoU.canopy: 0.2784, IoU.washer: 0.6669, IoU.plaything: 0.2693, IoU.swimming pool: 0.5336, IoU.stool: 0.2656, IoU.barrel: 0.3105, IoU.basket: 0.3295, IoU.waterfall: 0.4502, IoU.tent: 0.7229, IoU.bag: 0.1222, IoU.minibike: 0.5702, IoU.cradle: 0.6608, IoU.oven: 0.3900, IoU.ball: 0.5345, IoU.food: 0.4756, IoU.step: 0.0163, IoU.tank: 0.4428, IoU.trade name: 0.1085, IoU.microwave: 0.6587, IoU.pot: 0.3238, IoU.animal: 0.5064, IoU.bicycle: 0.5415, IoU.lake: 0.0451, IoU.dishwasher: 0.4050, IoU.screen: 0.3802, IoU.blanket: 0.1167, IoU.sculpture: 0.4438, IoU.hood: 0.4407, IoU.sconce: 0.2710, IoU.vase: 0.3474, IoU.traffic light: 0.2831, IoU.tray: 0.0754, IoU.ashcan: 0.3585, IoU.fan: 0.4455, IoU.pier: 0.3294, IoU.crt screen: 0.0232, IoU.plate: 0.4065, IoU.monitor: 0.1132, IoU.bulletin board: 0.3093, IoU.shower: 0.0000, IoU.radiator: 0.5314, IoU.glass: 0.1305, IoU.clock: 0.2477, IoU.flag: 0.3883, Acc.wall: 0.8230, Acc.building: 0.9178, Acc.sky: 0.9335, Acc.floor: 0.8445, Acc.tree: 0.8044, Acc.ceiling: 0.8339, Acc.road: 0.8498, Acc.bed : 0.9040, Acc.windowpane: 0.7261, Acc.grass: 0.7635, Acc.cabinet: 0.6459, Acc.sidewalk: 0.6648, Acc.person: 0.8946, Acc.earth: 0.4139, Acc.door: 0.4461, Acc.table: 0.6388, Acc.mountain: 0.6315, Acc.plant: 0.5451, Acc.curtain: 0.7054, Acc.chair: 0.6574, Acc.car: 0.8926, Acc.water: 0.5995, Acc.painting: 0.7792, Acc.sofa: 0.7635, Acc.shelf: 0.4524, Acc.house: 0.5242, Acc.sea: 0.7075, Acc.mirror: 0.6149, Acc.rug: 0.4421, Acc.field: 0.4676, Acc.armchair: 0.4990, Acc.seat: 0.7031, Acc.fence: 0.4562, Acc.desk: 0.5651, Acc.rock: 0.6011, Acc.wardrobe: 0.5083, Acc.lamp: 0.6529, Acc.bathtub: 0.7249, Acc.railing: 0.3575, Acc.cushion: 0.6749, Acc.base: 0.3415, Acc.box: 0.2903, Acc.column: 0.3452, Acc.signboard: 0.3961, Acc.chest of drawers: 0.5063, Acc.counter: 0.3540, Acc.sand: 0.5022, Acc.sink: 0.7176, Acc.skyscraper: 0.5425, Acc.fireplace: 0.7567, Acc.refrigerator: 0.5440, Acc.grandstand: 0.7222, Acc.path: 0.1480, Acc.stairs: 0.2944, Acc.runway: 0.7812, Acc.case: 0.6168, Acc.pool table: 0.9121, Acc.pillow: 0.6021, Acc.screen door: 0.5665, Acc.stairway: 0.5088, Acc.river: 0.2678, Acc.bridge: 0.4958, Acc.bookcase: 0.4038, Acc.blind: 0.2277, Acc.coffee table: 0.7089, Acc.toilet: 0.8422, Acc.flower: 0.5336, Acc.book: 0.6676, Acc.hill: 0.0877, Acc.bench: 0.4759, Acc.countertop: 0.6070, Acc.stove: 0.7422, Acc.palm: 0.5702, Acc.kitchen island: 0.4941, Acc.computer: 0.7805, Acc.swivel chair: 0.4291, Acc.boat: 0.7017, Acc.bar: 0.4766, Acc.arcade machine: 0.6758, Acc.hovel: 0.1582, Acc.bus: 0.8208, Acc.towel: 0.7464, Acc.light: 0.2739, Acc.truck: 0.3975, Acc.tower: 0.1122, Acc.chandelier: 0.7608, Acc.awning: 0.2644, Acc.streetlight: 0.1998, Acc.booth: 0.3255, Acc.television receiver: 0.6559, Acc.airplane: 0.6405, Acc.dirt track: 0.1675, Acc.apparel: 0.5861, Acc.pole: 0.1396, Acc.land: 0.0202, Acc.bannister: 0.0886, Acc.escalator: 0.5156, Acc.ottoman: 0.4836, Acc.bottle: 0.5675, Acc.buffet: 0.3168, Acc.poster: 0.1839, Acc.stage: 0.2438, Acc.van: 0.3697, Acc.ship: 0.0725, Acc.fountain: 0.0889, Acc.conveyer belt: 0.8713, Acc.canopy: 0.3032, Acc.washer: 0.7280, Acc.plaything: 0.3923, Acc.swimming pool: 0.6821, Acc.stool: 0.3212, Acc.barrel: 0.4436, Acc.basket: 0.4235, Acc.waterfall: 0.5260, Acc.tent: 0.9189, Acc.bag: 0.1376, Acc.minibike: 0.7349, Acc.cradle: 0.9201, Acc.oven: 0.4550, Acc.ball: 0.6678, Acc.food: 0.5679, Acc.step: 0.0174, Acc.tank: 0.5689, Acc.trade name: 0.1221, Acc.microwave: 0.7194, Acc.pot: 0.3606, Acc.animal: 0.6091, Acc.bicycle: 0.7420, Acc.lake: 0.0459, Acc.dishwasher: 0.4287, Acc.screen: 0.4565, Acc.blanket: 0.1352, Acc.sculpture: 0.6270, Acc.hood: 0.4727, Acc.sconce: 0.3364, Acc.vase: 0.4834, Acc.traffic light: 0.4019, Acc.tray: 0.0876, Acc.ashcan: 0.4435, Acc.fan: 0.5654, Acc.pier: 0.4331, Acc.crt screen: 0.0320, Acc.plate: 0.4815, Acc.monitor: 0.1249, Acc.bulletin board: 0.3638, Acc.shower: 0.0000, Acc.radiator: 0.5928, Acc.glass: 0.1379, Acc.clock: 0.2875, Acc.flag: 0.4540 2023-11-09 23:15:49,570 - mmseg - INFO - Iter [6050/80000] lr: 3.698e-05, eta: 5:58:27, time: 1.131, data_time: 0.926, memory: 16310, decode.loss_ce: 0.7990, decode.acc_seg: 72.6851, loss: 0.7990 2023-11-09 23:16:00,143 - mmseg - INFO - Iter [6100/80000] lr: 3.695e-05, eta: 5:57:24, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7753, decode.acc_seg: 73.3534, loss: 0.7753 2023-11-09 23:16:10,678 - mmseg - INFO - Iter [6150/80000] lr: 3.693e-05, eta: 5:56:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.8012, decode.acc_seg: 73.6663, loss: 0.8012 2023-11-09 23:16:21,200 - mmseg - INFO - Iter [6200/80000] lr: 3.690e-05, eta: 5:55:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.8179, decode.acc_seg: 72.5122, loss: 0.8179 2023-11-09 23:16:31,716 - mmseg - INFO - Iter [6250/80000] lr: 3.688e-05, eta: 5:54:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7897, decode.acc_seg: 73.0073, loss: 0.7897 2023-11-09 23:16:42,239 - mmseg - INFO - Iter [6300/80000] lr: 3.685e-05, eta: 5:53:19, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7713, decode.acc_seg: 73.6224, loss: 0.7713 2023-11-09 23:16:55,041 - mmseg - INFO - Iter [6350/80000] lr: 3.683e-05, eta: 5:52:47, time: 0.256, data_time: 0.049, memory: 16310, decode.loss_ce: 0.7814, decode.acc_seg: 73.3778, loss: 0.7814 2023-11-09 23:17:05,554 - mmseg - INFO - Iter [6400/80000] lr: 3.680e-05, eta: 5:51:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7435, decode.acc_seg: 74.1609, loss: 0.7435 2023-11-09 23:17:16,066 - mmseg - INFO - Iter [6450/80000] lr: 3.678e-05, eta: 5:50:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7720, decode.acc_seg: 74.0498, loss: 0.7720 2023-11-09 23:17:26,570 - mmseg - INFO - Iter [6500/80000] lr: 3.675e-05, eta: 5:49:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7874, decode.acc_seg: 73.2956, loss: 0.7874 2023-11-09 23:17:37,089 - mmseg - INFO - Iter [6550/80000] lr: 3.673e-05, eta: 5:48:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7770, decode.acc_seg: 73.7744, loss: 0.7770 2023-11-09 23:17:47,601 - mmseg - INFO - Iter [6600/80000] lr: 3.670e-05, eta: 5:48:00, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7279, decode.acc_seg: 74.6108, loss: 0.7279 2023-11-09 23:17:58,114 - mmseg - INFO - Iter [6650/80000] lr: 3.668e-05, eta: 5:47:05, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7638, decode.acc_seg: 73.4453, loss: 0.7638 2023-11-09 23:18:08,629 - mmseg - INFO - Iter [6700/80000] lr: 3.665e-05, eta: 5:46:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7718, decode.acc_seg: 73.7969, loss: 0.7718 2023-11-09 23:18:19,136 - mmseg - INFO - Iter [6750/80000] lr: 3.663e-05, eta: 5:45:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7562, decode.acc_seg: 74.2574, loss: 0.7562 2023-11-09 23:18:29,650 - mmseg - INFO - Iter [6800/80000] lr: 3.660e-05, eta: 5:44:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7327, decode.acc_seg: 74.8978, loss: 0.7327 2023-11-09 23:18:40,165 - mmseg - INFO - Iter [6850/80000] lr: 3.658e-05, eta: 5:43:31, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7688, decode.acc_seg: 73.4644, loss: 0.7688 2023-11-09 23:18:50,689 - mmseg - INFO - Iter [6900/80000] lr: 3.655e-05, eta: 5:42:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7464, decode.acc_seg: 74.3124, loss: 0.7464 2023-11-09 23:19:01,230 - mmseg - INFO - Iter [6950/80000] lr: 3.653e-05, eta: 5:41:48, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7189, decode.acc_seg: 74.9200, loss: 0.7189 2023-11-09 23:19:11,736 - mmseg - INFO - Saving checkpoint at 7000 iterations 2023-11-09 23:19:37,592 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:19:37,592 - mmseg - INFO - Iter [7000/80000] lr: 3.650e-05, eta: 5:45:27, time: 0.727, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7578, decode.acc_seg: 73.9984, loss: 0.7578 2023-11-09 23:20:23,289 - mmseg - INFO - per class results: 2023-11-09 23:20:23,295 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 65.34 | 84.08 | | building | 76.22 | 91.63 | | sky | 83.29 | 93.85 | | floor | 67.93 | 85.47 | | tree | 65.22 | 81.86 | | ceiling | 72.25 | 83.81 | | road | 73.73 | 86.14 | | bed | 79.02 | 91.42 | | windowpane | 55.38 | 73.01 | | grass | 62.35 | 76.37 | | cabinet | 50.47 | 62.19 | | sidewalk | 51.47 | 67.01 | | person | 70.46 | 89.42 | | earth | 31.32 | 42.88 | | door | 35.57 | 42.64 | | table | 49.84 | 64.95 | | mountain | 51.35 | 65.58 | | plant | 45.09 | 53.3 | | curtain | 58.57 | 67.79 | | chair | 49.52 | 62.23 | | car | 73.66 | 90.59 | | water | 47.88 | 63.14 | | painting | 60.44 | 77.75 | | sofa | 62.04 | 76.61 | | shelf | 35.32 | 48.83 | | house | 37.31 | 48.4 | | sea | 52.47 | 69.13 | | mirror | 49.13 | 57.78 | | rug | 39.76 | 42.87 | | field | 33.21 | 51.87 | | armchair | 38.41 | 52.74 | | seat | 51.83 | 71.16 | | fence | 34.67 | 45.5 | | desk | 37.99 | 57.29 | | rock | 46.4 | 58.06 | | wardrobe | 39.85 | 52.57 | | lamp | 51.24 | 64.38 | | bathtub | 65.16 | 71.24 | | railing | 29.44 | 37.04 | | cushion | 54.04 | 64.24 | | base | 23.98 | 31.82 | | box | 25.25 | 31.78 | | column | 30.69 | 35.21 | | signboard | 27.42 | 41.91 | | chest of drawers | 38.92 | 49.79 | | counter | 27.95 | 35.06 | | sand | 41.68 | 49.03 | | sink | 62.86 | 71.3 | | skyscraper | 43.27 | 55.37 | | fireplace | 59.88 | 75.1 | | refrigerator | 49.48 | 55.04 | | grandstand | 50.88 | 72.06 | | path | 12.02 | 14.35 | | stairs | 24.25 | 26.78 | | runway | 58.62 | 75.72 | | case | 48.5 | 60.64 | | pool table | 76.04 | 91.81 | | pillow | 50.21 | 60.91 | | screen door | 49.8 | 57.3 | | stairway | 44.38 | 56.97 | | river | 16.54 | 21.76 | | bridge | 39.18 | 48.08 | | bookcase | 29.42 | 40.67 | | blind | 16.65 | 17.62 | | coffee table | 54.09 | 74.14 | | toilet | 72.15 | 82.28 | | flower | 36.56 | 48.19 | | book | 45.72 | 65.36 | | hill | 5.24 | 6.96 | | bench | 40.09 | 47.0 | | countertop | 46.78 | 58.55 | | stove | 65.87 | 74.23 | | palm | 42.36 | 57.48 | | kitchen island | 29.0 | 41.55 | | computer | 60.63 | 75.32 | | swivel chair | 38.87 | 49.78 | | boat | 52.88 | 73.52 | | bar | 41.02 | 44.65 | | arcade machine | 57.45 | 63.24 | | hovel | 18.87 | 22.62 | | bus | 73.08 | 84.68 | | towel | 60.48 | 74.09 | | light | 22.84 | 25.12 | | truck | 28.2 | 40.23 | | tower | 9.35 | 14.39 | | chandelier | 58.14 | 74.25 | | awning | 21.8 | 25.74 | | streetlight | 18.48 | 21.8 | | booth | 24.19 | 28.68 | | television receiver | 58.05 | 66.05 | | airplane | 48.23 | 61.84 | | dirt track | 17.34 | 18.83 | | apparel | 41.0 | 54.89 | | pole | 12.51 | 15.0 | | land | 1.36 | 1.53 | | bannister | 5.96 | 7.8 | | escalator | 41.77 | 50.13 | | ottoman | 38.16 | 46.29 | | bottle | 40.48 | 57.2 | | buffet | 32.9 | 37.05 | | poster | 11.67 | 14.25 | | stage | 12.17 | 20.23 | | van | 24.85 | 32.92 | | ship | 8.72 | 9.02 | | fountain | 14.26 | 14.81 | | conveyer belt | 64.85 | 88.12 | | canopy | 21.74 | 22.98 | | washer | 66.89 | 72.62 | | plaything | 26.87 | 37.18 | | swimming pool | 53.96 | 65.53 | | stool | 25.18 | 30.43 | | barrel | 28.48 | 48.95 | | basket | 33.26 | 43.54 | | waterfall | 46.34 | 55.69 | | tent | 71.87 | 93.55 | | bag | 11.55 | 12.77 | | minibike | 57.54 | 72.61 | | cradle | 69.03 | 91.28 | | oven | 39.35 | 44.85 | | ball | 53.96 | 65.05 | | food | 49.36 | 59.19 | | step | 2.55 | 2.69 | | tank | 44.85 | 57.58 | | trade name | 9.05 | 9.97 | | microwave | 64.52 | 69.73 | | pot | 32.08 | 35.4 | | animal | 44.2 | 50.36 | | bicycle | 54.5 | 74.21 | | lake | 3.96 | 4.05 | | dishwasher | 41.11 | 43.6 | | screen | 39.24 | 53.0 | | blanket | 12.66 | 14.38 | | sculpture | 45.52 | 57.21 | | hood | 43.38 | 46.04 | | sconce | 29.1 | 36.43 | | vase | 34.3 | 44.13 | | traffic light | 28.57 | 38.12 | | tray | 8.06 | 9.61 | | ashcan | 38.05 | 47.2 | | fan | 44.77 | 56.36 | | pier | 33.36 | 42.93 | | crt screen | 2.47 | 3.74 | | plate | 42.32 | 52.38 | | monitor | 11.37 | 12.83 | | bulletin board | 33.21 | 38.58 | | shower | 0.0 | 0.0 | | radiator | 52.21 | 56.94 | | glass | 13.24 | 14.06 | | clock | 25.16 | 28.95 | | flag | 40.28 | 47.92 | +---------------------+-------+-------+ 2023-11-09 23:20:23,295 - mmseg - INFO - Summary: 2023-11-09 23:20:23,295 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 76.64 | 40.74 | 50.52 | +-------+-------+-------+ 2023-11-09 23:20:23,296 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:20:23,296 - mmseg - INFO - Iter(val) [250] aAcc: 0.7664, mIoU: 0.4074, mAcc: 0.5052, IoU.wall: 0.6534, IoU.building: 0.7622, IoU.sky: 0.8329, IoU.floor: 0.6793, IoU.tree: 0.6522, IoU.ceiling: 0.7225, IoU.road: 0.7373, IoU.bed : 0.7902, IoU.windowpane: 0.5538, IoU.grass: 0.6235, IoU.cabinet: 0.5047, IoU.sidewalk: 0.5147, IoU.person: 0.7046, IoU.earth: 0.3132, IoU.door: 0.3557, IoU.table: 0.4984, IoU.mountain: 0.5135, IoU.plant: 0.4509, IoU.curtain: 0.5857, IoU.chair: 0.4952, IoU.car: 0.7366, IoU.water: 0.4788, IoU.painting: 0.6044, IoU.sofa: 0.6204, IoU.shelf: 0.3532, IoU.house: 0.3731, IoU.sea: 0.5247, IoU.mirror: 0.4913, IoU.rug: 0.3976, IoU.field: 0.3321, IoU.armchair: 0.3841, IoU.seat: 0.5183, IoU.fence: 0.3467, IoU.desk: 0.3799, IoU.rock: 0.4640, IoU.wardrobe: 0.3985, IoU.lamp: 0.5124, IoU.bathtub: 0.6516, IoU.railing: 0.2944, IoU.cushion: 0.5404, IoU.base: 0.2398, IoU.box: 0.2525, IoU.column: 0.3069, IoU.signboard: 0.2742, IoU.chest of drawers: 0.3892, IoU.counter: 0.2795, IoU.sand: 0.4168, IoU.sink: 0.6286, IoU.skyscraper: 0.4327, IoU.fireplace: 0.5988, IoU.refrigerator: 0.4948, IoU.grandstand: 0.5088, IoU.path: 0.1202, IoU.stairs: 0.2425, IoU.runway: 0.5862, IoU.case: 0.4850, IoU.pool table: 0.7604, IoU.pillow: 0.5021, IoU.screen door: 0.4980, IoU.stairway: 0.4438, IoU.river: 0.1654, IoU.bridge: 0.3918, IoU.bookcase: 0.2942, IoU.blind: 0.1665, IoU.coffee table: 0.5409, IoU.toilet: 0.7215, IoU.flower: 0.3656, IoU.book: 0.4572, IoU.hill: 0.0524, IoU.bench: 0.4009, IoU.countertop: 0.4678, IoU.stove: 0.6587, IoU.palm: 0.4236, IoU.kitchen island: 0.2900, IoU.computer: 0.6063, IoU.swivel chair: 0.3887, IoU.boat: 0.5288, IoU.bar: 0.4102, IoU.arcade machine: 0.5745, IoU.hovel: 0.1887, IoU.bus: 0.7308, IoU.towel: 0.6048, IoU.light: 0.2284, IoU.truck: 0.2820, IoU.tower: 0.0935, IoU.chandelier: 0.5814, IoU.awning: 0.2180, IoU.streetlight: 0.1848, IoU.booth: 0.2419, IoU.television receiver: 0.5805, IoU.airplane: 0.4823, IoU.dirt track: 0.1734, IoU.apparel: 0.4100, IoU.pole: 0.1251, IoU.land: 0.0136, IoU.bannister: 0.0596, IoU.escalator: 0.4177, IoU.ottoman: 0.3816, IoU.bottle: 0.4048, IoU.buffet: 0.3290, IoU.poster: 0.1167, IoU.stage: 0.1217, IoU.van: 0.2485, IoU.ship: 0.0872, IoU.fountain: 0.1426, IoU.conveyer belt: 0.6485, IoU.canopy: 0.2174, IoU.washer: 0.6689, IoU.plaything: 0.2687, IoU.swimming pool: 0.5396, IoU.stool: 0.2518, IoU.barrel: 0.2848, IoU.basket: 0.3326, IoU.waterfall: 0.4634, IoU.tent: 0.7187, IoU.bag: 0.1155, IoU.minibike: 0.5754, IoU.cradle: 0.6903, IoU.oven: 0.3935, IoU.ball: 0.5396, IoU.food: 0.4936, IoU.step: 0.0255, IoU.tank: 0.4485, IoU.trade name: 0.0905, IoU.microwave: 0.6452, IoU.pot: 0.3208, IoU.animal: 0.4420, IoU.bicycle: 0.5450, IoU.lake: 0.0396, IoU.dishwasher: 0.4111, IoU.screen: 0.3924, IoU.blanket: 0.1266, IoU.sculpture: 0.4552, IoU.hood: 0.4338, IoU.sconce: 0.2910, IoU.vase: 0.3430, IoU.traffic light: 0.2857, IoU.tray: 0.0806, IoU.ashcan: 0.3805, IoU.fan: 0.4477, IoU.pier: 0.3336, IoU.crt screen: 0.0247, IoU.plate: 0.4232, IoU.monitor: 0.1137, IoU.bulletin board: 0.3321, IoU.shower: 0.0000, IoU.radiator: 0.5221, IoU.glass: 0.1324, IoU.clock: 0.2516, IoU.flag: 0.4028, Acc.wall: 0.8408, Acc.building: 0.9163, Acc.sky: 0.9385, Acc.floor: 0.8547, Acc.tree: 0.8186, Acc.ceiling: 0.8381, Acc.road: 0.8614, Acc.bed : 0.9142, Acc.windowpane: 0.7301, Acc.grass: 0.7637, Acc.cabinet: 0.6219, Acc.sidewalk: 0.6701, Acc.person: 0.8942, Acc.earth: 0.4288, Acc.door: 0.4264, Acc.table: 0.6495, Acc.mountain: 0.6558, Acc.plant: 0.5330, Acc.curtain: 0.6779, Acc.chair: 0.6223, Acc.car: 0.9059, Acc.water: 0.6314, Acc.painting: 0.7775, Acc.sofa: 0.7661, Acc.shelf: 0.4883, Acc.house: 0.4840, Acc.sea: 0.6913, Acc.mirror: 0.5778, Acc.rug: 0.4287, Acc.field: 0.5187, Acc.armchair: 0.5274, Acc.seat: 0.7116, Acc.fence: 0.4550, Acc.desk: 0.5729, Acc.rock: 0.5806, Acc.wardrobe: 0.5257, Acc.lamp: 0.6438, Acc.bathtub: 0.7124, Acc.railing: 0.3704, Acc.cushion: 0.6424, Acc.base: 0.3182, Acc.box: 0.3178, Acc.column: 0.3521, Acc.signboard: 0.4191, Acc.chest of drawers: 0.4979, Acc.counter: 0.3506, Acc.sand: 0.4903, Acc.sink: 0.7130, Acc.skyscraper: 0.5537, Acc.fireplace: 0.7510, Acc.refrigerator: 0.5504, Acc.grandstand: 0.7206, Acc.path: 0.1435, Acc.stairs: 0.2678, Acc.runway: 0.7572, Acc.case: 0.6064, Acc.pool table: 0.9181, Acc.pillow: 0.6091, Acc.screen door: 0.5730, Acc.stairway: 0.5697, Acc.river: 0.2176, Acc.bridge: 0.4808, Acc.bookcase: 0.4067, Acc.blind: 0.1762, Acc.coffee table: 0.7414, Acc.toilet: 0.8228, Acc.flower: 0.4819, Acc.book: 0.6536, Acc.hill: 0.0696, Acc.bench: 0.4700, Acc.countertop: 0.5855, Acc.stove: 0.7423, Acc.palm: 0.5748, Acc.kitchen island: 0.4155, Acc.computer: 0.7532, Acc.swivel chair: 0.4978, Acc.boat: 0.7352, Acc.bar: 0.4465, Acc.arcade machine: 0.6324, Acc.hovel: 0.2262, Acc.bus: 0.8468, Acc.towel: 0.7409, Acc.light: 0.2512, Acc.truck: 0.4023, Acc.tower: 0.1439, Acc.chandelier: 0.7425, Acc.awning: 0.2574, Acc.streetlight: 0.2180, Acc.booth: 0.2868, Acc.television receiver: 0.6605, Acc.airplane: 0.6184, Acc.dirt track: 0.1883, Acc.apparel: 0.5489, Acc.pole: 0.1500, Acc.land: 0.0153, Acc.bannister: 0.0780, Acc.escalator: 0.5013, Acc.ottoman: 0.4629, Acc.bottle: 0.5720, Acc.buffet: 0.3705, Acc.poster: 0.1425, Acc.stage: 0.2023, Acc.van: 0.3292, Acc.ship: 0.0902, Acc.fountain: 0.1481, Acc.conveyer belt: 0.8812, Acc.canopy: 0.2298, Acc.washer: 0.7262, Acc.plaything: 0.3718, Acc.swimming pool: 0.6553, Acc.stool: 0.3043, Acc.barrel: 0.4895, Acc.basket: 0.4354, Acc.waterfall: 0.5569, Acc.tent: 0.9355, Acc.bag: 0.1277, Acc.minibike: 0.7261, Acc.cradle: 0.9128, Acc.oven: 0.4485, Acc.ball: 0.6505, Acc.food: 0.5919, Acc.step: 0.0269, Acc.tank: 0.5758, Acc.trade name: 0.0997, Acc.microwave: 0.6973, Acc.pot: 0.3540, Acc.animal: 0.5036, Acc.bicycle: 0.7421, Acc.lake: 0.0405, Acc.dishwasher: 0.4360, Acc.screen: 0.5300, Acc.blanket: 0.1438, Acc.sculpture: 0.5721, Acc.hood: 0.4604, Acc.sconce: 0.3643, Acc.vase: 0.4413, Acc.traffic light: 0.3812, Acc.tray: 0.0961, Acc.ashcan: 0.4720, Acc.fan: 0.5636, Acc.pier: 0.4293, Acc.crt screen: 0.0374, Acc.plate: 0.5238, Acc.monitor: 0.1283, Acc.bulletin board: 0.3858, Acc.shower: 0.0000, Acc.radiator: 0.5694, Acc.glass: 0.1406, Acc.clock: 0.2895, Acc.flag: 0.4792 2023-11-09 23:20:33,898 - mmseg - INFO - Iter [7050/80000] lr: 3.648e-05, eta: 5:52:28, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.7302, decode.acc_seg: 74.7720, loss: 0.7302 2023-11-09 23:20:44,459 - mmseg - INFO - Iter [7100/80000] lr: 3.645e-05, eta: 5:51:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7421, decode.acc_seg: 74.8084, loss: 0.7421 2023-11-09 23:20:55,005 - mmseg - INFO - Iter [7150/80000] lr: 3.643e-05, eta: 5:50:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7312, decode.acc_seg: 74.6000, loss: 0.7312 2023-11-09 23:21:05,536 - mmseg - INFO - Iter [7200/80000] lr: 3.640e-05, eta: 5:49:45, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7557, decode.acc_seg: 74.0574, loss: 0.7557 2023-11-09 23:21:16,070 - mmseg - INFO - Iter [7250/80000] lr: 3.638e-05, eta: 5:48:52, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7180, decode.acc_seg: 74.7342, loss: 0.7180 2023-11-09 23:21:26,598 - mmseg - INFO - Iter [7300/80000] lr: 3.635e-05, eta: 5:47:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7453, decode.acc_seg: 74.1589, loss: 0.7453 2023-11-09 23:21:37,123 - mmseg - INFO - Iter [7350/80000] lr: 3.633e-05, eta: 5:47:07, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7346, decode.acc_seg: 74.2615, loss: 0.7346 2023-11-09 23:21:47,641 - mmseg - INFO - Iter [7400/80000] lr: 3.630e-05, eta: 5:46:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7407, decode.acc_seg: 74.1312, loss: 0.7407 2023-11-09 23:21:58,152 - mmseg - INFO - Iter [7450/80000] lr: 3.628e-05, eta: 5:45:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7391, decode.acc_seg: 74.3075, loss: 0.7391 2023-11-09 23:22:08,665 - mmseg - INFO - Iter [7500/80000] lr: 3.625e-05, eta: 5:44:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7501, decode.acc_seg: 74.2162, loss: 0.7501 2023-11-09 23:22:19,194 - mmseg - INFO - Iter [7550/80000] lr: 3.623e-05, eta: 5:43:43, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7486, decode.acc_seg: 73.9401, loss: 0.7486 2023-11-09 23:22:31,997 - mmseg - INFO - Iter [7600/80000] lr: 3.620e-05, eta: 5:43:15, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.7485, decode.acc_seg: 74.8233, loss: 0.7485 2023-11-09 23:22:42,503 - mmseg - INFO - Iter [7650/80000] lr: 3.618e-05, eta: 5:42:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7488, decode.acc_seg: 74.1428, loss: 0.7488 2023-11-09 23:22:53,022 - mmseg - INFO - Iter [7700/80000] lr: 3.615e-05, eta: 5:41:37, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7205, decode.acc_seg: 75.2247, loss: 0.7205 2023-11-09 23:23:03,542 - mmseg - INFO - Iter [7750/80000] lr: 3.613e-05, eta: 5:40:49, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7326, decode.acc_seg: 74.1279, loss: 0.7326 2023-11-09 23:23:14,043 - mmseg - INFO - Iter [7800/80000] lr: 3.610e-05, eta: 5:40:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7201, decode.acc_seg: 75.1616, loss: 0.7201 2023-11-09 23:23:24,560 - mmseg - INFO - Iter [7850/80000] lr: 3.608e-05, eta: 5:39:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6993, decode.acc_seg: 75.5340, loss: 0.6993 2023-11-09 23:23:35,074 - mmseg - INFO - Iter [7900/80000] lr: 3.605e-05, eta: 5:38:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7052, decode.acc_seg: 75.6058, loss: 0.7052 2023-11-09 23:23:45,572 - mmseg - INFO - Iter [7950/80000] lr: 3.603e-05, eta: 5:37:40, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7447, decode.acc_seg: 74.6987, loss: 0.7447 2023-11-09 23:23:56,069 - mmseg - INFO - Saving checkpoint at 8000 iterations 2023-11-09 23:24:21,765 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:24:21,765 - mmseg - INFO - Iter [8000/80000] lr: 3.600e-05, eta: 5:40:45, time: 0.724, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6983, decode.acc_seg: 76.1100, loss: 0.6983 2023-11-09 23:25:07,555 - mmseg - INFO - per class results: 2023-11-09 23:25:07,561 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 65.4 | 85.05 | | building | 76.5 | 92.17 | | sky | 84.55 | 93.71 | | floor | 69.07 | 83.62 | | tree | 65.75 | 83.21 | | ceiling | 72.29 | 82.13 | | road | 75.22 | 85.3 | | bed | 79.18 | 92.37 | | windowpane | 56.04 | 73.29 | | grass | 63.51 | 78.89 | | cabinet | 51.17 | 64.47 | | sidewalk | 52.91 | 67.7 | | person | 71.19 | 89.94 | | earth | 30.91 | 41.41 | | door | 36.87 | 45.12 | | table | 50.4 | 64.65 | | mountain | 50.73 | 65.76 | | plant | 46.02 | 55.54 | | curtain | 59.15 | 68.44 | | chair | 50.21 | 63.59 | | car | 74.73 | 90.49 | | water | 48.25 | 64.31 | | painting | 60.99 | 76.31 | | sofa | 63.05 | 77.52 | | shelf | 35.39 | 48.79 | | house | 38.67 | 50.81 | | sea | 53.94 | 70.74 | | mirror | 50.79 | 60.55 | | rug | 44.31 | 49.64 | | field | 32.19 | 46.72 | | armchair | 38.51 | 51.65 | | seat | 52.39 | 70.91 | | fence | 33.53 | 42.33 | | desk | 38.25 | 58.38 | | rock | 48.12 | 63.53 | | wardrobe | 40.16 | 51.63 | | lamp | 51.93 | 65.31 | | bathtub | 65.93 | 71.93 | | railing | 29.55 | 37.61 | | cushion | 55.16 | 67.94 | | base | 25.31 | 34.2 | | box | 24.5 | 29.95 | | column | 29.49 | 33.21 | | signboard | 27.31 | 38.82 | | chest of drawers | 38.94 | 51.36 | | counter | 28.53 | 34.72 | | sand | 43.1 | 50.04 | | sink | 63.61 | 72.42 | | skyscraper | 42.74 | 54.13 | | fireplace | 60.24 | 76.61 | | refrigerator | 50.35 | 55.77 | | grandstand | 52.38 | 73.93 | | path | 14.84 | 19.5 | | stairs | 22.97 | 25.23 | | runway | 60.23 | 78.39 | | case | 48.73 | 64.02 | | pool table | 77.49 | 91.83 | | pillow | 49.06 | 56.87 | | screen door | 48.47 | 53.4 | | stairway | 43.06 | 53.09 | | river | 16.91 | 24.59 | | bridge | 40.26 | 49.95 | | bookcase | 30.64 | 43.81 | | blind | 20.05 | 21.96 | | coffee table | 55.45 | 74.01 | | toilet | 72.88 | 83.45 | | flower | 37.67 | 48.94 | | book | 44.7 | 62.94 | | hill | 5.06 | 8.23 | | bench | 40.75 | 48.1 | | countertop | 47.52 | 58.95 | | stove | 65.68 | 73.48 | | palm | 43.73 | 59.71 | | kitchen island | 29.69 | 44.72 | | computer | 60.69 | 74.0 | | swivel chair | 40.28 | 51.09 | | boat | 55.23 | 70.72 | | bar | 44.73 | 49.48 | | arcade machine | 56.11 | 61.35 | | hovel | 21.4 | 24.52 | | bus | 74.49 | 85.24 | | towel | 61.11 | 74.39 | | light | 27.31 | 31.24 | | truck | 29.35 | 40.25 | | tower | 8.28 | 11.82 | | chandelier | 58.37 | 71.85 | | awning | 21.68 | 25.46 | | streetlight | 19.79 | 24.12 | | booth | 24.94 | 29.7 | | television receiver | 58.95 | 66.27 | | airplane | 47.67 | 63.81 | | dirt track | 16.11 | 18.43 | | apparel | 42.01 | 57.31 | | pole | 11.34 | 13.27 | | land | 1.38 | 1.63 | | bannister | 6.79 | 9.25 | | escalator | 47.08 | 58.04 | | ottoman | 37.05 | 43.5 | | bottle | 39.43 | 53.26 | | buffet | 35.57 | 40.65 | | poster | 15.91 | 19.96 | | stage | 13.58 | 23.78 | | van | 23.18 | 29.08 | | ship | 15.01 | 15.94 | | fountain | 12.21 | 12.62 | | conveyer belt | 64.3 | 91.13 | | canopy | 27.67 | 29.91 | | washer | 69.91 | 78.14 | | plaything | 26.07 | 33.99 | | swimming pool | 55.89 | 70.07 | | stool | 24.96 | 30.13 | | barrel | 29.29 | 46.27 | | basket | 33.21 | 41.9 | | waterfall | 45.62 | 51.94 | | tent | 74.72 | 93.48 | | bag | 13.88 | 16.02 | | minibike | 57.99 | 72.63 | | cradle | 70.3 | 89.83 | | oven | 39.56 | 45.29 | | ball | 45.53 | 70.54 | | food | 46.89 | 54.66 | | step | 2.44 | 2.56 | | tank | 46.07 | 59.6 | | trade name | 13.18 | 14.93 | | microwave | 62.66 | 66.39 | | pot | 32.3 | 35.5 | | animal | 47.94 | 55.07 | | bicycle | 55.59 | 81.3 | | lake | 4.03 | 4.23 | | dishwasher | 41.52 | 43.68 | | screen | 38.58 | 47.14 | | blanket | 12.91 | 14.67 | | sculpture | 46.72 | 62.64 | | hood | 43.53 | 45.96 | | sconce | 30.49 | 38.53 | | vase | 34.07 | 44.18 | | traffic light | 28.8 | 41.63 | | tray | 7.47 | 8.78 | | ashcan | 38.16 | 46.62 | | fan | 43.87 | 53.2 | | pier | 33.73 | 43.94 | | crt screen | 2.81 | 4.63 | | plate | 44.89 | 55.73 | | monitor | 11.73 | 13.05 | | bulletin board | 34.88 | 41.22 | | shower | 0.01 | 0.01 | | radiator | 51.72 | 56.85 | | glass | 14.31 | 15.31 | | clock | 24.13 | 27.14 | | flag | 40.01 | 46.97 | +---------------------+-------+-------+ 2023-11-09 23:25:07,561 - mmseg - INFO - Summary: 2023-11-09 23:25:07,561 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 77.03 | 41.38 | 51.22 | +-------+-------+-------+ 2023-11-09 23:25:07,562 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:25:07,562 - mmseg - INFO - Iter(val) [250] aAcc: 0.7703, mIoU: 0.4138, mAcc: 0.5122, IoU.wall: 0.6540, IoU.building: 0.7650, IoU.sky: 0.8455, IoU.floor: 0.6907, IoU.tree: 0.6575, IoU.ceiling: 0.7229, IoU.road: 0.7522, IoU.bed : 0.7918, IoU.windowpane: 0.5604, IoU.grass: 0.6351, IoU.cabinet: 0.5117, IoU.sidewalk: 0.5291, IoU.person: 0.7119, IoU.earth: 0.3091, IoU.door: 0.3687, IoU.table: 0.5040, IoU.mountain: 0.5073, IoU.plant: 0.4602, IoU.curtain: 0.5915, IoU.chair: 0.5021, IoU.car: 0.7473, IoU.water: 0.4825, IoU.painting: 0.6099, IoU.sofa: 0.6305, IoU.shelf: 0.3539, IoU.house: 0.3867, IoU.sea: 0.5394, IoU.mirror: 0.5079, IoU.rug: 0.4431, IoU.field: 0.3219, IoU.armchair: 0.3851, IoU.seat: 0.5239, IoU.fence: 0.3353, IoU.desk: 0.3825, IoU.rock: 0.4812, IoU.wardrobe: 0.4016, IoU.lamp: 0.5193, IoU.bathtub: 0.6593, IoU.railing: 0.2955, IoU.cushion: 0.5516, IoU.base: 0.2531, IoU.box: 0.2450, IoU.column: 0.2949, IoU.signboard: 0.2731, IoU.chest of drawers: 0.3894, IoU.counter: 0.2853, IoU.sand: 0.4310, IoU.sink: 0.6361, IoU.skyscraper: 0.4274, IoU.fireplace: 0.6024, IoU.refrigerator: 0.5035, IoU.grandstand: 0.5238, IoU.path: 0.1484, IoU.stairs: 0.2297, IoU.runway: 0.6023, IoU.case: 0.4873, IoU.pool table: 0.7749, IoU.pillow: 0.4906, IoU.screen door: 0.4847, IoU.stairway: 0.4306, IoU.river: 0.1691, IoU.bridge: 0.4026, IoU.bookcase: 0.3064, IoU.blind: 0.2005, IoU.coffee table: 0.5545, IoU.toilet: 0.7288, IoU.flower: 0.3767, IoU.book: 0.4470, IoU.hill: 0.0506, IoU.bench: 0.4075, IoU.countertop: 0.4752, IoU.stove: 0.6568, IoU.palm: 0.4373, IoU.kitchen island: 0.2969, IoU.computer: 0.6069, IoU.swivel chair: 0.4028, IoU.boat: 0.5523, IoU.bar: 0.4473, IoU.arcade machine: 0.5611, IoU.hovel: 0.2140, IoU.bus: 0.7449, IoU.towel: 0.6111, IoU.light: 0.2731, IoU.truck: 0.2935, IoU.tower: 0.0828, IoU.chandelier: 0.5837, IoU.awning: 0.2168, IoU.streetlight: 0.1979, IoU.booth: 0.2494, IoU.television receiver: 0.5895, IoU.airplane: 0.4767, IoU.dirt track: 0.1611, IoU.apparel: 0.4201, IoU.pole: 0.1134, IoU.land: 0.0138, IoU.bannister: 0.0679, IoU.escalator: 0.4708, IoU.ottoman: 0.3705, IoU.bottle: 0.3943, IoU.buffet: 0.3557, IoU.poster: 0.1591, IoU.stage: 0.1358, IoU.van: 0.2318, IoU.ship: 0.1501, IoU.fountain: 0.1221, IoU.conveyer belt: 0.6430, IoU.canopy: 0.2767, IoU.washer: 0.6991, IoU.plaything: 0.2607, IoU.swimming pool: 0.5589, IoU.stool: 0.2496, IoU.barrel: 0.2929, IoU.basket: 0.3321, IoU.waterfall: 0.4562, IoU.tent: 0.7472, IoU.bag: 0.1388, IoU.minibike: 0.5799, IoU.cradle: 0.7030, IoU.oven: 0.3956, IoU.ball: 0.4553, IoU.food: 0.4689, IoU.step: 0.0244, IoU.tank: 0.4607, IoU.trade name: 0.1318, IoU.microwave: 0.6266, IoU.pot: 0.3230, IoU.animal: 0.4794, IoU.bicycle: 0.5559, IoU.lake: 0.0403, IoU.dishwasher: 0.4152, IoU.screen: 0.3858, IoU.blanket: 0.1291, IoU.sculpture: 0.4672, IoU.hood: 0.4353, IoU.sconce: 0.3049, IoU.vase: 0.3407, IoU.traffic light: 0.2880, IoU.tray: 0.0747, IoU.ashcan: 0.3816, IoU.fan: 0.4387, IoU.pier: 0.3373, IoU.crt screen: 0.0281, IoU.plate: 0.4489, IoU.monitor: 0.1173, IoU.bulletin board: 0.3488, IoU.shower: 0.0001, IoU.radiator: 0.5172, IoU.glass: 0.1431, IoU.clock: 0.2413, IoU.flag: 0.4001, Acc.wall: 0.8505, Acc.building: 0.9217, Acc.sky: 0.9371, Acc.floor: 0.8362, Acc.tree: 0.8321, Acc.ceiling: 0.8213, Acc.road: 0.8530, Acc.bed : 0.9237, Acc.windowpane: 0.7329, Acc.grass: 0.7889, Acc.cabinet: 0.6447, Acc.sidewalk: 0.6770, Acc.person: 0.8994, Acc.earth: 0.4141, Acc.door: 0.4512, Acc.table: 0.6465, Acc.mountain: 0.6576, Acc.plant: 0.5554, Acc.curtain: 0.6844, Acc.chair: 0.6359, Acc.car: 0.9049, Acc.water: 0.6431, Acc.painting: 0.7631, Acc.sofa: 0.7752, Acc.shelf: 0.4879, Acc.house: 0.5081, Acc.sea: 0.7074, Acc.mirror: 0.6055, Acc.rug: 0.4964, Acc.field: 0.4672, Acc.armchair: 0.5165, Acc.seat: 0.7091, Acc.fence: 0.4233, Acc.desk: 0.5838, Acc.rock: 0.6353, Acc.wardrobe: 0.5163, Acc.lamp: 0.6531, Acc.bathtub: 0.7193, Acc.railing: 0.3761, Acc.cushion: 0.6794, Acc.base: 0.3420, Acc.box: 0.2995, Acc.column: 0.3321, Acc.signboard: 0.3882, Acc.chest of drawers: 0.5136, Acc.counter: 0.3472, Acc.sand: 0.5004, Acc.sink: 0.7242, Acc.skyscraper: 0.5413, Acc.fireplace: 0.7661, Acc.refrigerator: 0.5577, Acc.grandstand: 0.7393, Acc.path: 0.1950, Acc.stairs: 0.2523, Acc.runway: 0.7839, Acc.case: 0.6402, Acc.pool table: 0.9183, Acc.pillow: 0.5687, Acc.screen door: 0.5340, Acc.stairway: 0.5309, Acc.river: 0.2459, Acc.bridge: 0.4995, Acc.bookcase: 0.4381, Acc.blind: 0.2196, Acc.coffee table: 0.7401, Acc.toilet: 0.8345, Acc.flower: 0.4894, Acc.book: 0.6294, Acc.hill: 0.0823, Acc.bench: 0.4810, Acc.countertop: 0.5895, Acc.stove: 0.7348, Acc.palm: 0.5971, Acc.kitchen island: 0.4472, Acc.computer: 0.7400, Acc.swivel chair: 0.5109, Acc.boat: 0.7072, Acc.bar: 0.4948, Acc.arcade machine: 0.6135, Acc.hovel: 0.2452, Acc.bus: 0.8524, Acc.towel: 0.7439, Acc.light: 0.3124, Acc.truck: 0.4025, Acc.tower: 0.1182, Acc.chandelier: 0.7185, Acc.awning: 0.2546, Acc.streetlight: 0.2412, Acc.booth: 0.2970, Acc.television receiver: 0.6627, Acc.airplane: 0.6381, Acc.dirt track: 0.1843, Acc.apparel: 0.5731, Acc.pole: 0.1327, Acc.land: 0.0163, Acc.bannister: 0.0925, Acc.escalator: 0.5804, Acc.ottoman: 0.4350, Acc.bottle: 0.5326, Acc.buffet: 0.4065, Acc.poster: 0.1996, Acc.stage: 0.2378, Acc.van: 0.2908, Acc.ship: 0.1594, Acc.fountain: 0.1262, Acc.conveyer belt: 0.9113, Acc.canopy: 0.2991, Acc.washer: 0.7814, Acc.plaything: 0.3399, Acc.swimming pool: 0.7007, Acc.stool: 0.3013, Acc.barrel: 0.4627, Acc.basket: 0.4190, Acc.waterfall: 0.5194, Acc.tent: 0.9348, Acc.bag: 0.1602, Acc.minibike: 0.7263, Acc.cradle: 0.8983, Acc.oven: 0.4529, Acc.ball: 0.7054, Acc.food: 0.5466, Acc.step: 0.0256, Acc.tank: 0.5960, Acc.trade name: 0.1493, Acc.microwave: 0.6639, Acc.pot: 0.3550, Acc.animal: 0.5507, Acc.bicycle: 0.8130, Acc.lake: 0.0423, Acc.dishwasher: 0.4368, Acc.screen: 0.4714, Acc.blanket: 0.1467, Acc.sculpture: 0.6264, Acc.hood: 0.4596, Acc.sconce: 0.3853, Acc.vase: 0.4418, Acc.traffic light: 0.4163, Acc.tray: 0.0878, Acc.ashcan: 0.4662, Acc.fan: 0.5320, Acc.pier: 0.4394, Acc.crt screen: 0.0463, Acc.plate: 0.5573, Acc.monitor: 0.1305, Acc.bulletin board: 0.4122, Acc.shower: 0.0001, Acc.radiator: 0.5685, Acc.glass: 0.1531, Acc.clock: 0.2714, Acc.flag: 0.4697 2023-11-09 23:25:18,149 - mmseg - INFO - Iter [8050/80000] lr: 3.598e-05, eta: 5:46:48, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 0.7139, decode.acc_seg: 74.5827, loss: 0.7139 2023-11-09 23:25:28,726 - mmseg - INFO - Iter [8100/80000] lr: 3.595e-05, eta: 5:45:59, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6731, decode.acc_seg: 76.4094, loss: 0.6731 2023-11-09 23:25:39,277 - mmseg - INFO - Iter [8150/80000] lr: 3.593e-05, eta: 5:45:10, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7341, decode.acc_seg: 75.0745, loss: 0.7341 2023-11-09 23:25:49,811 - mmseg - INFO - Iter [8200/80000] lr: 3.590e-05, eta: 5:44:22, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7034, decode.acc_seg: 75.5269, loss: 0.7034 2023-11-09 23:26:00,328 - mmseg - INFO - Iter [8250/80000] lr: 3.588e-05, eta: 5:43:34, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7132, decode.acc_seg: 74.8769, loss: 0.7132 2023-11-09 23:26:10,842 - mmseg - INFO - Iter [8300/80000] lr: 3.585e-05, eta: 5:42:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7080, decode.acc_seg: 75.2220, loss: 0.7080 2023-11-09 23:26:21,355 - mmseg - INFO - Iter [8350/80000] lr: 3.583e-05, eta: 5:41:59, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6892, decode.acc_seg: 75.7231, loss: 0.6892 2023-11-09 23:26:31,878 - mmseg - INFO - Iter [8400/80000] lr: 3.580e-05, eta: 5:41:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7019, decode.acc_seg: 74.8039, loss: 0.7019 2023-11-09 23:26:42,396 - mmseg - INFO - Iter [8450/80000] lr: 3.578e-05, eta: 5:40:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7255, decode.acc_seg: 74.6048, loss: 0.7255 2023-11-09 23:26:52,907 - mmseg - INFO - Iter [8500/80000] lr: 3.575e-05, eta: 5:39:40, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6704, decode.acc_seg: 76.2723, loss: 0.6704 2023-11-09 23:27:03,429 - mmseg - INFO - Iter [8550/80000] lr: 3.573e-05, eta: 5:38:55, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7329, decode.acc_seg: 74.8371, loss: 0.7329 2023-11-09 23:27:13,939 - mmseg - INFO - Iter [8600/80000] lr: 3.570e-05, eta: 5:38:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7143, decode.acc_seg: 74.8215, loss: 0.7143 2023-11-09 23:27:24,449 - mmseg - INFO - Iter [8650/80000] lr: 3.568e-05, eta: 5:37:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7153, decode.acc_seg: 74.8542, loss: 0.7153 2023-11-09 23:27:34,961 - mmseg - INFO - Iter [8700/80000] lr: 3.565e-05, eta: 5:36:41, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7404, decode.acc_seg: 74.5676, loss: 0.7404 2023-11-09 23:27:45,474 - mmseg - INFO - Iter [8750/80000] lr: 3.563e-05, eta: 5:35:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7049, decode.acc_seg: 74.8559, loss: 0.7049 2023-11-09 23:27:55,992 - mmseg - INFO - Iter [8800/80000] lr: 3.560e-05, eta: 5:35:13, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6955, decode.acc_seg: 74.6783, loss: 0.6955 2023-11-09 23:28:08,791 - mmseg - INFO - Iter [8850/80000] lr: 3.558e-05, eta: 5:34:48, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.6973, decode.acc_seg: 75.3976, loss: 0.6973 2023-11-09 23:28:19,301 - mmseg - INFO - Iter [8900/80000] lr: 3.555e-05, eta: 5:34:05, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7029, decode.acc_seg: 75.5862, loss: 0.7029 2023-11-09 23:28:29,817 - mmseg - INFO - Iter [8950/80000] lr: 3.553e-05, eta: 5:33:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6955, decode.acc_seg: 75.0086, loss: 0.6955 2023-11-09 23:28:40,329 - mmseg - INFO - Saving checkpoint at 9000 iterations 2023-11-09 23:29:04,890 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:29:04,891 - mmseg - INFO - Iter [9000/80000] lr: 3.550e-05, eta: 5:35:54, time: 0.701, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7120, decode.acc_seg: 74.8507, loss: 0.7120 2023-11-09 23:29:50,770 - mmseg - INFO - per class results: 2023-11-09 23:29:50,775 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 66.59 | 83.65 | | building | 76.69 | 91.95 | | sky | 84.38 | 94.8 | | floor | 69.74 | 85.84 | | tree | 66.04 | 81.97 | | ceiling | 73.55 | 85.59 | | road | 74.55 | 87.79 | | bed | 80.48 | 91.86 | | windowpane | 56.03 | 74.18 | | grass | 63.85 | 78.01 | | cabinet | 51.57 | 63.76 | | sidewalk | 51.42 | 64.83 | | person | 71.61 | 90.13 | | earth | 32.57 | 45.74 | | door | 36.73 | 44.57 | | table | 50.89 | 66.4 | | mountain | 51.73 | 63.84 | | plant | 46.4 | 56.19 | | curtain | 60.74 | 70.68 | | chair | 50.27 | 63.91 | | car | 75.22 | 89.99 | | water | 49.73 | 64.48 | | painting | 62.32 | 78.08 | | sofa | 63.12 | 80.3 | | shelf | 36.11 | 50.04 | | house | 39.34 | 51.85 | | sea | 55.15 | 72.6 | | mirror | 51.96 | 63.0 | | rug | 43.23 | 47.21 | | field | 33.56 | 47.3 | | armchair | 38.75 | 49.89 | | seat | 51.49 | 73.02 | | fence | 35.71 | 47.07 | | desk | 37.59 | 62.9 | | rock | 47.69 | 59.61 | | wardrobe | 41.33 | 56.43 | | lamp | 52.89 | 66.89 | | bathtub | 66.71 | 74.7 | | railing | 29.98 | 37.16 | | cushion | 55.01 | 65.98 | | base | 24.58 | 35.52 | | box | 25.4 | 31.64 | | column | 30.61 | 34.84 | | signboard | 27.78 | 40.98 | | chest of drawers | 40.1 | 50.72 | | counter | 27.65 | 34.43 | | sand | 42.5 | 50.36 | | sink | 63.31 | 70.2 | | skyscraper | 43.08 | 58.21 | | fireplace | 61.03 | 75.59 | | refrigerator | 51.56 | 57.66 | | grandstand | 52.81 | 70.39 | | path | 14.64 | 19.1 | | stairs | 23.13 | 25.21 | | runway | 61.65 | 81.68 | | case | 49.81 | 60.52 | | pool table | 79.38 | 91.53 | | pillow | 50.06 | 58.79 | | screen door | 46.56 | 50.93 | | stairway | 43.72 | 57.1 | | river | 17.09 | 22.68 | | bridge | 39.39 | 48.11 | | bookcase | 30.56 | 41.94 | | blind | 13.42 | 13.93 | | coffee table | 55.82 | 70.05 | | toilet | 73.49 | 83.28 | | flower | 36.98 | 50.35 | | book | 46.03 | 64.93 | | hill | 5.23 | 7.68 | | bench | 40.79 | 48.61 | | countertop | 48.1 | 61.09 | | stove | 66.82 | 76.0 | | palm | 41.29 | 53.04 | | kitchen island | 30.83 | 47.32 | | computer | 60.72 | 74.43 | | swivel chair | 39.88 | 53.41 | | boat | 50.74 | 65.54 | | bar | 45.14 | 50.72 | | arcade machine | 59.76 | 67.1 | | hovel | 22.48 | 25.61 | | bus | 76.02 | 86.67 | | towel | 61.38 | 72.6 | | light | 28.07 | 32.01 | | truck | 29.77 | 41.01 | | tower | 9.05 | 12.93 | | chandelier | 58.69 | 72.58 | | awning | 23.09 | 28.32 | | streetlight | 20.27 | 25.4 | | booth | 25.19 | 34.28 | | television receiver | 60.07 | 68.35 | | airplane | 48.56 | 62.66 | | dirt track | 13.76 | 14.97 | | apparel | 41.88 | 55.68 | | pole | 11.75 | 13.73 | | land | 2.17 | 2.72 | | bannister | 4.84 | 6.01 | | escalator | 45.87 | 56.01 | | ottoman | 39.45 | 48.14 | | bottle | 40.88 | 58.54 | | buffet | 35.24 | 40.09 | | poster | 17.16 | 21.91 | | stage | 12.73 | 22.45 | | van | 28.0 | 37.63 | | ship | 20.31 | 23.21 | | fountain | 11.85 | 12.19 | | conveyer belt | 65.2 | 88.59 | | canopy | 32.16 | 35.2 | | washer | 69.18 | 75.54 | | plaything | 27.33 | 45.08 | | swimming pool | 56.48 | 71.99 | | stool | 24.65 | 28.86 | | barrel | 28.65 | 44.57 | | basket | 33.56 | 43.0 | | waterfall | 48.86 | 56.84 | | tent | 72.97 | 94.95 | | bag | 12.75 | 14.29 | | minibike | 58.58 | 73.21 | | cradle | 70.19 | 92.34 | | oven | 39.33 | 45.42 | | ball | 51.97 | 60.53 | | food | 47.65 | 55.62 | | step | 3.59 | 3.87 | | tank | 46.47 | 59.73 | | trade name | 10.85 | 11.92 | | microwave | 67.58 | 74.31 | | pot | 34.39 | 38.19 | | animal | 53.2 | 62.45 | | bicycle | 55.03 | 75.51 | | lake | 11.91 | 13.52 | | dishwasher | 43.66 | 46.6 | | screen | 40.24 | 57.32 | | blanket | 15.67 | 18.07 | | sculpture | 47.85 | 69.04 | | hood | 47.08 | 50.72 | | sconce | 28.97 | 35.23 | | vase | 34.29 | 44.98 | | traffic light | 29.51 | 41.37 | | tray | 8.31 | 9.96 | | ashcan | 40.31 | 50.64 | | fan | 47.61 | 62.19 | | pier | 33.42 | 44.44 | | crt screen | 2.3 | 4.37 | | plate | 45.34 | 56.32 | | monitor | 11.18 | 12.53 | | bulletin board | 37.48 | 47.24 | | shower | 0.2 | 0.42 | | radiator | 57.72 | 65.98 | | glass | 13.51 | 14.24 | | clock | 25.65 | 28.19 | | flag | 39.32 | 45.76 | +---------------------+-------+-------+ 2023-11-09 23:29:50,776 - mmseg - INFO - Summary: 2023-11-09 23:29:50,776 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 77.41 | 42.03 | 52.18 | +-------+-------+-------+ 2023-11-09 23:29:50,776 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:29:50,777 - mmseg - INFO - Iter(val) [250] aAcc: 0.7741, mIoU: 0.4203, mAcc: 0.5218, IoU.wall: 0.6659, IoU.building: 0.7669, IoU.sky: 0.8438, IoU.floor: 0.6974, IoU.tree: 0.6604, IoU.ceiling: 0.7355, IoU.road: 0.7455, IoU.bed : 0.8048, IoU.windowpane: 0.5603, IoU.grass: 0.6385, IoU.cabinet: 0.5157, IoU.sidewalk: 0.5142, IoU.person: 0.7161, IoU.earth: 0.3257, IoU.door: 0.3673, IoU.table: 0.5089, IoU.mountain: 0.5173, IoU.plant: 0.4640, IoU.curtain: 0.6074, IoU.chair: 0.5027, IoU.car: 0.7522, IoU.water: 0.4973, IoU.painting: 0.6232, IoU.sofa: 0.6312, IoU.shelf: 0.3611, IoU.house: 0.3934, IoU.sea: 0.5515, IoU.mirror: 0.5196, IoU.rug: 0.4323, IoU.field: 0.3356, IoU.armchair: 0.3875, IoU.seat: 0.5149, IoU.fence: 0.3571, IoU.desk: 0.3759, IoU.rock: 0.4769, IoU.wardrobe: 0.4133, IoU.lamp: 0.5289, IoU.bathtub: 0.6671, IoU.railing: 0.2998, IoU.cushion: 0.5501, IoU.base: 0.2458, IoU.box: 0.2540, IoU.column: 0.3061, IoU.signboard: 0.2778, IoU.chest of drawers: 0.4010, IoU.counter: 0.2765, IoU.sand: 0.4250, IoU.sink: 0.6331, IoU.skyscraper: 0.4308, IoU.fireplace: 0.6103, IoU.refrigerator: 0.5156, IoU.grandstand: 0.5281, IoU.path: 0.1464, IoU.stairs: 0.2313, IoU.runway: 0.6165, IoU.case: 0.4981, IoU.pool table: 0.7938, IoU.pillow: 0.5006, IoU.screen door: 0.4656, IoU.stairway: 0.4372, IoU.river: 0.1709, IoU.bridge: 0.3939, IoU.bookcase: 0.3056, IoU.blind: 0.1342, IoU.coffee table: 0.5582, IoU.toilet: 0.7349, IoU.flower: 0.3698, IoU.book: 0.4603, IoU.hill: 0.0523, IoU.bench: 0.4079, IoU.countertop: 0.4810, IoU.stove: 0.6682, IoU.palm: 0.4129, IoU.kitchen island: 0.3083, IoU.computer: 0.6072, IoU.swivel chair: 0.3988, IoU.boat: 0.5074, IoU.bar: 0.4514, IoU.arcade machine: 0.5976, IoU.hovel: 0.2248, IoU.bus: 0.7602, IoU.towel: 0.6138, IoU.light: 0.2807, IoU.truck: 0.2977, IoU.tower: 0.0905, IoU.chandelier: 0.5869, IoU.awning: 0.2309, IoU.streetlight: 0.2027, IoU.booth: 0.2519, IoU.television receiver: 0.6007, IoU.airplane: 0.4856, IoU.dirt track: 0.1376, IoU.apparel: 0.4188, IoU.pole: 0.1175, IoU.land: 0.0217, IoU.bannister: 0.0484, IoU.escalator: 0.4587, IoU.ottoman: 0.3945, IoU.bottle: 0.4088, IoU.buffet: 0.3524, IoU.poster: 0.1716, IoU.stage: 0.1273, IoU.van: 0.2800, IoU.ship: 0.2031, IoU.fountain: 0.1185, IoU.conveyer belt: 0.6520, IoU.canopy: 0.3216, IoU.washer: 0.6918, IoU.plaything: 0.2733, IoU.swimming pool: 0.5648, IoU.stool: 0.2465, IoU.barrel: 0.2865, IoU.basket: 0.3356, IoU.waterfall: 0.4886, IoU.tent: 0.7297, IoU.bag: 0.1275, IoU.minibike: 0.5858, IoU.cradle: 0.7019, IoU.oven: 0.3933, IoU.ball: 0.5197, IoU.food: 0.4765, IoU.step: 0.0359, IoU.tank: 0.4647, IoU.trade name: 0.1085, IoU.microwave: 0.6758, IoU.pot: 0.3439, IoU.animal: 0.5320, IoU.bicycle: 0.5503, IoU.lake: 0.1191, IoU.dishwasher: 0.4366, IoU.screen: 0.4024, IoU.blanket: 0.1567, IoU.sculpture: 0.4785, IoU.hood: 0.4708, IoU.sconce: 0.2897, IoU.vase: 0.3429, IoU.traffic light: 0.2951, IoU.tray: 0.0831, IoU.ashcan: 0.4031, IoU.fan: 0.4761, IoU.pier: 0.3342, IoU.crt screen: 0.0230, IoU.plate: 0.4534, IoU.monitor: 0.1118, IoU.bulletin board: 0.3748, IoU.shower: 0.0020, IoU.radiator: 0.5772, IoU.glass: 0.1351, IoU.clock: 0.2565, IoU.flag: 0.3932, Acc.wall: 0.8365, Acc.building: 0.9195, Acc.sky: 0.9480, Acc.floor: 0.8584, Acc.tree: 0.8197, Acc.ceiling: 0.8559, Acc.road: 0.8779, Acc.bed : 0.9186, Acc.windowpane: 0.7418, Acc.grass: 0.7801, Acc.cabinet: 0.6376, Acc.sidewalk: 0.6483, Acc.person: 0.9013, Acc.earth: 0.4574, Acc.door: 0.4457, Acc.table: 0.6640, Acc.mountain: 0.6384, Acc.plant: 0.5619, Acc.curtain: 0.7068, Acc.chair: 0.6391, Acc.car: 0.8999, Acc.water: 0.6448, Acc.painting: 0.7808, Acc.sofa: 0.8030, Acc.shelf: 0.5004, Acc.house: 0.5185, Acc.sea: 0.7260, Acc.mirror: 0.6300, Acc.rug: 0.4721, Acc.field: 0.4730, Acc.armchair: 0.4989, Acc.seat: 0.7302, Acc.fence: 0.4707, Acc.desk: 0.6290, Acc.rock: 0.5961, Acc.wardrobe: 0.5643, Acc.lamp: 0.6689, Acc.bathtub: 0.7470, Acc.railing: 0.3716, Acc.cushion: 0.6598, Acc.base: 0.3552, Acc.box: 0.3164, Acc.column: 0.3484, Acc.signboard: 0.4098, Acc.chest of drawers: 0.5072, Acc.counter: 0.3443, Acc.sand: 0.5036, Acc.sink: 0.7020, Acc.skyscraper: 0.5821, Acc.fireplace: 0.7559, Acc.refrigerator: 0.5766, Acc.grandstand: 0.7039, Acc.path: 0.1910, Acc.stairs: 0.2521, Acc.runway: 0.8168, Acc.case: 0.6052, Acc.pool table: 0.9153, Acc.pillow: 0.5879, Acc.screen door: 0.5093, Acc.stairway: 0.5710, Acc.river: 0.2268, Acc.bridge: 0.4811, Acc.bookcase: 0.4194, Acc.blind: 0.1393, Acc.coffee table: 0.7005, Acc.toilet: 0.8328, Acc.flower: 0.5035, Acc.book: 0.6493, Acc.hill: 0.0768, Acc.bench: 0.4861, Acc.countertop: 0.6109, Acc.stove: 0.7600, Acc.palm: 0.5304, Acc.kitchen island: 0.4732, Acc.computer: 0.7443, Acc.swivel chair: 0.5341, Acc.boat: 0.6554, Acc.bar: 0.5072, Acc.arcade machine: 0.6710, Acc.hovel: 0.2561, Acc.bus: 0.8667, Acc.towel: 0.7260, Acc.light: 0.3201, Acc.truck: 0.4101, Acc.tower: 0.1293, Acc.chandelier: 0.7258, Acc.awning: 0.2832, Acc.streetlight: 0.2540, Acc.booth: 0.3428, Acc.television receiver: 0.6835, Acc.airplane: 0.6266, Acc.dirt track: 0.1497, Acc.apparel: 0.5568, Acc.pole: 0.1373, Acc.land: 0.0272, Acc.bannister: 0.0601, Acc.escalator: 0.5601, Acc.ottoman: 0.4814, Acc.bottle: 0.5854, Acc.buffet: 0.4009, Acc.poster: 0.2191, Acc.stage: 0.2245, Acc.van: 0.3763, Acc.ship: 0.2321, Acc.fountain: 0.1219, Acc.conveyer belt: 0.8859, Acc.canopy: 0.3520, Acc.washer: 0.7554, Acc.plaything: 0.4508, Acc.swimming pool: 0.7199, Acc.stool: 0.2886, Acc.barrel: 0.4457, Acc.basket: 0.4300, Acc.waterfall: 0.5684, Acc.tent: 0.9495, Acc.bag: 0.1429, Acc.minibike: 0.7321, Acc.cradle: 0.9234, Acc.oven: 0.4542, Acc.ball: 0.6053, Acc.food: 0.5562, Acc.step: 0.0387, Acc.tank: 0.5973, Acc.trade name: 0.1192, Acc.microwave: 0.7431, Acc.pot: 0.3819, Acc.animal: 0.6245, Acc.bicycle: 0.7551, Acc.lake: 0.1352, Acc.dishwasher: 0.4660, Acc.screen: 0.5732, Acc.blanket: 0.1807, Acc.sculpture: 0.6904, Acc.hood: 0.5072, Acc.sconce: 0.3523, Acc.vase: 0.4498, Acc.traffic light: 0.4137, Acc.tray: 0.0996, Acc.ashcan: 0.5064, Acc.fan: 0.6219, Acc.pier: 0.4444, Acc.crt screen: 0.0437, Acc.plate: 0.5632, Acc.monitor: 0.1253, Acc.bulletin board: 0.4724, Acc.shower: 0.0042, Acc.radiator: 0.6598, Acc.glass: 0.1424, Acc.clock: 0.2819, Acc.flag: 0.4576 2023-11-09 23:30:01,391 - mmseg - INFO - Iter [9050/80000] lr: 3.548e-05, eta: 5:41:12, time: 1.130, data_time: 0.924, memory: 16310, decode.loss_ce: 0.7038, decode.acc_seg: 74.8188, loss: 0.7038 2023-11-09 23:30:11,963 - mmseg - INFO - Iter [9100/80000] lr: 3.545e-05, eta: 5:40:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7028, decode.acc_seg: 75.2753, loss: 0.7028 2023-11-09 23:30:22,509 - mmseg - INFO - Iter [9150/80000] lr: 3.543e-05, eta: 5:39:43, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6843, decode.acc_seg: 75.7511, loss: 0.6843 2023-11-09 23:30:33,069 - mmseg - INFO - Iter [9200/80000] lr: 3.540e-05, eta: 5:38:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6964, decode.acc_seg: 75.4555, loss: 0.6964 2023-11-09 23:30:43,604 - mmseg - INFO - Iter [9250/80000] lr: 3.538e-05, eta: 5:38:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7095, decode.acc_seg: 75.4097, loss: 0.7095 2023-11-09 23:30:54,135 - mmseg - INFO - Iter [9300/80000] lr: 3.535e-05, eta: 5:37:32, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6913, decode.acc_seg: 75.5443, loss: 0.6913 2023-11-09 23:31:04,656 - mmseg - INFO - Iter [9350/80000] lr: 3.533e-05, eta: 5:36:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6886, decode.acc_seg: 75.5707, loss: 0.6886 2023-11-09 23:31:15,165 - mmseg - INFO - Iter [9400/80000] lr: 3.530e-05, eta: 5:36:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6892, decode.acc_seg: 74.7725, loss: 0.6892 2023-11-09 23:31:25,671 - mmseg - INFO - Iter [9450/80000] lr: 3.528e-05, eta: 5:35:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7059, decode.acc_seg: 74.7312, loss: 0.7059 2023-11-09 23:31:36,188 - mmseg - INFO - Iter [9500/80000] lr: 3.525e-05, eta: 5:34:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6901, decode.acc_seg: 76.3112, loss: 0.6901 2023-11-09 23:31:46,694 - mmseg - INFO - Iter [9550/80000] lr: 3.523e-05, eta: 5:34:00, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6991, decode.acc_seg: 75.5812, loss: 0.6991 2023-11-09 23:31:57,215 - mmseg - INFO - Iter [9600/80000] lr: 3.520e-05, eta: 5:33:19, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6852, decode.acc_seg: 76.1849, loss: 0.6852 2023-11-09 23:32:07,726 - mmseg - INFO - Iter [9650/80000] lr: 3.518e-05, eta: 5:32:38, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6898, decode.acc_seg: 75.8637, loss: 0.6898 2023-11-09 23:32:18,239 - mmseg - INFO - Iter [9700/80000] lr: 3.515e-05, eta: 5:31:57, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7040, decode.acc_seg: 75.0039, loss: 0.7040 2023-11-09 23:32:28,744 - mmseg - INFO - Iter [9750/80000] lr: 3.513e-05, eta: 5:31:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6944, decode.acc_seg: 75.3678, loss: 0.6944 2023-11-09 23:32:39,248 - mmseg - INFO - Iter [9800/80000] lr: 3.510e-05, eta: 5:30:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6426, decode.acc_seg: 77.0210, loss: 0.6426 2023-11-09 23:32:49,750 - mmseg - INFO - Iter [9850/80000] lr: 3.508e-05, eta: 5:29:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6928, decode.acc_seg: 75.5731, loss: 0.6928 2023-11-09 23:33:00,258 - mmseg - INFO - Iter [9900/80000] lr: 3.505e-05, eta: 5:29:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6689, decode.acc_seg: 76.3747, loss: 0.6689 2023-11-09 23:33:10,763 - mmseg - INFO - Iter [9950/80000] lr: 3.503e-05, eta: 5:28:37, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6908, decode.acc_seg: 75.2120, loss: 0.6908 2023-11-09 23:33:21,273 - mmseg - INFO - Saving checkpoint at 10000 iterations 2023-11-09 23:33:49,305 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:33:49,305 - mmseg - INFO - Iter [10000/80000] lr: 3.500e-05, eta: 5:31:14, time: 0.771, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6881, decode.acc_seg: 76.2700, loss: 0.6881 2023-11-09 23:34:35,209 - mmseg - INFO - per class results: 2023-11-09 23:34:35,215 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 67.01 | 83.95 | | building | 77.22 | 92.32 | | sky | 86.16 | 94.01 | | floor | 70.41 | 85.31 | | tree | 66.74 | 83.85 | | ceiling | 74.12 | 85.23 | | road | 75.43 | 87.39 | | bed | 80.98 | 91.92 | | windowpane | 56.49 | 74.56 | | grass | 63.99 | 78.75 | | cabinet | 52.23 | 66.0 | | sidewalk | 52.77 | 67.19 | | person | 71.62 | 90.96 | | earth | 31.18 | 41.97 | | door | 37.21 | 45.35 | | table | 51.11 | 66.44 | | mountain | 50.85 | 61.45 | | plant | 47.54 | 58.59 | | curtain | 61.51 | 72.3 | | chair | 50.92 | 65.71 | | car | 75.54 | 90.86 | | water | 50.83 | 67.5 | | painting | 62.08 | 78.76 | | sofa | 64.03 | 79.71 | | shelf | 35.21 | 47.17 | | house | 38.59 | 49.59 | | sea | 56.67 | 74.77 | | mirror | 52.99 | 64.71 | | rug | 43.34 | 47.24 | | field | 34.14 | 52.03 | | armchair | 39.52 | 54.08 | | seat | 52.64 | 73.19 | | fence | 36.06 | 48.7 | | desk | 38.59 | 60.53 | | rock | 47.71 | 64.54 | | wardrobe | 41.56 | 53.92 | | lamp | 53.11 | 66.96 | | bathtub | 67.35 | 75.16 | | railing | 30.8 | 39.2 | | cushion | 55.38 | 67.06 | | base | 26.27 | 39.57 | | box | 25.44 | 31.63 | | column | 32.15 | 37.23 | | signboard | 28.41 | 42.84 | | chest of drawers | 38.64 | 48.88 | | counter | 28.05 | 34.26 | | sand | 43.95 | 54.23 | | sink | 64.84 | 74.99 | | skyscraper | 43.57 | 58.47 | | fireplace | 61.18 | 74.6 | | refrigerator | 51.15 | 57.18 | | grandstand | 52.51 | 76.24 | | path | 14.91 | 19.49 | | stairs | 25.27 | 28.51 | | runway | 61.49 | 80.72 | | case | 50.14 | 64.44 | | pool table | 78.68 | 93.27 | | pillow | 52.03 | 62.21 | | screen door | 47.44 | 52.35 | | stairway | 45.48 | 54.54 | | river | 16.97 | 22.68 | | bridge | 39.79 | 49.52 | | bookcase | 31.46 | 47.04 | | blind | 18.38 | 19.65 | | coffee table | 55.27 | 76.73 | | toilet | 74.06 | 84.0 | | flower | 37.59 | 49.61 | | book | 45.1 | 61.93 | | hill | 5.41 | 9.12 | | bench | 41.97 | 49.48 | | countertop | 47.52 | 58.08 | | stove | 67.18 | 75.88 | | palm | 44.91 | 60.99 | | kitchen island | 32.91 | 52.83 | | computer | 61.39 | 76.35 | | swivel chair | 39.18 | 48.49 | | boat | 52.16 | 73.84 | | bar | 46.6 | 52.99 | | arcade machine | 61.92 | 70.55 | | hovel | 18.22 | 20.05 | | bus | 76.66 | 86.83 | | towel | 61.92 | 74.0 | | light | 28.15 | 31.83 | | truck | 30.26 | 42.02 | | tower | 9.09 | 12.97 | | chandelier | 59.35 | 73.22 | | awning | 22.94 | 28.35 | | streetlight | 21.25 | 26.32 | | booth | 26.24 | 35.86 | | television receiver | 61.66 | 70.3 | | airplane | 48.45 | 63.95 | | dirt track | 16.25 | 19.83 | | apparel | 41.91 | 54.05 | | pole | 13.64 | 16.69 | | land | 1.89 | 2.41 | | bannister | 5.31 | 6.74 | | escalator | 50.01 | 62.44 | | ottoman | 39.94 | 49.7 | | bottle | 41.36 | 60.52 | | buffet | 36.15 | 41.22 | | poster | 17.28 | 22.19 | | stage | 13.79 | 26.74 | | van | 29.73 | 40.3 | | ship | 18.86 | 20.58 | | fountain | 15.56 | 16.22 | | conveyer belt | 65.04 | 90.77 | | canopy | 32.46 | 35.98 | | washer | 68.53 | 73.46 | | plaything | 27.17 | 39.85 | | swimming pool | 57.4 | 70.59 | | stool | 26.69 | 33.0 | | barrel | 28.27 | 44.64 | | basket | 34.2 | 44.94 | | waterfall | 50.75 | 61.58 | | tent | 77.5 | 95.05 | | bag | 13.27 | 14.98 | | minibike | 60.89 | 78.52 | | cradle | 68.6 | 92.85 | | oven | 40.3 | 46.04 | | ball | 52.63 | 62.78 | | food | 48.83 | 57.63 | | step | 4.79 | 5.35 | | tank | 48.77 | 64.89 | | trade name | 13.37 | 14.91 | | microwave | 68.79 | 75.42 | | pot | 33.88 | 37.29 | | animal | 48.82 | 56.25 | | bicycle | 55.65 | 76.24 | | lake | 6.19 | 6.47 | | dishwasher | 41.93 | 43.93 | | screen | 39.58 | 53.19 | | blanket | 12.43 | 14.19 | | sculpture | 49.06 | 66.93 | | hood | 48.62 | 52.56 | | sconce | 30.94 | 38.68 | | vase | 35.11 | 48.32 | | traffic light | 29.53 | 39.75 | | tray | 8.14 | 9.53 | | ashcan | 40.5 | 51.45 | | fan | 47.58 | 60.46 | | pier | 34.04 | 43.85 | | crt screen | 2.74 | 5.38 | | plate | 46.37 | 59.44 | | monitor | 14.43 | 16.83 | | bulletin board | 39.12 | 46.55 | | shower | 0.35 | 0.86 | | radiator | 57.22 | 65.15 | | glass | 14.63 | 15.58 | | clock | 27.92 | 32.01 | | flag | 39.71 | 46.46 | +---------------------+-------+-------+ 2023-11-09 23:34:35,215 - mmseg - INFO - Summary: 2023-11-09 23:34:35,215 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 77.78 | 42.61 | 53.14 | +-------+-------+-------+ 2023-11-09 23:34:35,216 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:34:35,216 - mmseg - INFO - Iter(val) [250] aAcc: 0.7778, mIoU: 0.4261, mAcc: 0.5314, IoU.wall: 0.6701, IoU.building: 0.7722, IoU.sky: 0.8616, IoU.floor: 0.7041, IoU.tree: 0.6674, IoU.ceiling: 0.7412, IoU.road: 0.7543, IoU.bed : 0.8098, IoU.windowpane: 0.5649, IoU.grass: 0.6399, IoU.cabinet: 0.5223, IoU.sidewalk: 0.5277, IoU.person: 0.7162, IoU.earth: 0.3118, IoU.door: 0.3721, IoU.table: 0.5111, IoU.mountain: 0.5085, IoU.plant: 0.4754, IoU.curtain: 0.6151, IoU.chair: 0.5092, IoU.car: 0.7554, IoU.water: 0.5083, IoU.painting: 0.6208, IoU.sofa: 0.6403, IoU.shelf: 0.3521, IoU.house: 0.3859, IoU.sea: 0.5667, IoU.mirror: 0.5299, IoU.rug: 0.4334, IoU.field: 0.3414, IoU.armchair: 0.3952, IoU.seat: 0.5264, IoU.fence: 0.3606, IoU.desk: 0.3859, IoU.rock: 0.4771, IoU.wardrobe: 0.4156, IoU.lamp: 0.5311, IoU.bathtub: 0.6735, IoU.railing: 0.3080, IoU.cushion: 0.5538, IoU.base: 0.2627, IoU.box: 0.2544, IoU.column: 0.3215, IoU.signboard: 0.2841, IoU.chest of drawers: 0.3864, IoU.counter: 0.2805, IoU.sand: 0.4395, IoU.sink: 0.6484, IoU.skyscraper: 0.4357, IoU.fireplace: 0.6118, IoU.refrigerator: 0.5115, IoU.grandstand: 0.5251, IoU.path: 0.1491, IoU.stairs: 0.2527, IoU.runway: 0.6149, IoU.case: 0.5014, IoU.pool table: 0.7868, IoU.pillow: 0.5203, IoU.screen door: 0.4744, IoU.stairway: 0.4548, IoU.river: 0.1697, IoU.bridge: 0.3979, IoU.bookcase: 0.3146, IoU.blind: 0.1838, IoU.coffee table: 0.5527, IoU.toilet: 0.7406, IoU.flower: 0.3759, IoU.book: 0.4510, IoU.hill: 0.0541, IoU.bench: 0.4197, IoU.countertop: 0.4752, IoU.stove: 0.6718, IoU.palm: 0.4491, IoU.kitchen island: 0.3291, IoU.computer: 0.6139, IoU.swivel chair: 0.3918, IoU.boat: 0.5216, IoU.bar: 0.4660, IoU.arcade machine: 0.6192, IoU.hovel: 0.1822, IoU.bus: 0.7666, IoU.towel: 0.6192, IoU.light: 0.2815, IoU.truck: 0.3026, IoU.tower: 0.0909, IoU.chandelier: 0.5935, IoU.awning: 0.2294, IoU.streetlight: 0.2125, IoU.booth: 0.2624, IoU.television receiver: 0.6166, IoU.airplane: 0.4845, IoU.dirt track: 0.1625, IoU.apparel: 0.4191, IoU.pole: 0.1364, IoU.land: 0.0189, IoU.bannister: 0.0531, IoU.escalator: 0.5001, IoU.ottoman: 0.3994, IoU.bottle: 0.4136, IoU.buffet: 0.3615, IoU.poster: 0.1728, IoU.stage: 0.1379, IoU.van: 0.2973, IoU.ship: 0.1886, IoU.fountain: 0.1556, IoU.conveyer belt: 0.6504, IoU.canopy: 0.3246, IoU.washer: 0.6853, IoU.plaything: 0.2717, IoU.swimming pool: 0.5740, IoU.stool: 0.2669, IoU.barrel: 0.2827, IoU.basket: 0.3420, IoU.waterfall: 0.5075, IoU.tent: 0.7750, IoU.bag: 0.1327, IoU.minibike: 0.6089, IoU.cradle: 0.6860, IoU.oven: 0.4030, IoU.ball: 0.5263, IoU.food: 0.4883, IoU.step: 0.0479, IoU.tank: 0.4877, IoU.trade name: 0.1337, IoU.microwave: 0.6879, IoU.pot: 0.3388, IoU.animal: 0.4882, IoU.bicycle: 0.5565, IoU.lake: 0.0619, IoU.dishwasher: 0.4193, IoU.screen: 0.3958, IoU.blanket: 0.1243, IoU.sculpture: 0.4906, IoU.hood: 0.4862, IoU.sconce: 0.3094, IoU.vase: 0.3511, IoU.traffic light: 0.2953, IoU.tray: 0.0814, IoU.ashcan: 0.4050, IoU.fan: 0.4758, IoU.pier: 0.3404, IoU.crt screen: 0.0274, IoU.plate: 0.4637, IoU.monitor: 0.1443, IoU.bulletin board: 0.3912, IoU.shower: 0.0035, IoU.radiator: 0.5722, IoU.glass: 0.1463, IoU.clock: 0.2792, IoU.flag: 0.3971, Acc.wall: 0.8395, Acc.building: 0.9232, Acc.sky: 0.9401, Acc.floor: 0.8531, Acc.tree: 0.8385, Acc.ceiling: 0.8523, Acc.road: 0.8739, Acc.bed : 0.9192, Acc.windowpane: 0.7456, Acc.grass: 0.7875, Acc.cabinet: 0.6600, Acc.sidewalk: 0.6719, Acc.person: 0.9096, Acc.earth: 0.4197, Acc.door: 0.4535, Acc.table: 0.6644, Acc.mountain: 0.6145, Acc.plant: 0.5859, Acc.curtain: 0.7230, Acc.chair: 0.6571, Acc.car: 0.9086, Acc.water: 0.6750, Acc.painting: 0.7876, Acc.sofa: 0.7971, Acc.shelf: 0.4717, Acc.house: 0.4959, Acc.sea: 0.7477, Acc.mirror: 0.6471, Acc.rug: 0.4724, Acc.field: 0.5203, Acc.armchair: 0.5408, Acc.seat: 0.7319, Acc.fence: 0.4870, Acc.desk: 0.6053, Acc.rock: 0.6454, Acc.wardrobe: 0.5392, Acc.lamp: 0.6696, Acc.bathtub: 0.7516, Acc.railing: 0.3920, Acc.cushion: 0.6706, Acc.base: 0.3957, Acc.box: 0.3163, Acc.column: 0.3723, Acc.signboard: 0.4284, Acc.chest of drawers: 0.4888, Acc.counter: 0.3426, Acc.sand: 0.5423, Acc.sink: 0.7499, Acc.skyscraper: 0.5847, Acc.fireplace: 0.7460, Acc.refrigerator: 0.5718, Acc.grandstand: 0.7624, Acc.path: 0.1949, Acc.stairs: 0.2851, Acc.runway: 0.8072, Acc.case: 0.6444, Acc.pool table: 0.9327, Acc.pillow: 0.6221, Acc.screen door: 0.5235, Acc.stairway: 0.5454, Acc.river: 0.2268, Acc.bridge: 0.4952, Acc.bookcase: 0.4704, Acc.blind: 0.1965, Acc.coffee table: 0.7673, Acc.toilet: 0.8400, Acc.flower: 0.4961, Acc.book: 0.6193, Acc.hill: 0.0912, Acc.bench: 0.4948, Acc.countertop: 0.5808, Acc.stove: 0.7588, Acc.palm: 0.6099, Acc.kitchen island: 0.5283, Acc.computer: 0.7635, Acc.swivel chair: 0.4849, Acc.boat: 0.7384, Acc.bar: 0.5299, Acc.arcade machine: 0.7055, Acc.hovel: 0.2005, Acc.bus: 0.8683, Acc.towel: 0.7400, Acc.light: 0.3183, Acc.truck: 0.4202, Acc.tower: 0.1297, Acc.chandelier: 0.7322, Acc.awning: 0.2835, Acc.streetlight: 0.2632, Acc.booth: 0.3586, Acc.television receiver: 0.7030, Acc.airplane: 0.6395, Acc.dirt track: 0.1983, Acc.apparel: 0.5405, Acc.pole: 0.1669, Acc.land: 0.0241, Acc.bannister: 0.0674, Acc.escalator: 0.6244, Acc.ottoman: 0.4970, Acc.bottle: 0.6052, Acc.buffet: 0.4122, Acc.poster: 0.2219, Acc.stage: 0.2674, Acc.van: 0.4030, Acc.ship: 0.2058, Acc.fountain: 0.1622, Acc.conveyer belt: 0.9077, Acc.canopy: 0.3598, Acc.washer: 0.7346, Acc.plaything: 0.3985, Acc.swimming pool: 0.7059, Acc.stool: 0.3300, Acc.barrel: 0.4464, Acc.basket: 0.4494, Acc.waterfall: 0.6158, Acc.tent: 0.9505, Acc.bag: 0.1498, Acc.minibike: 0.7852, Acc.cradle: 0.9285, Acc.oven: 0.4604, Acc.ball: 0.6278, Acc.food: 0.5763, Acc.step: 0.0535, Acc.tank: 0.6489, Acc.trade name: 0.1491, Acc.microwave: 0.7542, Acc.pot: 0.3729, Acc.animal: 0.5625, Acc.bicycle: 0.7624, Acc.lake: 0.0647, Acc.dishwasher: 0.4393, Acc.screen: 0.5319, Acc.blanket: 0.1419, Acc.sculpture: 0.6693, Acc.hood: 0.5256, Acc.sconce: 0.3868, Acc.vase: 0.4832, Acc.traffic light: 0.3975, Acc.tray: 0.0953, Acc.ashcan: 0.5145, Acc.fan: 0.6046, Acc.pier: 0.4385, Acc.crt screen: 0.0538, Acc.plate: 0.5944, Acc.monitor: 0.1683, Acc.bulletin board: 0.4655, Acc.shower: 0.0086, Acc.radiator: 0.6515, Acc.glass: 0.1558, Acc.clock: 0.3201, Acc.flag: 0.4646 2023-11-09 23:34:45,818 - mmseg - INFO - Iter [10050/80000] lr: 3.498e-05, eta: 5:35:55, time: 1.130, data_time: 0.925, memory: 16310, decode.loss_ce: 0.6664, decode.acc_seg: 76.2155, loss: 0.6664 2023-11-09 23:34:56,400 - mmseg - INFO - Iter [10100/80000] lr: 3.495e-05, eta: 5:35:14, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6434, decode.acc_seg: 76.9751, loss: 0.6434 2023-11-09 23:35:09,230 - mmseg - INFO - Iter [10150/80000] lr: 3.493e-05, eta: 5:34:49, time: 0.257, data_time: 0.052, memory: 16310, decode.loss_ce: 0.6850, decode.acc_seg: 75.6366, loss: 0.6850 2023-11-09 23:35:19,782 - mmseg - INFO - Iter [10200/80000] lr: 3.490e-05, eta: 5:34:08, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6560, decode.acc_seg: 76.6378, loss: 0.6560 2023-11-09 23:35:30,311 - mmseg - INFO - Iter [10250/80000] lr: 3.488e-05, eta: 5:33:28, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6812, decode.acc_seg: 75.9192, loss: 0.6812 2023-11-09 23:35:40,837 - mmseg - INFO - Iter [10300/80000] lr: 3.485e-05, eta: 5:32:47, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7064, decode.acc_seg: 75.1146, loss: 0.7064 2023-11-09 23:35:51,360 - mmseg - INFO - Iter [10350/80000] lr: 3.483e-05, eta: 5:32:08, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6824, decode.acc_seg: 75.5130, loss: 0.6824 2023-11-09 23:36:01,875 - mmseg - INFO - Iter [10400/80000] lr: 3.480e-05, eta: 5:31:28, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7014, decode.acc_seg: 75.6665, loss: 0.7014 2023-11-09 23:36:12,404 - mmseg - INFO - Iter [10450/80000] lr: 3.478e-05, eta: 5:30:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6644, decode.acc_seg: 76.6387, loss: 0.6644 2023-11-09 23:36:22,927 - mmseg - INFO - Iter [10500/80000] lr: 3.475e-05, eta: 5:30:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.7102, decode.acc_seg: 74.7830, loss: 0.7102 2023-11-09 23:36:33,440 - mmseg - INFO - Iter [10550/80000] lr: 3.473e-05, eta: 5:29:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6502, decode.acc_seg: 77.6007, loss: 0.6502 2023-11-09 23:36:43,954 - mmseg - INFO - Iter [10600/80000] lr: 3.470e-05, eta: 5:28:52, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6560, decode.acc_seg: 76.9772, loss: 0.6560 2023-11-09 23:36:54,472 - mmseg - INFO - Iter [10650/80000] lr: 3.468e-05, eta: 5:28:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6534, decode.acc_seg: 76.9572, loss: 0.6534 2023-11-09 23:37:04,994 - mmseg - INFO - Iter [10700/80000] lr: 3.465e-05, eta: 5:27:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6627, decode.acc_seg: 76.1643, loss: 0.6627 2023-11-09 23:37:15,516 - mmseg - INFO - Iter [10750/80000] lr: 3.463e-05, eta: 5:26:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6971, decode.acc_seg: 75.2336, loss: 0.6971 2023-11-09 23:37:26,042 - mmseg - INFO - Iter [10800/80000] lr: 3.460e-05, eta: 5:26:21, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6610, decode.acc_seg: 76.3832, loss: 0.6610 2023-11-09 23:37:36,577 - mmseg - INFO - Iter [10850/80000] lr: 3.458e-05, eta: 5:25:43, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6657, decode.acc_seg: 75.4103, loss: 0.6657 2023-11-09 23:37:47,099 - mmseg - INFO - Iter [10900/80000] lr: 3.455e-05, eta: 5:25:06, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6457, decode.acc_seg: 77.0280, loss: 0.6457 2023-11-09 23:37:57,643 - mmseg - INFO - Iter [10950/80000] lr: 3.453e-05, eta: 5:24:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.7020, decode.acc_seg: 75.5127, loss: 0.7020 2023-11-09 23:38:08,167 - mmseg - INFO - Saving checkpoint at 11000 iterations 2023-11-09 23:38:31,755 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:38:31,755 - mmseg - INFO - Iter [11000/80000] lr: 3.450e-05, eta: 5:26:21, time: 0.682, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6713, decode.acc_seg: 75.5219, loss: 0.6713 2023-11-09 23:39:17,545 - mmseg - INFO - per class results: 2023-11-09 23:39:17,550 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 67.21 | 84.54 | | building | 77.89 | 91.7 | | sky | 86.3 | 94.66 | | floor | 70.66 | 85.33 | | tree | 67.1 | 83.82 | | ceiling | 73.98 | 84.25 | | road | 76.03 | 87.13 | | bed | 79.98 | 93.57 | | windowpane | 56.78 | 74.18 | | grass | 64.52 | 79.79 | | cabinet | 52.43 | 66.47 | | sidewalk | 53.41 | 67.89 | | person | 72.53 | 90.51 | | earth | 31.62 | 42.68 | | door | 37.35 | 45.42 | | table | 51.3 | 66.12 | | mountain | 51.34 | 64.73 | | plant | 46.99 | 56.85 | | curtain | 61.56 | 71.68 | | chair | 50.78 | 64.87 | | car | 75.47 | 91.31 | | water | 50.56 | 66.28 | | painting | 62.67 | 79.6 | | sofa | 63.77 | 80.81 | | shelf | 37.2 | 52.92 | | house | 42.04 | 54.92 | | sea | 56.16 | 74.86 | | mirror | 53.27 | 64.03 | | rug | 44.06 | 48.07 | | field | 33.76 | 50.27 | | armchair | 38.75 | 51.01 | | seat | 52.93 | 72.08 | | fence | 33.19 | 41.81 | | desk | 38.1 | 58.35 | | rock | 48.21 | 66.92 | | wardrobe | 42.39 | 56.0 | | lamp | 53.33 | 66.75 | | bathtub | 68.33 | 76.39 | | railing | 31.95 | 42.66 | | cushion | 55.57 | 67.16 | | base | 25.09 | 35.83 | | box | 25.22 | 31.52 | | column | 32.5 | 37.91 | | signboard | 28.91 | 43.41 | | chest of drawers | 38.88 | 51.01 | | counter | 29.29 | 36.27 | | sand | 43.81 | 54.43 | | sink | 64.92 | 73.81 | | skyscraper | 44.12 | 59.79 | | fireplace | 60.98 | 78.36 | | refrigerator | 51.68 | 58.62 | | grandstand | 50.91 | 76.34 | | path | 15.71 | 21.43 | | stairs | 23.14 | 25.68 | | runway | 62.47 | 82.98 | | case | 51.19 | 63.05 | | pool table | 79.6 | 93.3 | | pillow | 47.31 | 54.13 | | screen door | 50.14 | 56.08 | | stairway | 45.28 | 57.45 | | river | 15.9 | 24.6 | | bridge | 43.32 | 53.33 | | bookcase | 30.38 | 41.81 | | blind | 21.09 | 22.74 | | coffee table | 56.11 | 74.06 | | toilet | 74.17 | 85.53 | | flower | 38.1 | 50.1 | | book | 46.36 | 64.62 | | hill | 5.38 | 8.43 | | bench | 42.65 | 51.88 | | countertop | 47.53 | 57.87 | | stove | 67.41 | 75.98 | | palm | 43.69 | 56.44 | | kitchen island | 33.09 | 55.47 | | computer | 61.58 | 78.82 | | swivel chair | 41.05 | 54.37 | | boat | 53.36 | 67.28 | | bar | 48.52 | 56.38 | | arcade machine | 61.71 | 69.58 | | hovel | 27.11 | 30.42 | | bus | 77.44 | 88.74 | | towel | 61.34 | 74.87 | | light | 27.53 | 30.74 | | truck | 32.08 | 44.31 | | tower | 12.88 | 18.68 | | chandelier | 58.75 | 71.85 | | awning | 23.35 | 28.95 | | streetlight | 18.74 | 21.67 | | booth | 27.81 | 32.34 | | television receiver | 62.94 | 71.24 | | airplane | 49.5 | 63.63 | | dirt track | 15.3 | 18.33 | | apparel | 42.46 | 55.35 | | pole | 12.04 | 14.31 | | land | 2.26 | 2.94 | | bannister | 5.68 | 7.37 | | escalator | 46.75 | 57.79 | | ottoman | 39.77 | 47.67 | | bottle | 40.96 | 58.91 | | buffet | 39.4 | 46.22 | | poster | 17.88 | 22.71 | | stage | 13.62 | 25.53 | | van | 23.62 | 29.78 | | ship | 23.65 | 27.04 | | fountain | 12.81 | 13.13 | | conveyer belt | 64.16 | 90.38 | | canopy | 31.86 | 35.76 | | washer | 70.6 | 77.88 | | plaything | 27.4 | 39.06 | | swimming pool | 58.34 | 73.62 | | stool | 23.59 | 28.93 | | barrel | 28.12 | 44.9 | | basket | 34.1 | 43.23 | | waterfall | 49.24 | 57.02 | | tent | 76.5 | 96.09 | | bag | 14.9 | 17.34 | | minibike | 61.22 | 77.66 | | cradle | 70.25 | 91.16 | | oven | 40.87 | 46.76 | | ball | 47.82 | 54.81 | | food | 49.39 | 57.79 | | step | 3.8 | 4.13 | | tank | 49.26 | 64.1 | | trade name | 9.82 | 10.51 | | microwave | 68.5 | 74.18 | | pot | 34.09 | 37.56 | | animal | 54.87 | 65.58 | | bicycle | 55.9 | 81.05 | | lake | 10.85 | 12.38 | | dishwasher | 43.8 | 46.38 | | screen | 40.96 | 54.03 | | blanket | 12.95 | 14.71 | | sculpture | 50.65 | 68.48 | | hood | 47.0 | 50.38 | | sconce | 29.59 | 35.39 | | vase | 35.14 | 49.77 | | traffic light | 29.26 | 37.77 | | tray | 10.15 | 12.96 | | ashcan | 39.42 | 47.59 | | fan | 45.39 | 54.99 | | pier | 33.69 | 44.72 | | crt screen | 2.18 | 4.06 | | plate | 46.3 | 57.8 | | monitor | 14.16 | 15.81 | | bulletin board | 40.72 | 48.6 | | shower | 0.11 | 0.14 | | radiator | 58.44 | 66.03 | | glass | 15.02 | 16.16 | | clock | 26.9 | 30.05 | | flag | 40.2 | 47.83 | +---------------------+-------+-------+ 2023-11-09 23:39:17,550 - mmseg - INFO - Summary: 2023-11-09 23:39:17,551 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 77.98 | 42.85 | 53.26 | +-------+-------+-------+ 2023-11-09 23:39:17,551 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:39:17,552 - mmseg - INFO - Iter(val) [250] aAcc: 0.7798, mIoU: 0.4285, mAcc: 0.5326, IoU.wall: 0.6721, IoU.building: 0.7789, IoU.sky: 0.8630, IoU.floor: 0.7066, IoU.tree: 0.6710, IoU.ceiling: 0.7398, IoU.road: 0.7603, IoU.bed : 0.7998, IoU.windowpane: 0.5678, IoU.grass: 0.6452, IoU.cabinet: 0.5243, IoU.sidewalk: 0.5341, IoU.person: 0.7253, IoU.earth: 0.3162, IoU.door: 0.3735, IoU.table: 0.5130, IoU.mountain: 0.5134, IoU.plant: 0.4699, IoU.curtain: 0.6156, IoU.chair: 0.5078, IoU.car: 0.7547, IoU.water: 0.5056, IoU.painting: 0.6267, IoU.sofa: 0.6377, IoU.shelf: 0.3720, IoU.house: 0.4204, IoU.sea: 0.5616, IoU.mirror: 0.5327, IoU.rug: 0.4406, IoU.field: 0.3376, IoU.armchair: 0.3875, IoU.seat: 0.5293, IoU.fence: 0.3319, IoU.desk: 0.3810, IoU.rock: 0.4821, IoU.wardrobe: 0.4239, IoU.lamp: 0.5333, IoU.bathtub: 0.6833, IoU.railing: 0.3195, IoU.cushion: 0.5557, IoU.base: 0.2509, IoU.box: 0.2522, IoU.column: 0.3250, IoU.signboard: 0.2891, IoU.chest of drawers: 0.3888, IoU.counter: 0.2929, IoU.sand: 0.4381, IoU.sink: 0.6492, IoU.skyscraper: 0.4412, IoU.fireplace: 0.6098, IoU.refrigerator: 0.5168, IoU.grandstand: 0.5091, IoU.path: 0.1571, IoU.stairs: 0.2314, IoU.runway: 0.6247, IoU.case: 0.5119, IoU.pool table: 0.7960, IoU.pillow: 0.4731, IoU.screen door: 0.5014, IoU.stairway: 0.4528, IoU.river: 0.1590, IoU.bridge: 0.4332, IoU.bookcase: 0.3038, IoU.blind: 0.2109, IoU.coffee table: 0.5611, IoU.toilet: 0.7417, IoU.flower: 0.3810, IoU.book: 0.4636, IoU.hill: 0.0538, IoU.bench: 0.4265, IoU.countertop: 0.4753, IoU.stove: 0.6741, IoU.palm: 0.4369, IoU.kitchen island: 0.3309, IoU.computer: 0.6158, IoU.swivel chair: 0.4105, IoU.boat: 0.5336, IoU.bar: 0.4852, IoU.arcade machine: 0.6171, IoU.hovel: 0.2711, IoU.bus: 0.7744, IoU.towel: 0.6134, IoU.light: 0.2753, IoU.truck: 0.3208, IoU.tower: 0.1288, IoU.chandelier: 0.5875, IoU.awning: 0.2335, IoU.streetlight: 0.1874, IoU.booth: 0.2781, IoU.television receiver: 0.6294, IoU.airplane: 0.4950, IoU.dirt track: 0.1530, IoU.apparel: 0.4246, IoU.pole: 0.1204, IoU.land: 0.0226, IoU.bannister: 0.0568, IoU.escalator: 0.4675, IoU.ottoman: 0.3977, IoU.bottle: 0.4096, IoU.buffet: 0.3940, IoU.poster: 0.1788, IoU.stage: 0.1362, IoU.van: 0.2362, IoU.ship: 0.2365, IoU.fountain: 0.1281, IoU.conveyer belt: 0.6416, IoU.canopy: 0.3186, IoU.washer: 0.7060, IoU.plaything: 0.2740, IoU.swimming pool: 0.5834, IoU.stool: 0.2359, IoU.barrel: 0.2812, IoU.basket: 0.3410, IoU.waterfall: 0.4924, IoU.tent: 0.7650, IoU.bag: 0.1490, IoU.minibike: 0.6122, IoU.cradle: 0.7025, IoU.oven: 0.4087, IoU.ball: 0.4782, IoU.food: 0.4939, IoU.step: 0.0380, IoU.tank: 0.4926, IoU.trade name: 0.0982, IoU.microwave: 0.6850, IoU.pot: 0.3409, IoU.animal: 0.5487, IoU.bicycle: 0.5590, IoU.lake: 0.1085, IoU.dishwasher: 0.4380, IoU.screen: 0.4096, IoU.blanket: 0.1295, IoU.sculpture: 0.5065, IoU.hood: 0.4700, IoU.sconce: 0.2959, IoU.vase: 0.3514, IoU.traffic light: 0.2926, IoU.tray: 0.1015, IoU.ashcan: 0.3942, IoU.fan: 0.4539, IoU.pier: 0.3369, IoU.crt screen: 0.0218, IoU.plate: 0.4630, IoU.monitor: 0.1416, IoU.bulletin board: 0.4072, IoU.shower: 0.0011, IoU.radiator: 0.5844, IoU.glass: 0.1502, IoU.clock: 0.2690, IoU.flag: 0.4020, Acc.wall: 0.8454, Acc.building: 0.9170, Acc.sky: 0.9466, Acc.floor: 0.8533, Acc.tree: 0.8382, Acc.ceiling: 0.8425, Acc.road: 0.8713, Acc.bed : 0.9357, Acc.windowpane: 0.7418, Acc.grass: 0.7979, Acc.cabinet: 0.6647, Acc.sidewalk: 0.6789, Acc.person: 0.9051, Acc.earth: 0.4268, Acc.door: 0.4542, Acc.table: 0.6612, Acc.mountain: 0.6473, Acc.plant: 0.5685, Acc.curtain: 0.7168, Acc.chair: 0.6487, Acc.car: 0.9131, Acc.water: 0.6628, Acc.painting: 0.7960, Acc.sofa: 0.8081, Acc.shelf: 0.5292, Acc.house: 0.5492, Acc.sea: 0.7486, Acc.mirror: 0.6403, Acc.rug: 0.4807, Acc.field: 0.5027, Acc.armchair: 0.5101, Acc.seat: 0.7208, Acc.fence: 0.4181, Acc.desk: 0.5835, Acc.rock: 0.6692, Acc.wardrobe: 0.5600, Acc.lamp: 0.6675, Acc.bathtub: 0.7639, Acc.railing: 0.4266, Acc.cushion: 0.6716, Acc.base: 0.3583, Acc.box: 0.3152, Acc.column: 0.3791, Acc.signboard: 0.4341, Acc.chest of drawers: 0.5101, Acc.counter: 0.3627, Acc.sand: 0.5443, Acc.sink: 0.7381, Acc.skyscraper: 0.5979, Acc.fireplace: 0.7836, Acc.refrigerator: 0.5862, Acc.grandstand: 0.7634, Acc.path: 0.2143, Acc.stairs: 0.2568, Acc.runway: 0.8298, Acc.case: 0.6305, Acc.pool table: 0.9330, Acc.pillow: 0.5413, Acc.screen door: 0.5608, Acc.stairway: 0.5745, Acc.river: 0.2460, Acc.bridge: 0.5333, Acc.bookcase: 0.4181, Acc.blind: 0.2274, Acc.coffee table: 0.7406, Acc.toilet: 0.8553, Acc.flower: 0.5010, Acc.book: 0.6462, Acc.hill: 0.0843, Acc.bench: 0.5188, Acc.countertop: 0.5787, Acc.stove: 0.7598, Acc.palm: 0.5644, Acc.kitchen island: 0.5547, Acc.computer: 0.7882, Acc.swivel chair: 0.5437, Acc.boat: 0.6728, Acc.bar: 0.5638, Acc.arcade machine: 0.6958, Acc.hovel: 0.3042, Acc.bus: 0.8874, Acc.towel: 0.7487, Acc.light: 0.3074, Acc.truck: 0.4431, Acc.tower: 0.1868, Acc.chandelier: 0.7185, Acc.awning: 0.2895, Acc.streetlight: 0.2167, Acc.booth: 0.3234, Acc.television receiver: 0.7124, Acc.airplane: 0.6363, Acc.dirt track: 0.1833, Acc.apparel: 0.5535, Acc.pole: 0.1431, Acc.land: 0.0294, Acc.bannister: 0.0737, Acc.escalator: 0.5779, Acc.ottoman: 0.4767, Acc.bottle: 0.5891, Acc.buffet: 0.4622, Acc.poster: 0.2271, Acc.stage: 0.2553, Acc.van: 0.2978, Acc.ship: 0.2704, Acc.fountain: 0.1313, Acc.conveyer belt: 0.9038, Acc.canopy: 0.3576, Acc.washer: 0.7788, Acc.plaything: 0.3906, Acc.swimming pool: 0.7362, Acc.stool: 0.2893, Acc.barrel: 0.4490, Acc.basket: 0.4323, Acc.waterfall: 0.5702, Acc.tent: 0.9609, Acc.bag: 0.1734, Acc.minibike: 0.7766, Acc.cradle: 0.9116, Acc.oven: 0.4676, Acc.ball: 0.5481, Acc.food: 0.5779, Acc.step: 0.0413, Acc.tank: 0.6410, Acc.trade name: 0.1051, Acc.microwave: 0.7418, Acc.pot: 0.3756, Acc.animal: 0.6558, Acc.bicycle: 0.8105, Acc.lake: 0.1238, Acc.dishwasher: 0.4638, Acc.screen: 0.5403, Acc.blanket: 0.1471, Acc.sculpture: 0.6848, Acc.hood: 0.5038, Acc.sconce: 0.3539, Acc.vase: 0.4977, Acc.traffic light: 0.3777, Acc.tray: 0.1296, Acc.ashcan: 0.4759, Acc.fan: 0.5499, Acc.pier: 0.4472, Acc.crt screen: 0.0406, Acc.plate: 0.5780, Acc.monitor: 0.1581, Acc.bulletin board: 0.4860, Acc.shower: 0.0014, Acc.radiator: 0.6603, Acc.glass: 0.1616, Acc.clock: 0.3005, Acc.flag: 0.4783 2023-11-09 23:39:28,212 - mmseg - INFO - Iter [11050/80000] lr: 3.448e-05, eta: 5:30:31, time: 1.129, data_time: 0.923, memory: 16310, decode.loss_ce: 0.6619, decode.acc_seg: 75.9659, loss: 0.6619 2023-11-09 23:39:38,771 - mmseg - INFO - Iter [11100/80000] lr: 3.445e-05, eta: 5:29:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6626, decode.acc_seg: 76.1609, loss: 0.6626 2023-11-09 23:39:49,317 - mmseg - INFO - Iter [11150/80000] lr: 3.443e-05, eta: 5:29:15, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6736, decode.acc_seg: 75.6970, loss: 0.6736 2023-11-09 23:39:59,863 - mmseg - INFO - Iter [11200/80000] lr: 3.440e-05, eta: 5:28:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6622, decode.acc_seg: 76.8468, loss: 0.6622 2023-11-09 23:40:10,392 - mmseg - INFO - Iter [11250/80000] lr: 3.438e-05, eta: 5:27:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6773, decode.acc_seg: 75.5248, loss: 0.6773 2023-11-09 23:40:20,914 - mmseg - INFO - Iter [11300/80000] lr: 3.435e-05, eta: 5:27:22, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6681, decode.acc_seg: 76.1784, loss: 0.6681 2023-11-09 23:40:31,441 - mmseg - INFO - Iter [11350/80000] lr: 3.433e-05, eta: 5:26:45, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6574, decode.acc_seg: 76.7121, loss: 0.6574 2023-11-09 23:40:44,241 - mmseg - INFO - Iter [11400/80000] lr: 3.430e-05, eta: 5:26:22, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.6618, decode.acc_seg: 76.6834, loss: 0.6618 2023-11-09 23:40:54,756 - mmseg - INFO - Iter [11450/80000] lr: 3.428e-05, eta: 5:25:45, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6542, decode.acc_seg: 76.7276, loss: 0.6542 2023-11-09 23:41:05,259 - mmseg - INFO - Iter [11500/80000] lr: 3.425e-05, eta: 5:25:08, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6360, decode.acc_seg: 77.4496, loss: 0.6360 2023-11-09 23:41:15,765 - mmseg - INFO - Iter [11550/80000] lr: 3.423e-05, eta: 5:24:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6683, decode.acc_seg: 75.5066, loss: 0.6683 2023-11-09 23:41:26,299 - mmseg - INFO - Iter [11600/80000] lr: 3.420e-05, eta: 5:23:56, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6712, decode.acc_seg: 76.2590, loss: 0.6712 2023-11-09 23:41:36,800 - mmseg - INFO - Iter [11650/80000] lr: 3.418e-05, eta: 5:23:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6590, decode.acc_seg: 76.5973, loss: 0.6590 2023-11-09 23:41:47,316 - mmseg - INFO - Iter [11700/80000] lr: 3.415e-05, eta: 5:22:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6673, decode.acc_seg: 76.1006, loss: 0.6673 2023-11-09 23:41:57,850 - mmseg - INFO - Iter [11750/80000] lr: 3.413e-05, eta: 5:22:09, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6610, decode.acc_seg: 76.3427, loss: 0.6610 2023-11-09 23:42:08,361 - mmseg - INFO - Iter [11800/80000] lr: 3.410e-05, eta: 5:21:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6479, decode.acc_seg: 76.4233, loss: 0.6479 2023-11-09 23:42:18,864 - mmseg - INFO - Iter [11850/80000] lr: 3.408e-05, eta: 5:20:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6695, decode.acc_seg: 75.8745, loss: 0.6695 2023-11-09 23:42:29,366 - mmseg - INFO - Iter [11900/80000] lr: 3.405e-05, eta: 5:20:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6519, decode.acc_seg: 76.4524, loss: 0.6519 2023-11-09 23:42:39,876 - mmseg - INFO - Iter [11950/80000] lr: 3.403e-05, eta: 5:19:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6651, decode.acc_seg: 76.2460, loss: 0.6651 2023-11-09 23:42:50,375 - mmseg - INFO - Saving checkpoint at 12000 iterations 2023-11-09 23:43:16,245 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:43:16,245 - mmseg - INFO - Iter [12000/80000] lr: 3.400e-05, eta: 5:21:41, time: 0.727, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6724, decode.acc_seg: 75.7380, loss: 0.6724 2023-11-09 23:44:02,211 - mmseg - INFO - per class results: 2023-11-09 23:44:02,217 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 67.23 | 85.31 | | building | 77.9 | 91.73 | | sky | 87.22 | 94.31 | | floor | 70.66 | 86.15 | | tree | 67.46 | 82.2 | | ceiling | 74.5 | 85.18 | | road | 76.21 | 87.68 | | bed | 81.03 | 92.56 | | windowpane | 56.89 | 72.82 | | grass | 64.76 | 79.59 | | cabinet | 52.7 | 65.98 | | sidewalk | 53.11 | 67.52 | | person | 72.99 | 90.09 | | earth | 31.51 | 41.53 | | door | 37.34 | 45.24 | | table | 51.95 | 66.29 | | mountain | 52.49 | 67.52 | | plant | 48.53 | 59.61 | | curtain | 61.64 | 71.93 | | chair | 51.02 | 65.03 | | car | 76.15 | 91.0 | | water | 51.29 | 66.35 | | painting | 62.88 | 78.23 | | sofa | 64.1 | 80.83 | | shelf | 36.2 | 48.93 | | house | 43.43 | 61.33 | | sea | 58.03 | 77.17 | | mirror | 53.83 | 65.07 | | rug | 45.54 | 50.01 | | field | 33.68 | 50.28 | | armchair | 39.97 | 53.67 | | seat | 53.17 | 72.54 | | fence | 35.21 | 46.27 | | desk | 39.48 | 59.09 | | rock | 48.15 | 63.94 | | wardrobe | 42.03 | 54.37 | | lamp | 53.17 | 66.11 | | bathtub | 68.24 | 76.02 | | railing | 31.28 | 40.33 | | cushion | 55.15 | 65.8 | | base | 26.37 | 35.58 | | box | 25.62 | 32.04 | | column | 31.91 | 36.91 | | signboard | 29.01 | 43.09 | | chest of drawers | 36.8 | 45.28 | | counter | 27.37 | 33.35 | | sand | 44.52 | 57.13 | | sink | 65.22 | 73.22 | | skyscraper | 44.81 | 62.19 | | fireplace | 61.23 | 78.69 | | refrigerator | 51.87 | 58.09 | | grandstand | 50.5 | 75.54 | | path | 15.07 | 19.55 | | stairs | 21.72 | 23.8 | | runway | 62.79 | 83.51 | | case | 50.79 | 65.12 | | pool table | 80.35 | 93.41 | | pillow | 51.5 | 61.45 | | screen door | 47.72 | 51.93 | | stairway | 45.23 | 58.95 | | river | 16.24 | 25.36 | | bridge | 42.43 | 51.49 | | bookcase | 31.27 | 45.01 | | blind | 23.64 | 25.93 | | coffee table | 56.72 | 77.56 | | toilet | 74.27 | 85.75 | | flower | 38.66 | 50.08 | | book | 45.58 | 61.99 | | hill | 5.45 | 8.31 | | bench | 42.72 | 51.83 | | countertop | 48.88 | 62.52 | | stove | 67.59 | 76.23 | | palm | 45.26 | 62.91 | | kitchen island | 33.07 | 50.72 | | computer | 61.82 | 78.35 | | swivel chair | 38.25 | 46.96 | | boat | 56.33 | 72.18 | | bar | 49.0 | 57.35 | | arcade machine | 61.84 | 69.28 | | hovel | 26.32 | 30.28 | | bus | 77.79 | 89.4 | | towel | 61.75 | 74.34 | | light | 28.09 | 31.7 | | truck | 31.19 | 43.47 | | tower | 12.94 | 19.22 | | chandelier | 59.81 | 74.26 | | awning | 24.25 | 30.78 | | streetlight | 20.75 | 25.63 | | booth | 28.61 | 37.45 | | television receiver | 63.18 | 70.85 | | airplane | 49.76 | 64.88 | | dirt track | 15.75 | 20.5 | | apparel | 43.37 | 60.46 | | pole | 13.35 | 16.27 | | land | 1.34 | 1.64 | | bannister | 6.02 | 8.18 | | escalator | 47.66 | 59.11 | | ottoman | 40.41 | 49.72 | | bottle | 41.4 | 63.66 | | buffet | 39.7 | 46.04 | | poster | 19.07 | 25.06 | | stage | 12.95 | 23.53 | | van | 28.14 | 36.89 | | ship | 21.25 | 23.56 | | fountain | 22.2 | 23.29 | | conveyer belt | 62.57 | 92.43 | | canopy | 30.91 | 34.36 | | washer | 70.64 | 77.21 | | plaything | 26.7 | 36.0 | | swimming pool | 57.68 | 74.31 | | stool | 23.46 | 27.99 | | barrel | 29.11 | 45.24 | | basket | 34.14 | 45.73 | | waterfall | 51.28 | 61.99 | | tent | 76.08 | 96.52 | | bag | 13.38 | 14.99 | | minibike | 62.06 | 80.29 | | cradle | 70.15 | 91.75 | | oven | 41.3 | 47.77 | | ball | 52.19 | 67.6 | | food | 51.59 | 61.78 | | step | 4.07 | 4.43 | | tank | 49.85 | 63.14 | | trade name | 10.23 | 11.02 | | microwave | 67.92 | 73.64 | | pot | 33.79 | 37.11 | | animal | 56.14 | 65.01 | | bicycle | 55.68 | 80.34 | | lake | 11.55 | 12.43 | | dishwasher | 43.17 | 45.55 | | screen | 40.0 | 52.33 | | blanket | 13.51 | 15.52 | | sculpture | 51.68 | 66.3 | | hood | 46.74 | 49.8 | | sconce | 34.65 | 43.82 | | vase | 35.39 | 50.31 | | traffic light | 29.74 | 42.2 | | tray | 7.77 | 8.85 | | ashcan | 40.06 | 50.06 | | fan | 42.58 | 49.64 | | pier | 33.91 | 44.35 | | crt screen | 2.79 | 5.77 | | plate | 46.69 | 59.19 | | monitor | 10.57 | 11.29 | | bulletin board | 40.29 | 47.19 | | shower | 0.22 | 0.32 | | radiator | 58.16 | 65.15 | | glass | 14.63 | 15.6 | | clock | 27.77 | 31.86 | | flag | 40.7 | 48.05 | +---------------------+-------+-------+ 2023-11-09 23:44:02,217 - mmseg - INFO - Summary: 2023-11-09 23:44:02,217 - mmseg - INFO - +------+-------+------+ | aAcc | mIoU | mAcc | +------+-------+------+ | 78.2 | 43.19 | 53.8 | +------+-------+------+ 2023-11-09 23:44:02,217 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:44:02,218 - mmseg - INFO - Iter(val) [250] aAcc: 0.7820, mIoU: 0.4319, mAcc: 0.5380, IoU.wall: 0.6723, IoU.building: 0.7790, IoU.sky: 0.8722, IoU.floor: 0.7066, IoU.tree: 0.6746, IoU.ceiling: 0.7450, IoU.road: 0.7621, IoU.bed : 0.8103, IoU.windowpane: 0.5689, IoU.grass: 0.6476, IoU.cabinet: 0.5270, IoU.sidewalk: 0.5311, IoU.person: 0.7299, IoU.earth: 0.3151, IoU.door: 0.3734, IoU.table: 0.5195, IoU.mountain: 0.5249, IoU.plant: 0.4853, IoU.curtain: 0.6164, IoU.chair: 0.5102, IoU.car: 0.7615, IoU.water: 0.5129, IoU.painting: 0.6288, IoU.sofa: 0.6410, IoU.shelf: 0.3620, IoU.house: 0.4343, IoU.sea: 0.5803, IoU.mirror: 0.5383, IoU.rug: 0.4554, IoU.field: 0.3368, IoU.armchair: 0.3997, IoU.seat: 0.5317, IoU.fence: 0.3521, IoU.desk: 0.3948, IoU.rock: 0.4815, IoU.wardrobe: 0.4203, IoU.lamp: 0.5317, IoU.bathtub: 0.6824, IoU.railing: 0.3128, IoU.cushion: 0.5515, IoU.base: 0.2637, IoU.box: 0.2562, IoU.column: 0.3191, IoU.signboard: 0.2901, IoU.chest of drawers: 0.3680, IoU.counter: 0.2737, IoU.sand: 0.4452, IoU.sink: 0.6522, IoU.skyscraper: 0.4481, IoU.fireplace: 0.6123, IoU.refrigerator: 0.5187, IoU.grandstand: 0.5050, IoU.path: 0.1507, IoU.stairs: 0.2172, IoU.runway: 0.6279, IoU.case: 0.5079, IoU.pool table: 0.8035, IoU.pillow: 0.5150, IoU.screen door: 0.4772, IoU.stairway: 0.4523, IoU.river: 0.1624, IoU.bridge: 0.4243, IoU.bookcase: 0.3127, IoU.blind: 0.2364, IoU.coffee table: 0.5672, IoU.toilet: 0.7427, IoU.flower: 0.3866, IoU.book: 0.4558, IoU.hill: 0.0545, IoU.bench: 0.4272, IoU.countertop: 0.4888, IoU.stove: 0.6759, IoU.palm: 0.4526, IoU.kitchen island: 0.3307, IoU.computer: 0.6182, IoU.swivel chair: 0.3825, IoU.boat: 0.5633, IoU.bar: 0.4900, IoU.arcade machine: 0.6184, IoU.hovel: 0.2632, IoU.bus: 0.7779, IoU.towel: 0.6175, IoU.light: 0.2809, IoU.truck: 0.3119, IoU.tower: 0.1294, IoU.chandelier: 0.5981, IoU.awning: 0.2425, IoU.streetlight: 0.2075, IoU.booth: 0.2861, IoU.television receiver: 0.6318, IoU.airplane: 0.4976, IoU.dirt track: 0.1575, IoU.apparel: 0.4337, IoU.pole: 0.1335, IoU.land: 0.0134, IoU.bannister: 0.0602, IoU.escalator: 0.4766, IoU.ottoman: 0.4041, IoU.bottle: 0.4140, IoU.buffet: 0.3970, IoU.poster: 0.1907, IoU.stage: 0.1295, IoU.van: 0.2814, IoU.ship: 0.2125, IoU.fountain: 0.2220, IoU.conveyer belt: 0.6257, IoU.canopy: 0.3091, IoU.washer: 0.7064, IoU.plaything: 0.2670, IoU.swimming pool: 0.5768, IoU.stool: 0.2346, IoU.barrel: 0.2911, IoU.basket: 0.3414, IoU.waterfall: 0.5128, IoU.tent: 0.7608, IoU.bag: 0.1338, IoU.minibike: 0.6206, IoU.cradle: 0.7015, IoU.oven: 0.4130, IoU.ball: 0.5219, IoU.food: 0.5159, IoU.step: 0.0407, IoU.tank: 0.4985, IoU.trade name: 0.1023, IoU.microwave: 0.6792, IoU.pot: 0.3379, IoU.animal: 0.5614, IoU.bicycle: 0.5568, IoU.lake: 0.1155, IoU.dishwasher: 0.4317, IoU.screen: 0.4000, IoU.blanket: 0.1351, IoU.sculpture: 0.5168, IoU.hood: 0.4674, IoU.sconce: 0.3465, IoU.vase: 0.3539, IoU.traffic light: 0.2974, IoU.tray: 0.0777, IoU.ashcan: 0.4006, IoU.fan: 0.4258, IoU.pier: 0.3391, IoU.crt screen: 0.0279, IoU.plate: 0.4669, IoU.monitor: 0.1057, IoU.bulletin board: 0.4029, IoU.shower: 0.0022, IoU.radiator: 0.5816, IoU.glass: 0.1463, IoU.clock: 0.2777, IoU.flag: 0.4070, Acc.wall: 0.8531, Acc.building: 0.9173, Acc.sky: 0.9431, Acc.floor: 0.8615, Acc.tree: 0.8220, Acc.ceiling: 0.8518, Acc.road: 0.8768, Acc.bed : 0.9256, Acc.windowpane: 0.7282, Acc.grass: 0.7959, Acc.cabinet: 0.6598, Acc.sidewalk: 0.6752, Acc.person: 0.9009, Acc.earth: 0.4153, Acc.door: 0.4524, Acc.table: 0.6629, Acc.mountain: 0.6752, Acc.plant: 0.5961, Acc.curtain: 0.7193, Acc.chair: 0.6503, Acc.car: 0.9100, Acc.water: 0.6635, Acc.painting: 0.7823, Acc.sofa: 0.8083, Acc.shelf: 0.4893, Acc.house: 0.6133, Acc.sea: 0.7717, Acc.mirror: 0.6507, Acc.rug: 0.5001, Acc.field: 0.5028, Acc.armchair: 0.5367, Acc.seat: 0.7254, Acc.fence: 0.4627, Acc.desk: 0.5909, Acc.rock: 0.6394, Acc.wardrobe: 0.5437, Acc.lamp: 0.6611, Acc.bathtub: 0.7602, Acc.railing: 0.4033, Acc.cushion: 0.6580, Acc.base: 0.3558, Acc.box: 0.3204, Acc.column: 0.3691, Acc.signboard: 0.4309, Acc.chest of drawers: 0.4528, Acc.counter: 0.3335, Acc.sand: 0.5713, Acc.sink: 0.7322, Acc.skyscraper: 0.6219, Acc.fireplace: 0.7869, Acc.refrigerator: 0.5809, Acc.grandstand: 0.7554, Acc.path: 0.1955, Acc.stairs: 0.2380, Acc.runway: 0.8351, Acc.case: 0.6512, Acc.pool table: 0.9341, Acc.pillow: 0.6145, Acc.screen door: 0.5193, Acc.stairway: 0.5895, Acc.river: 0.2536, Acc.bridge: 0.5149, Acc.bookcase: 0.4501, Acc.blind: 0.2593, Acc.coffee table: 0.7756, Acc.toilet: 0.8575, Acc.flower: 0.5008, Acc.book: 0.6199, Acc.hill: 0.0831, Acc.bench: 0.5183, Acc.countertop: 0.6252, Acc.stove: 0.7623, Acc.palm: 0.6291, Acc.kitchen island: 0.5072, Acc.computer: 0.7835, Acc.swivel chair: 0.4696, Acc.boat: 0.7218, Acc.bar: 0.5735, Acc.arcade machine: 0.6928, Acc.hovel: 0.3028, Acc.bus: 0.8940, Acc.towel: 0.7434, Acc.light: 0.3170, Acc.truck: 0.4347, Acc.tower: 0.1922, Acc.chandelier: 0.7426, Acc.awning: 0.3078, Acc.streetlight: 0.2563, Acc.booth: 0.3745, Acc.television receiver: 0.7085, Acc.airplane: 0.6488, Acc.dirt track: 0.2050, Acc.apparel: 0.6046, Acc.pole: 0.1627, Acc.land: 0.0164, Acc.bannister: 0.0818, Acc.escalator: 0.5911, Acc.ottoman: 0.4972, Acc.bottle: 0.6366, Acc.buffet: 0.4604, Acc.poster: 0.2506, Acc.stage: 0.2353, Acc.van: 0.3689, Acc.ship: 0.2356, Acc.fountain: 0.2329, Acc.conveyer belt: 0.9243, Acc.canopy: 0.3436, Acc.washer: 0.7721, Acc.plaything: 0.3600, Acc.swimming pool: 0.7431, Acc.stool: 0.2799, Acc.barrel: 0.4524, Acc.basket: 0.4573, Acc.waterfall: 0.6199, Acc.tent: 0.9652, Acc.bag: 0.1499, Acc.minibike: 0.8029, Acc.cradle: 0.9175, Acc.oven: 0.4777, Acc.ball: 0.6760, Acc.food: 0.6178, Acc.step: 0.0443, Acc.tank: 0.6314, Acc.trade name: 0.1102, Acc.microwave: 0.7364, Acc.pot: 0.3711, Acc.animal: 0.6501, Acc.bicycle: 0.8034, Acc.lake: 0.1243, Acc.dishwasher: 0.4555, Acc.screen: 0.5233, Acc.blanket: 0.1552, Acc.sculpture: 0.6630, Acc.hood: 0.4980, Acc.sconce: 0.4382, Acc.vase: 0.5031, Acc.traffic light: 0.4220, Acc.tray: 0.0885, Acc.ashcan: 0.5006, Acc.fan: 0.4964, Acc.pier: 0.4435, Acc.crt screen: 0.0577, Acc.plate: 0.5919, Acc.monitor: 0.1129, Acc.bulletin board: 0.4719, Acc.shower: 0.0032, Acc.radiator: 0.6515, Acc.glass: 0.1560, Acc.clock: 0.3186, Acc.flag: 0.4805 2023-11-09 23:44:12,844 - mmseg - INFO - Iter [12050/80000] lr: 3.398e-05, eta: 5:25:26, time: 1.132, data_time: 0.926, memory: 16310, decode.loss_ce: 0.6590, decode.acc_seg: 76.4008, loss: 0.6590 2023-11-09 23:44:23,402 - mmseg - INFO - Iter [12100/80000] lr: 3.395e-05, eta: 5:24:50, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6860, decode.acc_seg: 75.7255, loss: 0.6860 2023-11-09 23:44:33,943 - mmseg - INFO - Iter [12150/80000] lr: 3.393e-05, eta: 5:24:15, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6741, decode.acc_seg: 75.4290, loss: 0.6741 2023-11-09 23:44:44,470 - mmseg - INFO - Iter [12200/80000] lr: 3.390e-05, eta: 5:23:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6429, decode.acc_seg: 77.2465, loss: 0.6429 2023-11-09 23:44:54,994 - mmseg - INFO - Iter [12250/80000] lr: 3.388e-05, eta: 5:23:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6578, decode.acc_seg: 76.1697, loss: 0.6578 2023-11-09 23:45:05,525 - mmseg - INFO - Iter [12300/80000] lr: 3.385e-05, eta: 5:22:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6669, decode.acc_seg: 76.8368, loss: 0.6669 2023-11-09 23:45:16,076 - mmseg - INFO - Iter [12350/80000] lr: 3.383e-05, eta: 5:21:54, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6511, decode.acc_seg: 76.3234, loss: 0.6511 2023-11-09 23:45:26,605 - mmseg - INFO - Iter [12400/80000] lr: 3.380e-05, eta: 5:21:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6462, decode.acc_seg: 76.6476, loss: 0.6462 2023-11-09 23:45:37,120 - mmseg - INFO - Iter [12450/80000] lr: 3.378e-05, eta: 5:20:45, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6720, decode.acc_seg: 76.2334, loss: 0.6720 2023-11-09 23:45:47,645 - mmseg - INFO - Iter [12500/80000] lr: 3.375e-05, eta: 5:20:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6543, decode.acc_seg: 76.5358, loss: 0.6543 2023-11-09 23:45:58,169 - mmseg - INFO - Iter [12550/80000] lr: 3.373e-05, eta: 5:19:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6563, decode.acc_seg: 76.8930, loss: 0.6563 2023-11-09 23:46:08,692 - mmseg - INFO - Iter [12600/80000] lr: 3.370e-05, eta: 5:19:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6490, decode.acc_seg: 76.4710, loss: 0.6490 2023-11-09 23:46:21,560 - mmseg - INFO - Iter [12650/80000] lr: 3.368e-05, eta: 5:18:41, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.6443, decode.acc_seg: 76.7240, loss: 0.6443 2023-11-09 23:46:32,087 - mmseg - INFO - Iter [12700/80000] lr: 3.365e-05, eta: 5:18:07, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6346, decode.acc_seg: 77.2653, loss: 0.6346 2023-11-09 23:46:42,612 - mmseg - INFO - Iter [12750/80000] lr: 3.363e-05, eta: 5:17:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6681, decode.acc_seg: 76.6128, loss: 0.6681 2023-11-09 23:46:53,125 - mmseg - INFO - Iter [12800/80000] lr: 3.360e-05, eta: 5:17:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6428, decode.acc_seg: 77.0174, loss: 0.6428 2023-11-09 23:47:03,652 - mmseg - INFO - Iter [12850/80000] lr: 3.358e-05, eta: 5:16:28, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6034, decode.acc_seg: 78.2253, loss: 0.6034 2023-11-09 23:47:14,187 - mmseg - INFO - Iter [12900/80000] lr: 3.355e-05, eta: 5:15:55, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6776, decode.acc_seg: 75.4964, loss: 0.6776 2023-11-09 23:47:24,705 - mmseg - INFO - Iter [12950/80000] lr: 3.353e-05, eta: 5:15:22, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6298, decode.acc_seg: 77.1372, loss: 0.6298 2023-11-09 23:47:35,242 - mmseg - INFO - Saving checkpoint at 13000 iterations 2023-11-09 23:47:58,904 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:47:58,904 - mmseg - INFO - Iter [13000/80000] lr: 3.350e-05, eta: 5:16:51, time: 0.684, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6283, decode.acc_seg: 77.2487, loss: 0.6283 2023-11-09 23:48:44,654 - mmseg - INFO - per class results: 2023-11-09 23:48:44,663 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 67.88 | 82.23 | | building | 77.8 | 92.23 | | sky | 86.1 | 95.13 | | floor | 71.75 | 85.09 | | tree | 67.06 | 84.86 | | ceiling | 74.92 | 87.31 | | road | 76.32 | 87.99 | | bed | 81.04 | 93.47 | | windowpane | 56.97 | 75.51 | | grass | 64.86 | 79.81 | | cabinet | 52.72 | 65.68 | | sidewalk | 53.27 | 67.93 | | person | 72.53 | 90.98 | | earth | 31.68 | 43.71 | | door | 37.47 | 45.61 | | table | 52.07 | 67.39 | | mountain | 53.43 | 68.36 | | plant | 47.49 | 57.91 | | curtain | 62.65 | 73.45 | | chair | 51.62 | 66.86 | | car | 76.35 | 90.87 | | water | 52.53 | 68.76 | | painting | 62.99 | 81.02 | | sofa | 64.53 | 80.5 | | shelf | 37.5 | 52.13 | | house | 42.75 | 54.42 | | sea | 57.96 | 73.84 | | mirror | 54.55 | 66.52 | | rug | 46.0 | 50.53 | | field | 34.83 | 54.02 | | armchair | 40.66 | 56.06 | | seat | 53.38 | 74.47 | | fence | 36.79 | 47.98 | | desk | 39.14 | 64.32 | | rock | 49.16 | 63.61 | | wardrobe | 42.67 | 56.89 | | lamp | 54.15 | 69.04 | | bathtub | 68.52 | 75.82 | | railing | 32.65 | 43.12 | | cushion | 56.04 | 69.91 | | base | 27.4 | 37.13 | | box | 26.92 | 34.8 | | column | 33.37 | 39.37 | | signboard | 29.11 | 45.01 | | chest of drawers | 39.29 | 51.19 | | counter | 31.08 | 39.26 | | sand | 42.94 | 54.5 | | sink | 66.01 | 76.25 | | skyscraper | 43.84 | 55.37 | | fireplace | 61.16 | 80.02 | | refrigerator | 51.99 | 58.55 | | grandstand | 49.59 | 80.3 | | path | 15.68 | 20.61 | | stairs | 23.44 | 25.95 | | runway | 62.18 | 80.65 | | case | 51.35 | 65.41 | | pool table | 80.49 | 94.3 | | pillow | 50.64 | 59.15 | | screen door | 52.92 | 62.39 | | stairway | 46.84 | 56.91 | | river | 15.2 | 22.51 | | bridge | 41.63 | 50.89 | | bookcase | 31.94 | 47.4 | | blind | 20.62 | 22.17 | | coffee table | 57.37 | 75.33 | | toilet | 74.66 | 86.97 | | flower | 38.16 | 51.75 | | book | 46.44 | 66.65 | | hill | 5.35 | 7.31 | | bench | 43.09 | 51.39 | | countertop | 49.32 | 62.61 | | stove | 68.1 | 76.16 | | palm | 43.62 | 55.29 | | kitchen island | 35.86 | 62.8 | | computer | 61.9 | 79.02 | | swivel chair | 40.89 | 53.52 | | boat | 53.18 | 71.28 | | bar | 49.63 | 55.32 | | arcade machine | 64.04 | 73.97 | | hovel | 30.0 | 34.59 | | bus | 79.21 | 88.55 | | towel | 62.55 | 74.68 | | light | 30.53 | 34.84 | | truck | 32.38 | 45.17 | | tower | 12.77 | 18.54 | | chandelier | 60.08 | 75.59 | | awning | 22.63 | 28.27 | | streetlight | 20.67 | 25.15 | | booth | 29.48 | 36.38 | | television receiver | 64.65 | 73.69 | | airplane | 50.19 | 65.48 | | dirt track | 14.82 | 17.93 | | apparel | 44.34 | 57.59 | | pole | 12.85 | 15.25 | | land | 1.19 | 1.45 | | bannister | 7.98 | 11.29 | | escalator | 46.73 | 57.63 | | ottoman | 41.97 | 55.33 | | bottle | 40.98 | 64.13 | | buffet | 38.04 | 43.58 | | poster | 17.79 | 22.59 | | stage | 14.68 | 30.8 | | van | 30.02 | 40.59 | | ship | 31.18 | 35.98 | | fountain | 19.68 | 20.57 | | conveyer belt | 63.33 | 92.68 | | canopy | 34.45 | 39.21 | | washer | 71.57 | 79.67 | | plaything | 27.3 | 44.09 | | swimming pool | 57.53 | 74.05 | | stool | 27.41 | 34.94 | | barrel | 28.07 | 45.53 | | basket | 34.95 | 45.02 | | waterfall | 47.4 | 53.98 | | tent | 74.95 | 96.89 | | bag | 14.53 | 16.83 | | minibike | 62.2 | 78.96 | | cradle | 69.21 | 93.46 | | oven | 42.54 | 50.68 | | ball | 45.03 | 51.91 | | food | 51.5 | 60.6 | | step | 3.93 | 4.18 | | tank | 51.05 | 66.97 | | trade name | 13.58 | 15.23 | | microwave | 70.36 | 77.24 | | pot | 35.58 | 40.06 | | animal | 57.69 | 67.01 | | bicycle | 55.69 | 78.01 | | lake | 15.07 | 16.36 | | dishwasher | 46.48 | 50.93 | | screen | 40.73 | 58.1 | | blanket | 13.98 | 16.17 | | sculpture | 51.39 | 73.88 | | hood | 50.71 | 55.15 | | sconce | 35.88 | 46.31 | | vase | 35.79 | 50.39 | | traffic light | 29.69 | 39.43 | | tray | 7.91 | 9.21 | | ashcan | 39.98 | 48.86 | | fan | 48.06 | 60.8 | | pier | 32.4 | 45.65 | | crt screen | 2.38 | 4.67 | | plate | 48.03 | 63.06 | | monitor | 19.61 | 23.09 | | bulletin board | 42.22 | 54.9 | | shower | 2.69 | 4.22 | | radiator | 58.57 | 67.6 | | glass | 15.88 | 17.33 | | clock | 29.38 | 32.51 | | flag | 41.35 | 48.83 | +---------------------+-------+-------+ 2023-11-09 23:48:44,663 - mmseg - INFO - Summary: 2023-11-09 23:48:44,663 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 78.35 | 43.84 | 55.1 | +-------+-------+------+ 2023-11-09 23:48:44,665 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:48:44,665 - mmseg - INFO - Iter(val) [250] aAcc: 0.7835, mIoU: 0.4384, mAcc: 0.5510, IoU.wall: 0.6788, IoU.building: 0.7780, IoU.sky: 0.8610, IoU.floor: 0.7175, IoU.tree: 0.6706, IoU.ceiling: 0.7492, IoU.road: 0.7632, IoU.bed : 0.8104, IoU.windowpane: 0.5697, IoU.grass: 0.6486, IoU.cabinet: 0.5272, IoU.sidewalk: 0.5327, IoU.person: 0.7253, IoU.earth: 0.3168, IoU.door: 0.3747, IoU.table: 0.5207, IoU.mountain: 0.5343, IoU.plant: 0.4749, IoU.curtain: 0.6265, IoU.chair: 0.5162, IoU.car: 0.7635, IoU.water: 0.5253, IoU.painting: 0.6299, IoU.sofa: 0.6453, IoU.shelf: 0.3750, IoU.house: 0.4275, IoU.sea: 0.5796, IoU.mirror: 0.5455, IoU.rug: 0.4600, IoU.field: 0.3483, IoU.armchair: 0.4066, IoU.seat: 0.5338, IoU.fence: 0.3679, IoU.desk: 0.3914, IoU.rock: 0.4916, IoU.wardrobe: 0.4267, IoU.lamp: 0.5415, IoU.bathtub: 0.6852, IoU.railing: 0.3265, IoU.cushion: 0.5604, IoU.base: 0.2740, IoU.box: 0.2692, IoU.column: 0.3337, IoU.signboard: 0.2911, IoU.chest of drawers: 0.3929, IoU.counter: 0.3108, IoU.sand: 0.4294, IoU.sink: 0.6601, IoU.skyscraper: 0.4384, IoU.fireplace: 0.6116, IoU.refrigerator: 0.5199, IoU.grandstand: 0.4959, IoU.path: 0.1568, IoU.stairs: 0.2344, IoU.runway: 0.6218, IoU.case: 0.5135, IoU.pool table: 0.8049, IoU.pillow: 0.5064, IoU.screen door: 0.5292, IoU.stairway: 0.4684, IoU.river: 0.1520, IoU.bridge: 0.4163, IoU.bookcase: 0.3194, IoU.blind: 0.2062, IoU.coffee table: 0.5737, IoU.toilet: 0.7466, IoU.flower: 0.3816, IoU.book: 0.4644, IoU.hill: 0.0535, IoU.bench: 0.4309, IoU.countertop: 0.4932, IoU.stove: 0.6810, IoU.palm: 0.4362, IoU.kitchen island: 0.3586, IoU.computer: 0.6190, IoU.swivel chair: 0.4089, IoU.boat: 0.5318, IoU.bar: 0.4963, IoU.arcade machine: 0.6404, IoU.hovel: 0.3000, IoU.bus: 0.7921, IoU.towel: 0.6255, IoU.light: 0.3053, IoU.truck: 0.3238, IoU.tower: 0.1277, IoU.chandelier: 0.6008, IoU.awning: 0.2263, IoU.streetlight: 0.2067, IoU.booth: 0.2948, IoU.television receiver: 0.6465, IoU.airplane: 0.5019, IoU.dirt track: 0.1482, IoU.apparel: 0.4434, IoU.pole: 0.1285, IoU.land: 0.0119, IoU.bannister: 0.0798, IoU.escalator: 0.4673, IoU.ottoman: 0.4197, IoU.bottle: 0.4098, IoU.buffet: 0.3804, IoU.poster: 0.1779, IoU.stage: 0.1468, IoU.van: 0.3002, IoU.ship: 0.3118, IoU.fountain: 0.1968, IoU.conveyer belt: 0.6333, IoU.canopy: 0.3445, IoU.washer: 0.7157, IoU.plaything: 0.2730, IoU.swimming pool: 0.5753, IoU.stool: 0.2741, IoU.barrel: 0.2807, IoU.basket: 0.3495, IoU.waterfall: 0.4740, IoU.tent: 0.7495, IoU.bag: 0.1453, IoU.minibike: 0.6220, IoU.cradle: 0.6921, IoU.oven: 0.4254, IoU.ball: 0.4503, IoU.food: 0.5150, IoU.step: 0.0393, IoU.tank: 0.5105, IoU.trade name: 0.1358, IoU.microwave: 0.7036, IoU.pot: 0.3558, IoU.animal: 0.5769, IoU.bicycle: 0.5569, IoU.lake: 0.1507, IoU.dishwasher: 0.4648, IoU.screen: 0.4073, IoU.blanket: 0.1398, IoU.sculpture: 0.5139, IoU.hood: 0.5071, IoU.sconce: 0.3588, IoU.vase: 0.3579, IoU.traffic light: 0.2969, IoU.tray: 0.0791, IoU.ashcan: 0.3998, IoU.fan: 0.4806, IoU.pier: 0.3240, IoU.crt screen: 0.0238, IoU.plate: 0.4803, IoU.monitor: 0.1961, IoU.bulletin board: 0.4222, IoU.shower: 0.0269, IoU.radiator: 0.5857, IoU.glass: 0.1588, IoU.clock: 0.2938, IoU.flag: 0.4135, Acc.wall: 0.8223, Acc.building: 0.9223, Acc.sky: 0.9513, Acc.floor: 0.8509, Acc.tree: 0.8486, Acc.ceiling: 0.8731, Acc.road: 0.8799, Acc.bed : 0.9347, Acc.windowpane: 0.7551, Acc.grass: 0.7981, Acc.cabinet: 0.6568, Acc.sidewalk: 0.6793, Acc.person: 0.9098, Acc.earth: 0.4371, Acc.door: 0.4561, Acc.table: 0.6739, Acc.mountain: 0.6836, Acc.plant: 0.5791, Acc.curtain: 0.7345, Acc.chair: 0.6686, Acc.car: 0.9087, Acc.water: 0.6876, Acc.painting: 0.8102, Acc.sofa: 0.8050, Acc.shelf: 0.5213, Acc.house: 0.5442, Acc.sea: 0.7384, Acc.mirror: 0.6652, Acc.rug: 0.5053, Acc.field: 0.5402, Acc.armchair: 0.5606, Acc.seat: 0.7447, Acc.fence: 0.4798, Acc.desk: 0.6432, Acc.rock: 0.6361, Acc.wardrobe: 0.5689, Acc.lamp: 0.6904, Acc.bathtub: 0.7582, Acc.railing: 0.4312, Acc.cushion: 0.6991, Acc.base: 0.3713, Acc.box: 0.3480, Acc.column: 0.3937, Acc.signboard: 0.4501, Acc.chest of drawers: 0.5119, Acc.counter: 0.3926, Acc.sand: 0.5450, Acc.sink: 0.7625, Acc.skyscraper: 0.5537, Acc.fireplace: 0.8002, Acc.refrigerator: 0.5855, Acc.grandstand: 0.8030, Acc.path: 0.2061, Acc.stairs: 0.2595, Acc.runway: 0.8065, Acc.case: 0.6541, Acc.pool table: 0.9430, Acc.pillow: 0.5915, Acc.screen door: 0.6239, Acc.stairway: 0.5691, Acc.river: 0.2251, Acc.bridge: 0.5089, Acc.bookcase: 0.4740, Acc.blind: 0.2217, Acc.coffee table: 0.7533, Acc.toilet: 0.8697, Acc.flower: 0.5175, Acc.book: 0.6665, Acc.hill: 0.0731, Acc.bench: 0.5139, Acc.countertop: 0.6261, Acc.stove: 0.7616, Acc.palm: 0.5529, Acc.kitchen island: 0.6280, Acc.computer: 0.7902, Acc.swivel chair: 0.5352, Acc.boat: 0.7128, Acc.bar: 0.5532, Acc.arcade machine: 0.7397, Acc.hovel: 0.3459, Acc.bus: 0.8855, Acc.towel: 0.7468, Acc.light: 0.3484, Acc.truck: 0.4517, Acc.tower: 0.1854, Acc.chandelier: 0.7559, Acc.awning: 0.2827, Acc.streetlight: 0.2515, Acc.booth: 0.3638, Acc.television receiver: 0.7369, Acc.airplane: 0.6548, Acc.dirt track: 0.1793, Acc.apparel: 0.5759, Acc.pole: 0.1525, Acc.land: 0.0145, Acc.bannister: 0.1129, Acc.escalator: 0.5763, Acc.ottoman: 0.5533, Acc.bottle: 0.6413, Acc.buffet: 0.4358, Acc.poster: 0.2259, Acc.stage: 0.3080, Acc.van: 0.4059, Acc.ship: 0.3598, Acc.fountain: 0.2057, Acc.conveyer belt: 0.9268, Acc.canopy: 0.3921, Acc.washer: 0.7967, Acc.plaything: 0.4409, Acc.swimming pool: 0.7405, Acc.stool: 0.3494, Acc.barrel: 0.4553, Acc.basket: 0.4502, Acc.waterfall: 0.5398, Acc.tent: 0.9689, Acc.bag: 0.1683, Acc.minibike: 0.7896, Acc.cradle: 0.9346, Acc.oven: 0.5068, Acc.ball: 0.5191, Acc.food: 0.6060, Acc.step: 0.0418, Acc.tank: 0.6697, Acc.trade name: 0.1523, Acc.microwave: 0.7724, Acc.pot: 0.4006, Acc.animal: 0.6701, Acc.bicycle: 0.7801, Acc.lake: 0.1636, Acc.dishwasher: 0.5093, Acc.screen: 0.5810, Acc.blanket: 0.1617, Acc.sculpture: 0.7388, Acc.hood: 0.5515, Acc.sconce: 0.4631, Acc.vase: 0.5039, Acc.traffic light: 0.3943, Acc.tray: 0.0921, Acc.ashcan: 0.4886, Acc.fan: 0.6080, Acc.pier: 0.4565, Acc.crt screen: 0.0467, Acc.plate: 0.6306, Acc.monitor: 0.2309, Acc.bulletin board: 0.5490, Acc.shower: 0.0422, Acc.radiator: 0.6760, Acc.glass: 0.1733, Acc.clock: 0.3251, Acc.flag: 0.4883 2023-11-09 23:48:55,232 - mmseg - INFO - Iter [13050/80000] lr: 3.348e-05, eta: 5:20:13, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.6640, decode.acc_seg: 76.2330, loss: 0.6640 2023-11-09 23:49:05,823 - mmseg - INFO - Iter [13100/80000] lr: 3.345e-05, eta: 5:19:40, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6612, decode.acc_seg: 76.0572, loss: 0.6612 2023-11-09 23:49:16,381 - mmseg - INFO - Iter [13150/80000] lr: 3.343e-05, eta: 5:19:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6509, decode.acc_seg: 76.8504, loss: 0.6509 2023-11-09 23:49:26,914 - mmseg - INFO - Iter [13200/80000] lr: 3.340e-05, eta: 5:18:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6498, decode.acc_seg: 76.6855, loss: 0.6498 2023-11-09 23:49:37,443 - mmseg - INFO - Iter [13250/80000] lr: 3.338e-05, eta: 5:17:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6676, decode.acc_seg: 76.0842, loss: 0.6676 2023-11-09 23:49:47,979 - mmseg - INFO - Iter [13300/80000] lr: 3.335e-05, eta: 5:17:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6409, decode.acc_seg: 76.6965, loss: 0.6409 2023-11-09 23:49:58,514 - mmseg - INFO - Iter [13350/80000] lr: 3.333e-05, eta: 5:16:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6421, decode.acc_seg: 76.4927, loss: 0.6421 2023-11-09 23:50:09,054 - mmseg - INFO - Iter [13400/80000] lr: 3.330e-05, eta: 5:16:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6599, decode.acc_seg: 76.3001, loss: 0.6599 2023-11-09 23:50:19,576 - mmseg - INFO - Iter [13450/80000] lr: 3.328e-05, eta: 5:15:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6496, decode.acc_seg: 76.6014, loss: 0.6496 2023-11-09 23:50:30,097 - mmseg - INFO - Iter [13500/80000] lr: 3.325e-05, eta: 5:15:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6066, decode.acc_seg: 77.5552, loss: 0.6066 2023-11-09 23:50:40,618 - mmseg - INFO - Iter [13550/80000] lr: 3.323e-05, eta: 5:14:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6365, decode.acc_seg: 77.3530, loss: 0.6365 2023-11-09 23:50:51,148 - mmseg - INFO - Iter [13600/80000] lr: 3.320e-05, eta: 5:14:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6287, decode.acc_seg: 76.9063, loss: 0.6287 2023-11-09 23:51:01,669 - mmseg - INFO - Iter [13650/80000] lr: 3.318e-05, eta: 5:13:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6362, decode.acc_seg: 77.3584, loss: 0.6362 2023-11-09 23:51:12,187 - mmseg - INFO - Iter [13700/80000] lr: 3.315e-05, eta: 5:13:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6512, decode.acc_seg: 76.5554, loss: 0.6512 2023-11-09 23:51:22,719 - mmseg - INFO - Iter [13750/80000] lr: 3.313e-05, eta: 5:12:35, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6484, decode.acc_seg: 77.0794, loss: 0.6484 2023-11-09 23:51:33,248 - mmseg - INFO - Iter [13800/80000] lr: 3.310e-05, eta: 5:12:03, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6381, decode.acc_seg: 77.0003, loss: 0.6381 2023-11-09 23:51:43,790 - mmseg - INFO - Iter [13850/80000] lr: 3.308e-05, eta: 5:11:32, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6263, decode.acc_seg: 78.2621, loss: 0.6263 2023-11-09 23:51:56,615 - mmseg - INFO - Iter [13900/80000] lr: 3.305e-05, eta: 5:11:12, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.6262, decode.acc_seg: 77.1996, loss: 0.6262 2023-11-09 23:52:07,127 - mmseg - INFO - Iter [13950/80000] lr: 3.303e-05, eta: 5:10:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6370, decode.acc_seg: 77.0506, loss: 0.6370 2023-11-09 23:52:17,638 - mmseg - INFO - Saving checkpoint at 14000 iterations 2023-11-09 23:52:41,331 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:52:41,331 - mmseg - INFO - Iter [14000/80000] lr: 3.300e-05, eta: 5:12:01, time: 0.684, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6251, decode.acc_seg: 77.6589, loss: 0.6251 2023-11-09 23:53:27,138 - mmseg - INFO - per class results: 2023-11-09 23:53:27,143 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.06 | 84.32 | | building | 78.33 | 91.64 | | sky | 87.91 | 94.29 | | floor | 71.25 | 86.77 | | tree | 68.03 | 84.24 | | ceiling | 75.15 | 86.72 | | road | 76.95 | 86.75 | | bed | 81.1 | 93.65 | | windowpane | 56.96 | 75.33 | | grass | 65.03 | 81.5 | | cabinet | 52.86 | 65.56 | | sidewalk | 54.55 | 70.63 | | person | 73.65 | 90.06 | | earth | 31.8 | 43.25 | | door | 37.55 | 45.48 | | table | 51.99 | 66.93 | | mountain | 52.71 | 66.75 | | plant | 48.14 | 58.74 | | curtain | 62.17 | 73.24 | | chair | 51.67 | 67.59 | | car | 76.51 | 91.58 | | water | 52.67 | 68.95 | | painting | 63.28 | 80.08 | | sofa | 64.56 | 81.31 | | shelf | 37.26 | 50.57 | | house | 42.92 | 57.35 | | sea | 58.39 | 77.44 | | mirror | 54.57 | 64.99 | | rug | 44.9 | 48.83 | | field | 31.09 | 44.3 | | armchair | 39.71 | 53.48 | | seat | 53.11 | 74.85 | | fence | 35.38 | 45.89 | | desk | 39.48 | 62.8 | | rock | 49.35 | 64.66 | | wardrobe | 42.23 | 56.43 | | lamp | 54.18 | 69.71 | | bathtub | 68.08 | 73.52 | | railing | 32.45 | 44.63 | | cushion | 55.32 | 65.31 | | base | 26.26 | 38.63 | | box | 25.65 | 31.84 | | column | 32.03 | 37.11 | | signboard | 29.85 | 43.28 | | chest of drawers | 39.48 | 52.16 | | counter | 28.57 | 34.88 | | sand | 43.64 | 56.11 | | sink | 66.33 | 75.81 | | skyscraper | 42.9 | 62.71 | | fireplace | 62.02 | 80.05 | | refrigerator | 52.82 | 59.49 | | grandstand | 51.49 | 76.66 | | path | 15.86 | 21.25 | | stairs | 24.43 | 27.03 | | runway | 62.45 | 83.17 | | case | 51.62 | 68.4 | | pool table | 82.6 | 93.05 | | pillow | 49.14 | 57.19 | | screen door | 46.69 | 50.79 | | stairway | 47.6 | 61.32 | | river | 17.24 | 25.75 | | bridge | 46.98 | 56.93 | | bookcase | 30.59 | 40.95 | | blind | 13.74 | 14.36 | | coffee table | 57.4 | 76.41 | | toilet | 75.75 | 85.08 | | flower | 37.59 | 50.23 | | book | 46.87 | 68.08 | | hill | 5.48 | 8.74 | | bench | 42.63 | 50.63 | | countertop | 49.63 | 62.63 | | stove | 67.77 | 77.3 | | palm | 46.54 | 61.65 | | kitchen island | 34.36 | 50.14 | | computer | 61.56 | 76.08 | | swivel chair | 41.34 | 54.58 | | boat | 56.49 | 75.57 | | bar | 51.55 | 60.69 | | arcade machine | 59.04 | 64.67 | | hovel | 29.05 | 33.56 | | bus | 77.7 | 91.02 | | towel | 62.24 | 73.84 | | light | 29.59 | 33.35 | | truck | 32.21 | 43.65 | | tower | 11.57 | 17.04 | | chandelier | 60.31 | 75.21 | | awning | 23.25 | 28.45 | | streetlight | 20.54 | 24.75 | | booth | 31.44 | 40.54 | | television receiver | 63.93 | 74.78 | | airplane | 51.06 | 64.47 | | dirt track | 14.52 | 19.95 | | apparel | 44.3 | 58.39 | | pole | 13.34 | 16.41 | | land | 2.21 | 3.18 | | bannister | 5.98 | 7.65 | | escalator | 51.48 | 65.25 | | ottoman | 39.55 | 47.14 | | bottle | 41.24 | 63.85 | | buffet | 40.22 | 47.09 | | poster | 19.99 | 26.31 | | stage | 14.5 | 30.22 | | van | 29.12 | 39.45 | | ship | 20.5 | 22.28 | | fountain | 18.25 | 19.06 | | conveyer belt | 63.62 | 91.85 | | canopy | 33.04 | 37.93 | | washer | 71.27 | 78.19 | | plaything | 27.89 | 41.57 | | swimming pool | 58.22 | 76.62 | | stool | 27.8 | 35.35 | | barrel | 28.34 | 44.7 | | basket | 34.07 | 44.62 | | waterfall | 49.07 | 58.23 | | tent | 80.85 | 95.91 | | bag | 14.59 | 16.73 | | minibike | 62.71 | 81.67 | | cradle | 72.42 | 92.92 | | oven | 42.37 | 50.36 | | ball | 51.0 | 70.16 | | food | 49.74 | 58.27 | | step | 4.68 | 5.04 | | tank | 51.38 | 65.13 | | trade name | 18.91 | 22.43 | | microwave | 69.97 | 77.2 | | pot | 34.7 | 38.54 | | animal | 55.04 | 63.56 | | bicycle | 54.26 | 76.42 | | lake | 14.6 | 15.99 | | dishwasher | 44.51 | 47.15 | | screen | 41.85 | 56.28 | | blanket | 17.6 | 20.8 | | sculpture | 52.28 | 70.52 | | hood | 48.76 | 51.84 | | sconce | 34.78 | 43.31 | | vase | 35.61 | 46.47 | | traffic light | 29.5 | 40.13 | | tray | 9.55 | 12.18 | | ashcan | 41.06 | 52.02 | | fan | 44.49 | 52.92 | | pier | 33.52 | 44.55 | | crt screen | 1.76 | 3.41 | | plate | 46.08 | 56.15 | | monitor | 16.39 | 18.58 | | bulletin board | 43.54 | 56.39 | | shower | 1.15 | 2.43 | | radiator | 60.18 | 68.07 | | glass | 14.56 | 15.71 | | clock | 28.16 | 31.77 | | flag | 42.06 | 49.66 | +---------------------+-------+-------+ 2023-11-09 23:53:27,143 - mmseg - INFO - Summary: 2023-11-09 23:53:27,143 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 78.52 | 43.81 | 54.72 | +-------+-------+-------+ 2023-11-09 23:53:27,144 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:53:27,144 - mmseg - INFO - Iter(val) [250] aAcc: 0.7852, mIoU: 0.4381, mAcc: 0.5472, IoU.wall: 0.6806, IoU.building: 0.7833, IoU.sky: 0.8791, IoU.floor: 0.7125, IoU.tree: 0.6803, IoU.ceiling: 0.7515, IoU.road: 0.7695, IoU.bed : 0.8110, IoU.windowpane: 0.5696, IoU.grass: 0.6503, IoU.cabinet: 0.5286, IoU.sidewalk: 0.5455, IoU.person: 0.7365, IoU.earth: 0.3180, IoU.door: 0.3755, IoU.table: 0.5199, IoU.mountain: 0.5271, IoU.plant: 0.4814, IoU.curtain: 0.6217, IoU.chair: 0.5167, IoU.car: 0.7651, IoU.water: 0.5267, IoU.painting: 0.6328, IoU.sofa: 0.6456, IoU.shelf: 0.3726, IoU.house: 0.4292, IoU.sea: 0.5839, IoU.mirror: 0.5457, IoU.rug: 0.4490, IoU.field: 0.3109, IoU.armchair: 0.3971, IoU.seat: 0.5311, IoU.fence: 0.3538, IoU.desk: 0.3948, IoU.rock: 0.4935, IoU.wardrobe: 0.4223, IoU.lamp: 0.5418, IoU.bathtub: 0.6808, IoU.railing: 0.3245, IoU.cushion: 0.5532, IoU.base: 0.2626, IoU.box: 0.2565, IoU.column: 0.3203, IoU.signboard: 0.2985, IoU.chest of drawers: 0.3948, IoU.counter: 0.2857, IoU.sand: 0.4364, IoU.sink: 0.6633, IoU.skyscraper: 0.4290, IoU.fireplace: 0.6202, IoU.refrigerator: 0.5282, IoU.grandstand: 0.5149, IoU.path: 0.1586, IoU.stairs: 0.2443, IoU.runway: 0.6245, IoU.case: 0.5162, IoU.pool table: 0.8260, IoU.pillow: 0.4914, IoU.screen door: 0.4669, IoU.stairway: 0.4760, IoU.river: 0.1724, IoU.bridge: 0.4698, IoU.bookcase: 0.3059, IoU.blind: 0.1374, IoU.coffee table: 0.5740, IoU.toilet: 0.7575, IoU.flower: 0.3759, IoU.book: 0.4687, IoU.hill: 0.0548, IoU.bench: 0.4263, IoU.countertop: 0.4963, IoU.stove: 0.6777, IoU.palm: 0.4654, IoU.kitchen island: 0.3436, IoU.computer: 0.6156, IoU.swivel chair: 0.4134, IoU.boat: 0.5649, IoU.bar: 0.5155, IoU.arcade machine: 0.5904, IoU.hovel: 0.2905, IoU.bus: 0.7770, IoU.towel: 0.6224, IoU.light: 0.2959, IoU.truck: 0.3221, IoU.tower: 0.1157, IoU.chandelier: 0.6031, IoU.awning: 0.2325, IoU.streetlight: 0.2054, IoU.booth: 0.3144, IoU.television receiver: 0.6393, IoU.airplane: 0.5106, IoU.dirt track: 0.1452, IoU.apparel: 0.4430, IoU.pole: 0.1334, IoU.land: 0.0221, IoU.bannister: 0.0598, IoU.escalator: 0.5148, IoU.ottoman: 0.3955, IoU.bottle: 0.4124, IoU.buffet: 0.4022, IoU.poster: 0.1999, IoU.stage: 0.1450, IoU.van: 0.2912, IoU.ship: 0.2050, IoU.fountain: 0.1825, IoU.conveyer belt: 0.6362, IoU.canopy: 0.3304, IoU.washer: 0.7127, IoU.plaything: 0.2789, IoU.swimming pool: 0.5822, IoU.stool: 0.2780, IoU.barrel: 0.2834, IoU.basket: 0.3407, IoU.waterfall: 0.4907, IoU.tent: 0.8085, IoU.bag: 0.1459, IoU.minibike: 0.6271, IoU.cradle: 0.7242, IoU.oven: 0.4237, IoU.ball: 0.5100, IoU.food: 0.4974, IoU.step: 0.0468, IoU.tank: 0.5138, IoU.trade name: 0.1891, IoU.microwave: 0.6997, IoU.pot: 0.3470, IoU.animal: 0.5504, IoU.bicycle: 0.5426, IoU.lake: 0.1460, IoU.dishwasher: 0.4451, IoU.screen: 0.4185, IoU.blanket: 0.1760, IoU.sculpture: 0.5228, IoU.hood: 0.4876, IoU.sconce: 0.3478, IoU.vase: 0.3561, IoU.traffic light: 0.2950, IoU.tray: 0.0955, IoU.ashcan: 0.4106, IoU.fan: 0.4449, IoU.pier: 0.3352, IoU.crt screen: 0.0176, IoU.plate: 0.4608, IoU.monitor: 0.1639, IoU.bulletin board: 0.4354, IoU.shower: 0.0115, IoU.radiator: 0.6018, IoU.glass: 0.1456, IoU.clock: 0.2816, IoU.flag: 0.4206, Acc.wall: 0.8432, Acc.building: 0.9164, Acc.sky: 0.9429, Acc.floor: 0.8677, Acc.tree: 0.8424, Acc.ceiling: 0.8672, Acc.road: 0.8675, Acc.bed : 0.9365, Acc.windowpane: 0.7533, Acc.grass: 0.8150, Acc.cabinet: 0.6556, Acc.sidewalk: 0.7063, Acc.person: 0.9006, Acc.earth: 0.4325, Acc.door: 0.4548, Acc.table: 0.6693, Acc.mountain: 0.6675, Acc.plant: 0.5874, Acc.curtain: 0.7324, Acc.chair: 0.6759, Acc.car: 0.9158, Acc.water: 0.6895, Acc.painting: 0.8008, Acc.sofa: 0.8131, Acc.shelf: 0.5057, Acc.house: 0.5735, Acc.sea: 0.7744, Acc.mirror: 0.6499, Acc.rug: 0.4883, Acc.field: 0.4430, Acc.armchair: 0.5348, Acc.seat: 0.7485, Acc.fence: 0.4589, Acc.desk: 0.6280, Acc.rock: 0.6466, Acc.wardrobe: 0.5643, Acc.lamp: 0.6971, Acc.bathtub: 0.7352, Acc.railing: 0.4463, Acc.cushion: 0.6531, Acc.base: 0.3863, Acc.box: 0.3184, Acc.column: 0.3711, Acc.signboard: 0.4328, Acc.chest of drawers: 0.5216, Acc.counter: 0.3488, Acc.sand: 0.5611, Acc.sink: 0.7581, Acc.skyscraper: 0.6271, Acc.fireplace: 0.8005, Acc.refrigerator: 0.5949, Acc.grandstand: 0.7666, Acc.path: 0.2125, Acc.stairs: 0.2703, Acc.runway: 0.8317, Acc.case: 0.6840, Acc.pool table: 0.9305, Acc.pillow: 0.5719, Acc.screen door: 0.5079, Acc.stairway: 0.6132, Acc.river: 0.2575, Acc.bridge: 0.5693, Acc.bookcase: 0.4095, Acc.blind: 0.1436, Acc.coffee table: 0.7641, Acc.toilet: 0.8508, Acc.flower: 0.5023, Acc.book: 0.6808, Acc.hill: 0.0874, Acc.bench: 0.5063, Acc.countertop: 0.6263, Acc.stove: 0.7730, Acc.palm: 0.6165, Acc.kitchen island: 0.5014, Acc.computer: 0.7608, Acc.swivel chair: 0.5458, Acc.boat: 0.7557, Acc.bar: 0.6069, Acc.arcade machine: 0.6467, Acc.hovel: 0.3356, Acc.bus: 0.9102, Acc.towel: 0.7384, Acc.light: 0.3335, Acc.truck: 0.4365, Acc.tower: 0.1704, Acc.chandelier: 0.7521, Acc.awning: 0.2845, Acc.streetlight: 0.2475, Acc.booth: 0.4054, Acc.television receiver: 0.7478, Acc.airplane: 0.6447, Acc.dirt track: 0.1995, Acc.apparel: 0.5839, Acc.pole: 0.1641, Acc.land: 0.0318, Acc.bannister: 0.0765, Acc.escalator: 0.6525, Acc.ottoman: 0.4714, Acc.bottle: 0.6385, Acc.buffet: 0.4709, Acc.poster: 0.2631, Acc.stage: 0.3022, Acc.van: 0.3945, Acc.ship: 0.2228, Acc.fountain: 0.1906, Acc.conveyer belt: 0.9185, Acc.canopy: 0.3793, Acc.washer: 0.7819, Acc.plaything: 0.4157, Acc.swimming pool: 0.7662, Acc.stool: 0.3535, Acc.barrel: 0.4470, Acc.basket: 0.4462, Acc.waterfall: 0.5823, Acc.tent: 0.9591, Acc.bag: 0.1673, Acc.minibike: 0.8167, Acc.cradle: 0.9292, Acc.oven: 0.5036, Acc.ball: 0.7016, Acc.food: 0.5827, Acc.step: 0.0504, Acc.tank: 0.6513, Acc.trade name: 0.2243, Acc.microwave: 0.7720, Acc.pot: 0.3854, Acc.animal: 0.6356, Acc.bicycle: 0.7642, Acc.lake: 0.1599, Acc.dishwasher: 0.4715, Acc.screen: 0.5628, Acc.blanket: 0.2080, Acc.sculpture: 0.7052, Acc.hood: 0.5184, Acc.sconce: 0.4331, Acc.vase: 0.4647, Acc.traffic light: 0.4013, Acc.tray: 0.1218, Acc.ashcan: 0.5202, Acc.fan: 0.5292, Acc.pier: 0.4455, Acc.crt screen: 0.0341, Acc.plate: 0.5615, Acc.monitor: 0.1858, Acc.bulletin board: 0.5639, Acc.shower: 0.0243, Acc.radiator: 0.6807, Acc.glass: 0.1571, Acc.clock: 0.3177, Acc.flag: 0.4966 2023-11-09 23:53:37,741 - mmseg - INFO - Iter [14050/80000] lr: 3.298e-05, eta: 5:15:05, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 0.6244, decode.acc_seg: 77.1054, loss: 0.6244 2023-11-09 23:53:48,311 - mmseg - INFO - Iter [14100/80000] lr: 3.295e-05, eta: 5:14:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6128, decode.acc_seg: 78.3266, loss: 0.6128 2023-11-09 23:53:58,846 - mmseg - INFO - Iter [14150/80000] lr: 3.293e-05, eta: 5:14:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6304, decode.acc_seg: 77.1722, loss: 0.6304 2023-11-09 23:54:09,384 - mmseg - INFO - Iter [14200/80000] lr: 3.290e-05, eta: 5:13:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6103, decode.acc_seg: 78.4775, loss: 0.6103 2023-11-09 23:54:19,912 - mmseg - INFO - Iter [14250/80000] lr: 3.288e-05, eta: 5:12:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6471, decode.acc_seg: 76.7665, loss: 0.6471 2023-11-09 23:54:30,433 - mmseg - INFO - Iter [14300/80000] lr: 3.285e-05, eta: 5:12:26, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6207, decode.acc_seg: 77.0163, loss: 0.6207 2023-11-09 23:54:40,948 - mmseg - INFO - Iter [14350/80000] lr: 3.283e-05, eta: 5:11:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6206, decode.acc_seg: 77.2545, loss: 0.6206 2023-11-09 23:54:51,476 - mmseg - INFO - Iter [14400/80000] lr: 3.280e-05, eta: 5:11:24, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6582, decode.acc_seg: 75.7421, loss: 0.6582 2023-11-09 23:55:01,995 - mmseg - INFO - Iter [14450/80000] lr: 3.278e-05, eta: 5:10:53, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6448, decode.acc_seg: 76.4184, loss: 0.6448 2023-11-09 23:55:12,517 - mmseg - INFO - Iter [14500/80000] lr: 3.275e-05, eta: 5:10:22, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6474, decode.acc_seg: 76.7032, loss: 0.6474 2023-11-09 23:55:23,037 - mmseg - INFO - Iter [14550/80000] lr: 3.273e-05, eta: 5:09:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6486, decode.acc_seg: 76.4600, loss: 0.6486 2023-11-09 23:55:33,549 - mmseg - INFO - Iter [14600/80000] lr: 3.270e-05, eta: 5:09:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6390, decode.acc_seg: 76.7995, loss: 0.6390 2023-11-09 23:55:44,062 - mmseg - INFO - Iter [14650/80000] lr: 3.268e-05, eta: 5:08:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6325, decode.acc_seg: 76.8012, loss: 0.6325 2023-11-09 23:55:54,578 - mmseg - INFO - Iter [14700/80000] lr: 3.265e-05, eta: 5:08:19, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6346, decode.acc_seg: 76.9120, loss: 0.6346 2023-11-09 23:56:05,093 - mmseg - INFO - Iter [14750/80000] lr: 3.263e-05, eta: 5:07:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6217, decode.acc_seg: 77.2130, loss: 0.6217 2023-11-09 23:56:15,612 - mmseg - INFO - Iter [14800/80000] lr: 3.260e-05, eta: 5:07:19, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6452, decode.acc_seg: 76.8638, loss: 0.6452 2023-11-09 23:56:26,145 - mmseg - INFO - Iter [14850/80000] lr: 3.258e-05, eta: 5:06:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6199, decode.acc_seg: 77.9143, loss: 0.6199 2023-11-09 23:56:36,652 - mmseg - INFO - Iter [14900/80000] lr: 3.255e-05, eta: 5:06:19, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6259, decode.acc_seg: 77.5114, loss: 0.6259 2023-11-09 23:56:47,166 - mmseg - INFO - Iter [14950/80000] lr: 3.253e-05, eta: 5:05:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6673, decode.acc_seg: 76.3944, loss: 0.6673 2023-11-09 23:56:57,675 - mmseg - INFO - Saving checkpoint at 15000 iterations 2023-11-09 23:57:23,689 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:57:23,689 - mmseg - INFO - Iter [15000/80000] lr: 3.250e-05, eta: 5:07:12, time: 0.730, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6332, decode.acc_seg: 77.1206, loss: 0.6332 2023-11-09 23:58:09,630 - mmseg - INFO - per class results: 2023-11-09 23:58:09,635 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.12 | 84.9 | | building | 78.09 | 92.33 | | sky | 87.88 | 94.64 | | floor | 71.7 | 86.05 | | tree | 67.92 | 82.96 | | ceiling | 75.07 | 85.84 | | road | 76.99 | 87.56 | | bed | 81.49 | 93.48 | | windowpane | 57.03 | 72.63 | | grass | 64.85 | 79.72 | | cabinet | 52.9 | 65.41 | | sidewalk | 54.49 | 69.35 | | person | 73.64 | 90.22 | | earth | 32.25 | 44.28 | | door | 38.36 | 47.21 | | table | 51.75 | 65.96 | | mountain | 53.54 | 67.74 | | plant | 48.21 | 58.21 | | curtain | 62.39 | 73.68 | | chair | 51.91 | 66.47 | | car | 77.42 | 90.52 | | water | 52.8 | 69.5 | | painting | 63.09 | 79.79 | | sofa | 64.53 | 82.1 | | shelf | 37.46 | 53.39 | | house | 44.37 | 62.05 | | sea | 57.24 | 72.69 | | mirror | 55.0 | 65.04 | | rug | 47.12 | 52.57 | | field | 33.62 | 52.46 | | armchair | 40.14 | 54.15 | | seat | 54.3 | 74.15 | | fence | 35.58 | 46.84 | | desk | 39.67 | 62.25 | | rock | 50.39 | 66.15 | | wardrobe | 40.51 | 52.23 | | lamp | 54.17 | 67.27 | | bathtub | 69.48 | 77.74 | | railing | 30.97 | 40.15 | | cushion | 55.22 | 65.01 | | base | 25.85 | 35.96 | | box | 25.58 | 31.83 | | column | 32.32 | 37.49 | | signboard | 29.72 | 44.48 | | chest of drawers | 39.33 | 54.07 | | counter | 31.55 | 39.92 | | sand | 44.2 | 57.4 | | sink | 66.52 | 74.71 | | skyscraper | 43.99 | 57.73 | | fireplace | 61.51 | 77.44 | | refrigerator | 52.34 | 58.47 | | grandstand | 51.26 | 77.41 | | path | 15.1 | 19.57 | | stairs | 24.69 | 27.75 | | runway | 62.97 | 83.56 | | case | 52.83 | 64.06 | | pool table | 81.43 | 94.7 | | pillow | 52.49 | 63.21 | | screen door | 52.12 | 59.23 | | stairway | 45.62 | 55.17 | | river | 16.77 | 28.31 | | bridge | 45.09 | 54.92 | | bookcase | 32.46 | 49.26 | | blind | 23.49 | 26.05 | | coffee table | 56.28 | 78.5 | | toilet | 75.77 | 85.99 | | flower | 38.0 | 51.16 | | book | 45.99 | 63.47 | | hill | 5.52 | 7.58 | | bench | 44.07 | 53.25 | | countertop | 49.49 | 62.36 | | stove | 68.26 | 76.79 | | palm | 45.22 | 58.89 | | kitchen island | 35.42 | 55.79 | | computer | 62.18 | 76.67 | | swivel chair | 38.96 | 47.2 | | boat | 57.57 | 73.9 | | bar | 51.87 | 59.98 | | arcade machine | 63.28 | 72.62 | | hovel | 26.79 | 30.38 | | bus | 79.46 | 89.14 | | towel | 62.51 | 73.56 | | light | 28.64 | 31.79 | | truck | 33.45 | 46.32 | | tower | 16.44 | 25.99 | | chandelier | 60.93 | 79.73 | | awning | 23.82 | 29.93 | | streetlight | 19.85 | 23.56 | | booth | 30.93 | 38.26 | | television receiver | 64.09 | 73.34 | | airplane | 51.82 | 64.06 | | dirt track | 13.88 | 21.4 | | apparel | 43.53 | 62.15 | | pole | 10.46 | 12.21 | | land | 1.57 | 2.14 | | bannister | 5.4 | 6.89 | | escalator | 51.08 | 64.57 | | ottoman | 42.65 | 53.4 | | bottle | 40.72 | 60.21 | | buffet | 41.45 | 49.07 | | poster | 17.76 | 21.89 | | stage | 14.26 | 28.02 | | van | 29.35 | 39.56 | | ship | 20.52 | 22.33 | | fountain | 17.56 | 18.12 | | conveyer belt | 64.0 | 91.6 | | canopy | 30.66 | 35.03 | | washer | 71.67 | 79.04 | | plaything | 26.32 | 36.11 | | swimming pool | 58.67 | 75.37 | | stool | 27.5 | 33.29 | | barrel | 28.88 | 41.07 | | basket | 34.2 | 42.85 | | waterfall | 50.03 | 61.02 | | tent | 79.45 | 96.55 | | bag | 13.91 | 15.64 | | minibike | 63.48 | 80.59 | | cradle | 72.94 | 92.38 | | oven | 43.49 | 50.33 | | ball | 52.09 | 69.74 | | food | 51.74 | 61.97 | | step | 5.01 | 5.44 | | tank | 52.26 | 66.9 | | trade name | 15.12 | 16.99 | | microwave | 68.15 | 73.56 | | pot | 35.31 | 39.3 | | animal | 57.18 | 67.92 | | bicycle | 54.99 | 74.03 | | lake | 10.98 | 11.63 | | dishwasher | 45.65 | 48.61 | | screen | 41.71 | 56.72 | | blanket | 15.28 | 17.56 | | sculpture | 51.53 | 72.8 | | hood | 48.91 | 51.88 | | sconce | 34.28 | 42.33 | | vase | 35.3 | 48.33 | | traffic light | 28.99 | 40.81 | | tray | 8.3 | 9.74 | | ashcan | 40.77 | 49.74 | | fan | 48.15 | 60.19 | | pier | 34.2 | 44.31 | | crt screen | 2.24 | 4.27 | | plate | 47.72 | 61.89 | | monitor | 17.39 | 20.06 | | bulletin board | 43.42 | 53.04 | | shower | 2.17 | 2.84 | | radiator | 58.88 | 64.08 | | glass | 14.43 | 15.6 | | clock | 28.0 | 30.95 | | flag | 41.74 | 49.92 | +---------------------+-------+-------+ 2023-11-09 23:58:09,635 - mmseg - INFO - Summary: 2023-11-09 23:58:09,635 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 78.63 | 44.03 | 54.82 | +-------+-------+-------+ 2023-11-09 23:58:09,636 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-09 23:58:09,636 - mmseg - INFO - Iter(val) [250] aAcc: 0.7863, mIoU: 0.4403, mAcc: 0.5482, IoU.wall: 0.6812, IoU.building: 0.7809, IoU.sky: 0.8788, IoU.floor: 0.7170, IoU.tree: 0.6792, IoU.ceiling: 0.7507, IoU.road: 0.7699, IoU.bed : 0.8149, IoU.windowpane: 0.5703, IoU.grass: 0.6485, IoU.cabinet: 0.5290, IoU.sidewalk: 0.5449, IoU.person: 0.7364, IoU.earth: 0.3225, IoU.door: 0.3836, IoU.table: 0.5175, IoU.mountain: 0.5354, IoU.plant: 0.4821, IoU.curtain: 0.6239, IoU.chair: 0.5191, IoU.car: 0.7742, IoU.water: 0.5280, IoU.painting: 0.6309, IoU.sofa: 0.6453, IoU.shelf: 0.3746, IoU.house: 0.4437, IoU.sea: 0.5724, IoU.mirror: 0.5500, IoU.rug: 0.4712, IoU.field: 0.3362, IoU.armchair: 0.4014, IoU.seat: 0.5430, IoU.fence: 0.3558, IoU.desk: 0.3967, IoU.rock: 0.5039, IoU.wardrobe: 0.4051, IoU.lamp: 0.5417, IoU.bathtub: 0.6948, IoU.railing: 0.3097, IoU.cushion: 0.5522, IoU.base: 0.2585, IoU.box: 0.2558, IoU.column: 0.3232, IoU.signboard: 0.2972, IoU.chest of drawers: 0.3933, IoU.counter: 0.3155, IoU.sand: 0.4420, IoU.sink: 0.6652, IoU.skyscraper: 0.4399, IoU.fireplace: 0.6151, IoU.refrigerator: 0.5234, IoU.grandstand: 0.5126, IoU.path: 0.1510, IoU.stairs: 0.2469, IoU.runway: 0.6297, IoU.case: 0.5283, IoU.pool table: 0.8143, IoU.pillow: 0.5249, IoU.screen door: 0.5212, IoU.stairway: 0.4562, IoU.river: 0.1677, IoU.bridge: 0.4509, IoU.bookcase: 0.3246, IoU.blind: 0.2349, IoU.coffee table: 0.5628, IoU.toilet: 0.7577, IoU.flower: 0.3800, IoU.book: 0.4599, IoU.hill: 0.0552, IoU.bench: 0.4407, IoU.countertop: 0.4949, IoU.stove: 0.6826, IoU.palm: 0.4522, IoU.kitchen island: 0.3542, IoU.computer: 0.6218, IoU.swivel chair: 0.3896, IoU.boat: 0.5757, IoU.bar: 0.5187, IoU.arcade machine: 0.6328, IoU.hovel: 0.2679, IoU.bus: 0.7946, IoU.towel: 0.6251, IoU.light: 0.2864, IoU.truck: 0.3345, IoU.tower: 0.1644, IoU.chandelier: 0.6093, IoU.awning: 0.2382, IoU.streetlight: 0.1985, IoU.booth: 0.3093, IoU.television receiver: 0.6409, IoU.airplane: 0.5182, IoU.dirt track: 0.1388, IoU.apparel: 0.4353, IoU.pole: 0.1046, IoU.land: 0.0157, IoU.bannister: 0.0540, IoU.escalator: 0.5108, IoU.ottoman: 0.4265, IoU.bottle: 0.4072, IoU.buffet: 0.4145, IoU.poster: 0.1776, IoU.stage: 0.1426, IoU.van: 0.2935, IoU.ship: 0.2052, IoU.fountain: 0.1756, IoU.conveyer belt: 0.6400, IoU.canopy: 0.3066, IoU.washer: 0.7167, IoU.plaything: 0.2632, IoU.swimming pool: 0.5867, IoU.stool: 0.2750, IoU.barrel: 0.2888, IoU.basket: 0.3420, IoU.waterfall: 0.5003, IoU.tent: 0.7945, IoU.bag: 0.1391, IoU.minibike: 0.6348, IoU.cradle: 0.7294, IoU.oven: 0.4349, IoU.ball: 0.5209, IoU.food: 0.5174, IoU.step: 0.0501, IoU.tank: 0.5226, IoU.trade name: 0.1512, IoU.microwave: 0.6815, IoU.pot: 0.3531, IoU.animal: 0.5718, IoU.bicycle: 0.5499, IoU.lake: 0.1098, IoU.dishwasher: 0.4565, IoU.screen: 0.4171, IoU.blanket: 0.1528, IoU.sculpture: 0.5153, IoU.hood: 0.4891, IoU.sconce: 0.3428, IoU.vase: 0.3530, IoU.traffic light: 0.2899, IoU.tray: 0.0830, IoU.ashcan: 0.4077, IoU.fan: 0.4815, IoU.pier: 0.3420, IoU.crt screen: 0.0224, IoU.plate: 0.4772, IoU.monitor: 0.1739, IoU.bulletin board: 0.4342, IoU.shower: 0.0217, IoU.radiator: 0.5888, IoU.glass: 0.1443, IoU.clock: 0.2800, IoU.flag: 0.4174, Acc.wall: 0.8490, Acc.building: 0.9233, Acc.sky: 0.9464, Acc.floor: 0.8605, Acc.tree: 0.8296, Acc.ceiling: 0.8584, Acc.road: 0.8756, Acc.bed : 0.9348, Acc.windowpane: 0.7263, Acc.grass: 0.7972, Acc.cabinet: 0.6541, Acc.sidewalk: 0.6935, Acc.person: 0.9022, Acc.earth: 0.4428, Acc.door: 0.4721, Acc.table: 0.6596, Acc.mountain: 0.6774, Acc.plant: 0.5821, Acc.curtain: 0.7368, Acc.chair: 0.6647, Acc.car: 0.9052, Acc.water: 0.6950, Acc.painting: 0.7979, Acc.sofa: 0.8210, Acc.shelf: 0.5339, Acc.house: 0.6205, Acc.sea: 0.7269, Acc.mirror: 0.6504, Acc.rug: 0.5257, Acc.field: 0.5246, Acc.armchair: 0.5415, Acc.seat: 0.7415, Acc.fence: 0.4684, Acc.desk: 0.6225, Acc.rock: 0.6615, Acc.wardrobe: 0.5223, Acc.lamp: 0.6727, Acc.bathtub: 0.7774, Acc.railing: 0.4015, Acc.cushion: 0.6501, Acc.base: 0.3596, Acc.box: 0.3183, Acc.column: 0.3749, Acc.signboard: 0.4448, Acc.chest of drawers: 0.5407, Acc.counter: 0.3992, Acc.sand: 0.5740, Acc.sink: 0.7471, Acc.skyscraper: 0.5773, Acc.fireplace: 0.7744, Acc.refrigerator: 0.5847, Acc.grandstand: 0.7741, Acc.path: 0.1957, Acc.stairs: 0.2775, Acc.runway: 0.8356, Acc.case: 0.6406, Acc.pool table: 0.9470, Acc.pillow: 0.6321, Acc.screen door: 0.5923, Acc.stairway: 0.5517, Acc.river: 0.2831, Acc.bridge: 0.5492, Acc.bookcase: 0.4926, Acc.blind: 0.2605, Acc.coffee table: 0.7850, Acc.toilet: 0.8599, Acc.flower: 0.5116, Acc.book: 0.6347, Acc.hill: 0.0758, Acc.bench: 0.5325, Acc.countertop: 0.6236, Acc.stove: 0.7679, Acc.palm: 0.5889, Acc.kitchen island: 0.5579, Acc.computer: 0.7667, Acc.swivel chair: 0.4720, Acc.boat: 0.7390, Acc.bar: 0.5998, Acc.arcade machine: 0.7262, Acc.hovel: 0.3038, Acc.bus: 0.8914, Acc.towel: 0.7356, Acc.light: 0.3179, Acc.truck: 0.4632, Acc.tower: 0.2599, Acc.chandelier: 0.7973, Acc.awning: 0.2993, Acc.streetlight: 0.2356, Acc.booth: 0.3826, Acc.television receiver: 0.7334, Acc.airplane: 0.6406, Acc.dirt track: 0.2140, Acc.apparel: 0.6215, Acc.pole: 0.1221, Acc.land: 0.0214, Acc.bannister: 0.0689, Acc.escalator: 0.6457, Acc.ottoman: 0.5340, Acc.bottle: 0.6021, Acc.buffet: 0.4907, Acc.poster: 0.2189, Acc.stage: 0.2802, Acc.van: 0.3956, Acc.ship: 0.2233, Acc.fountain: 0.1812, Acc.conveyer belt: 0.9160, Acc.canopy: 0.3503, Acc.washer: 0.7904, Acc.plaything: 0.3611, Acc.swimming pool: 0.7537, Acc.stool: 0.3329, Acc.barrel: 0.4107, Acc.basket: 0.4285, Acc.waterfall: 0.6102, Acc.tent: 0.9655, Acc.bag: 0.1564, Acc.minibike: 0.8059, Acc.cradle: 0.9238, Acc.oven: 0.5033, Acc.ball: 0.6974, Acc.food: 0.6197, Acc.step: 0.0544, Acc.tank: 0.6690, Acc.trade name: 0.1699, Acc.microwave: 0.7356, Acc.pot: 0.3930, Acc.animal: 0.6792, Acc.bicycle: 0.7403, Acc.lake: 0.1163, Acc.dishwasher: 0.4861, Acc.screen: 0.5672, Acc.blanket: 0.1756, Acc.sculpture: 0.7280, Acc.hood: 0.5188, Acc.sconce: 0.4233, Acc.vase: 0.4833, Acc.traffic light: 0.4081, Acc.tray: 0.0974, Acc.ashcan: 0.4974, Acc.fan: 0.6019, Acc.pier: 0.4431, Acc.crt screen: 0.0427, Acc.plate: 0.6189, Acc.monitor: 0.2006, Acc.bulletin board: 0.5304, Acc.shower: 0.0284, Acc.radiator: 0.6408, Acc.glass: 0.1560, Acc.clock: 0.3095, Acc.flag: 0.4992 2023-11-09 23:58:20,201 - mmseg - INFO - Iter [15050/80000] lr: 3.248e-05, eta: 5:10:00, time: 1.130, data_time: 0.926, memory: 16310, decode.loss_ce: 0.6180, decode.acc_seg: 77.6058, loss: 0.6180 2023-11-09 23:58:30,764 - mmseg - INFO - Iter [15100/80000] lr: 3.245e-05, eta: 5:09:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6400, decode.acc_seg: 76.5476, loss: 0.6400 2023-11-09 23:58:41,309 - mmseg - INFO - Iter [15150/80000] lr: 3.243e-05, eta: 5:09:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6407, decode.acc_seg: 76.9051, loss: 0.6407 2023-11-09 23:58:54,100 - mmseg - INFO - Iter [15200/80000] lr: 3.240e-05, eta: 5:08:39, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.6100, decode.acc_seg: 77.4269, loss: 0.6100 2023-11-09 23:59:04,633 - mmseg - INFO - Iter [15250/80000] lr: 3.238e-05, eta: 5:08:09, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6358, decode.acc_seg: 76.3910, loss: 0.6358 2023-11-09 23:59:15,169 - mmseg - INFO - Iter [15300/80000] lr: 3.235e-05, eta: 5:07:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6195, decode.acc_seg: 77.2709, loss: 0.6195 2023-11-09 23:59:25,698 - mmseg - INFO - Iter [15350/80000] lr: 3.233e-05, eta: 5:07:08, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5905, decode.acc_seg: 78.3444, loss: 0.5905 2023-11-09 23:59:36,213 - mmseg - INFO - Iter [15400/80000] lr: 3.230e-05, eta: 5:06:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6095, decode.acc_seg: 77.5002, loss: 0.6095 2023-11-09 23:59:46,731 - mmseg - INFO - Iter [15450/80000] lr: 3.228e-05, eta: 5:06:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6362, decode.acc_seg: 77.3040, loss: 0.6362 2023-11-09 23:59:57,262 - mmseg - INFO - Iter [15500/80000] lr: 3.225e-05, eta: 5:05:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6221, decode.acc_seg: 77.6838, loss: 0.6221 2023-11-10 00:00:07,780 - mmseg - INFO - Iter [15550/80000] lr: 3.223e-05, eta: 5:05:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6157, decode.acc_seg: 77.9704, loss: 0.6157 2023-11-10 00:00:18,300 - mmseg - INFO - Iter [15600/80000] lr: 3.220e-05, eta: 5:04:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6160, decode.acc_seg: 77.9452, loss: 0.6160 2023-11-10 00:00:28,819 - mmseg - INFO - Iter [15650/80000] lr: 3.218e-05, eta: 5:04:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6429, decode.acc_seg: 76.4783, loss: 0.6429 2023-11-10 00:00:39,332 - mmseg - INFO - Iter [15700/80000] lr: 3.215e-05, eta: 5:03:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6225, decode.acc_seg: 77.7419, loss: 0.6225 2023-11-10 00:00:49,846 - mmseg - INFO - Iter [15750/80000] lr: 3.213e-05, eta: 5:03:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6225, decode.acc_seg: 77.5735, loss: 0.6225 2023-11-10 00:01:00,374 - mmseg - INFO - Iter [15800/80000] lr: 3.210e-05, eta: 5:02:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6091, decode.acc_seg: 77.3969, loss: 0.6091 2023-11-10 00:01:10,889 - mmseg - INFO - Iter [15850/80000] lr: 3.208e-05, eta: 5:02:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6173, decode.acc_seg: 77.2900, loss: 0.6173 2023-11-10 00:01:21,401 - mmseg - INFO - Iter [15900/80000] lr: 3.205e-05, eta: 5:01:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6371, decode.acc_seg: 76.4169, loss: 0.6371 2023-11-10 00:01:31,923 - mmseg - INFO - Iter [15950/80000] lr: 3.203e-05, eta: 5:01:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6325, decode.acc_seg: 77.5261, loss: 0.6325 2023-11-10 00:01:42,440 - mmseg - INFO - Saving checkpoint at 16000 iterations 2023-11-10 00:02:06,711 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:02:06,711 - mmseg - INFO - Iter [16000/80000] lr: 3.200e-05, eta: 5:02:26, time: 0.696, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6213, decode.acc_seg: 77.5775, loss: 0.6213 2023-11-10 00:02:52,614 - mmseg - INFO - per class results: 2023-11-10 00:02:52,624 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.12 | 85.28 | | building | 78.31 | 92.66 | | sky | 88.11 | 94.73 | | floor | 71.8 | 86.46 | | tree | 68.07 | 83.21 | | ceiling | 75.14 | 85.61 | | road | 77.27 | 87.27 | | bed | 82.23 | 92.84 | | windowpane | 57.22 | 74.99 | | grass | 65.09 | 80.95 | | cabinet | 53.06 | 67.01 | | sidewalk | 54.69 | 69.75 | | person | 74.05 | 89.66 | | earth | 33.45 | 45.94 | | door | 39.03 | 48.26 | | table | 52.15 | 67.19 | | mountain | 53.34 | 66.51 | | plant | 48.28 | 57.95 | | curtain | 61.96 | 72.71 | | chair | 52.2 | 67.84 | | car | 77.61 | 90.72 | | water | 52.55 | 68.5 | | painting | 64.08 | 79.92 | | sofa | 64.84 | 81.35 | | shelf | 36.49 | 48.95 | | house | 42.43 | 55.99 | | sea | 58.03 | 76.43 | | mirror | 55.33 | 66.1 | | rug | 45.18 | 49.13 | | field | 32.32 | 45.99 | | armchair | 39.9 | 53.43 | | seat | 54.22 | 73.69 | | fence | 36.92 | 48.46 | | desk | 39.83 | 61.78 | | rock | 49.85 | 66.07 | | wardrobe | 42.23 | 54.78 | | lamp | 54.37 | 68.47 | | bathtub | 69.25 | 75.71 | | railing | 31.14 | 40.08 | | cushion | 55.62 | 66.3 | | base | 26.05 | 36.43 | | box | 25.97 | 32.39 | | column | 32.68 | 38.23 | | signboard | 29.71 | 43.44 | | chest of drawers | 39.18 | 49.82 | | counter | 26.61 | 31.68 | | sand | 42.79 | 55.13 | | sink | 67.14 | 76.77 | | skyscraper | 43.79 | 56.5 | | fireplace | 61.25 | 78.83 | | refrigerator | 53.15 | 60.61 | | grandstand | 52.07 | 75.49 | | path | 16.41 | 21.82 | | stairs | 25.07 | 27.89 | | runway | 62.93 | 82.51 | | case | 51.23 | 67.77 | | pool table | 82.54 | 94.22 | | pillow | 53.75 | 65.17 | | screen door | 46.87 | 50.55 | | stairway | 47.14 | 58.16 | | river | 17.47 | 28.45 | | bridge | 44.66 | 55.32 | | bookcase | 32.54 | 47.23 | | blind | 14.99 | 15.82 | | coffee table | 56.28 | 76.87 | | toilet | 75.86 | 85.87 | | flower | 38.53 | 52.54 | | book | 45.87 | 63.1 | | hill | 5.56 | 8.04 | | bench | 44.08 | 52.66 | | countertop | 49.07 | 60.27 | | stove | 68.13 | 75.48 | | palm | 46.72 | 60.36 | | kitchen island | 33.35 | 47.45 | | computer | 61.99 | 76.82 | | swivel chair | 41.15 | 51.94 | | boat | 56.65 | 77.14 | | bar | 50.24 | 60.85 | | arcade machine | 63.83 | 73.01 | | hovel | 28.29 | 31.93 | | bus | 79.6 | 89.53 | | towel | 62.72 | 73.6 | | light | 30.77 | 35.19 | | truck | 33.28 | 46.24 | | tower | 12.75 | 18.85 | | chandelier | 60.32 | 73.09 | | awning | 24.16 | 30.12 | | streetlight | 20.35 | 24.37 | | booth | 30.9 | 36.64 | | television receiver | 64.0 | 73.83 | | airplane | 50.5 | 65.47 | | dirt track | 15.47 | 20.83 | | apparel | 42.74 | 53.64 | | pole | 13.81 | 16.91 | | land | 1.74 | 2.26 | | bannister | 6.28 | 8.23 | | escalator | 50.71 | 63.83 | | ottoman | 42.38 | 51.85 | | bottle | 41.24 | 64.67 | | buffet | 38.59 | 43.93 | | poster | 18.15 | 22.2 | | stage | 13.49 | 24.67 | | van | 31.06 | 41.57 | | ship | 18.66 | 20.12 | | fountain | 16.45 | 17.01 | | conveyer belt | 68.76 | 89.06 | | canopy | 32.05 | 37.5 | | washer | 70.7 | 77.02 | | plaything | 26.73 | 36.4 | | swimming pool | 58.54 | 74.45 | | stool | 28.97 | 37.19 | | barrel | 29.43 | 42.41 | | basket | 34.07 | 42.62 | | waterfall | 47.21 | 53.18 | | tent | 75.37 | 97.42 | | bag | 14.44 | 16.26 | | minibike | 63.51 | 84.27 | | cradle | 71.49 | 93.73 | | oven | 43.35 | 50.85 | | ball | 53.5 | 68.52 | | food | 51.71 | 61.53 | | step | 4.62 | 4.97 | | tank | 52.88 | 68.59 | | trade name | 14.39 | 15.93 | | microwave | 68.88 | 75.29 | | pot | 32.98 | 36.0 | | animal | 57.65 | 68.26 | | bicycle | 56.29 | 80.6 | | lake | 10.83 | 11.88 | | dishwasher | 42.47 | 44.51 | | screen | 42.22 | 57.64 | | blanket | 15.47 | 17.68 | | sculpture | 52.24 | 72.67 | | hood | 51.21 | 55.34 | | sconce | 34.68 | 43.61 | | vase | 34.99 | 47.42 | | traffic light | 29.81 | 40.5 | | tray | 7.96 | 9.33 | | ashcan | 40.36 | 48.43 | | fan | 44.05 | 51.89 | | pier | 33.78 | 44.48 | | crt screen | 1.47 | 2.48 | | plate | 48.07 | 60.74 | | monitor | 19.49 | 23.13 | | bulletin board | 44.75 | 55.46 | | shower | 2.0 | 2.5 | | radiator | 59.57 | 67.48 | | glass | 14.05 | 15.0 | | clock | 28.84 | 32.25 | | flag | 40.94 | 48.09 | +---------------------+-------+-------+ 2023-11-10 00:02:52,624 - mmseg - INFO - Summary: 2023-11-10 00:02:52,624 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 78.73 | 43.96 | 54.51 | +-------+-------+-------+ 2023-11-10 00:02:52,625 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:02:52,626 - mmseg - INFO - Iter(val) [250] aAcc: 0.7873, mIoU: 0.4396, mAcc: 0.5451, IoU.wall: 0.6812, IoU.building: 0.7831, IoU.sky: 0.8811, IoU.floor: 0.7180, IoU.tree: 0.6807, IoU.ceiling: 0.7514, IoU.road: 0.7727, IoU.bed : 0.8223, IoU.windowpane: 0.5722, IoU.grass: 0.6509, IoU.cabinet: 0.5306, IoU.sidewalk: 0.5469, IoU.person: 0.7405, IoU.earth: 0.3345, IoU.door: 0.3903, IoU.table: 0.5215, IoU.mountain: 0.5334, IoU.plant: 0.4828, IoU.curtain: 0.6196, IoU.chair: 0.5220, IoU.car: 0.7761, IoU.water: 0.5255, IoU.painting: 0.6408, IoU.sofa: 0.6484, IoU.shelf: 0.3649, IoU.house: 0.4243, IoU.sea: 0.5803, IoU.mirror: 0.5533, IoU.rug: 0.4518, IoU.field: 0.3232, IoU.armchair: 0.3990, IoU.seat: 0.5422, IoU.fence: 0.3692, IoU.desk: 0.3983, IoU.rock: 0.4985, IoU.wardrobe: 0.4223, IoU.lamp: 0.5437, IoU.bathtub: 0.6925, IoU.railing: 0.3114, IoU.cushion: 0.5562, IoU.base: 0.2605, IoU.box: 0.2597, IoU.column: 0.3268, IoU.signboard: 0.2971, IoU.chest of drawers: 0.3918, IoU.counter: 0.2661, IoU.sand: 0.4279, IoU.sink: 0.6714, IoU.skyscraper: 0.4379, IoU.fireplace: 0.6125, IoU.refrigerator: 0.5315, IoU.grandstand: 0.5207, IoU.path: 0.1641, IoU.stairs: 0.2507, IoU.runway: 0.6293, IoU.case: 0.5123, IoU.pool table: 0.8254, IoU.pillow: 0.5375, IoU.screen door: 0.4687, IoU.stairway: 0.4714, IoU.river: 0.1747, IoU.bridge: 0.4466, IoU.bookcase: 0.3254, IoU.blind: 0.1499, IoU.coffee table: 0.5628, IoU.toilet: 0.7586, IoU.flower: 0.3853, IoU.book: 0.4587, IoU.hill: 0.0556, IoU.bench: 0.4408, IoU.countertop: 0.4907, IoU.stove: 0.6813, IoU.palm: 0.4672, IoU.kitchen island: 0.3335, IoU.computer: 0.6199, IoU.swivel chair: 0.4115, IoU.boat: 0.5665, IoU.bar: 0.5024, IoU.arcade machine: 0.6383, IoU.hovel: 0.2829, IoU.bus: 0.7960, IoU.towel: 0.6272, IoU.light: 0.3077, IoU.truck: 0.3328, IoU.tower: 0.1275, IoU.chandelier: 0.6032, IoU.awning: 0.2416, IoU.streetlight: 0.2035, IoU.booth: 0.3090, IoU.television receiver: 0.6400, IoU.airplane: 0.5050, IoU.dirt track: 0.1547, IoU.apparel: 0.4274, IoU.pole: 0.1381, IoU.land: 0.0174, IoU.bannister: 0.0628, IoU.escalator: 0.5071, IoU.ottoman: 0.4238, IoU.bottle: 0.4124, IoU.buffet: 0.3859, IoU.poster: 0.1815, IoU.stage: 0.1349, IoU.van: 0.3106, IoU.ship: 0.1866, IoU.fountain: 0.1645, IoU.conveyer belt: 0.6876, IoU.canopy: 0.3205, IoU.washer: 0.7070, IoU.plaything: 0.2673, IoU.swimming pool: 0.5854, IoU.stool: 0.2897, IoU.barrel: 0.2943, IoU.basket: 0.3407, IoU.waterfall: 0.4721, IoU.tent: 0.7537, IoU.bag: 0.1444, IoU.minibike: 0.6351, IoU.cradle: 0.7149, IoU.oven: 0.4335, IoU.ball: 0.5350, IoU.food: 0.5171, IoU.step: 0.0462, IoU.tank: 0.5288, IoU.trade name: 0.1439, IoU.microwave: 0.6888, IoU.pot: 0.3298, IoU.animal: 0.5765, IoU.bicycle: 0.5629, IoU.lake: 0.1083, IoU.dishwasher: 0.4247, IoU.screen: 0.4222, IoU.blanket: 0.1547, IoU.sculpture: 0.5224, IoU.hood: 0.5121, IoU.sconce: 0.3468, IoU.vase: 0.3499, IoU.traffic light: 0.2981, IoU.tray: 0.0796, IoU.ashcan: 0.4036, IoU.fan: 0.4405, IoU.pier: 0.3378, IoU.crt screen: 0.0147, IoU.plate: 0.4807, IoU.monitor: 0.1949, IoU.bulletin board: 0.4475, IoU.shower: 0.0200, IoU.radiator: 0.5957, IoU.glass: 0.1405, IoU.clock: 0.2884, IoU.flag: 0.4094, Acc.wall: 0.8528, Acc.building: 0.9266, Acc.sky: 0.9473, Acc.floor: 0.8646, Acc.tree: 0.8321, Acc.ceiling: 0.8561, Acc.road: 0.8727, Acc.bed : 0.9284, Acc.windowpane: 0.7499, Acc.grass: 0.8095, Acc.cabinet: 0.6701, Acc.sidewalk: 0.6975, Acc.person: 0.8966, Acc.earth: 0.4594, Acc.door: 0.4826, Acc.table: 0.6719, Acc.mountain: 0.6651, Acc.plant: 0.5795, Acc.curtain: 0.7271, Acc.chair: 0.6784, Acc.car: 0.9072, Acc.water: 0.6850, Acc.painting: 0.7992, Acc.sofa: 0.8135, Acc.shelf: 0.4895, Acc.house: 0.5599, Acc.sea: 0.7643, Acc.mirror: 0.6610, Acc.rug: 0.4913, Acc.field: 0.4599, Acc.armchair: 0.5343, Acc.seat: 0.7369, Acc.fence: 0.4846, Acc.desk: 0.6178, Acc.rock: 0.6607, Acc.wardrobe: 0.5478, Acc.lamp: 0.6847, Acc.bathtub: 0.7571, Acc.railing: 0.4008, Acc.cushion: 0.6630, Acc.base: 0.3643, Acc.box: 0.3239, Acc.column: 0.3823, Acc.signboard: 0.4344, Acc.chest of drawers: 0.4982, Acc.counter: 0.3168, Acc.sand: 0.5513, Acc.sink: 0.7677, Acc.skyscraper: 0.5650, Acc.fireplace: 0.7883, Acc.refrigerator: 0.6061, Acc.grandstand: 0.7549, Acc.path: 0.2182, Acc.stairs: 0.2789, Acc.runway: 0.8251, Acc.case: 0.6777, Acc.pool table: 0.9422, Acc.pillow: 0.6517, Acc.screen door: 0.5055, Acc.stairway: 0.5816, Acc.river: 0.2845, Acc.bridge: 0.5532, Acc.bookcase: 0.4723, Acc.blind: 0.1582, Acc.coffee table: 0.7687, Acc.toilet: 0.8587, Acc.flower: 0.5254, Acc.book: 0.6310, Acc.hill: 0.0804, Acc.bench: 0.5266, Acc.countertop: 0.6027, Acc.stove: 0.7548, Acc.palm: 0.6036, Acc.kitchen island: 0.4745, Acc.computer: 0.7682, Acc.swivel chair: 0.5194, Acc.boat: 0.7714, Acc.bar: 0.6085, Acc.arcade machine: 0.7301, Acc.hovel: 0.3193, Acc.bus: 0.8953, Acc.towel: 0.7360, Acc.light: 0.3519, Acc.truck: 0.4624, Acc.tower: 0.1885, Acc.chandelier: 0.7309, Acc.awning: 0.3012, Acc.streetlight: 0.2437, Acc.booth: 0.3664, Acc.television receiver: 0.7383, Acc.airplane: 0.6547, Acc.dirt track: 0.2083, Acc.apparel: 0.5364, Acc.pole: 0.1691, Acc.land: 0.0226, Acc.bannister: 0.0823, Acc.escalator: 0.6383, Acc.ottoman: 0.5185, Acc.bottle: 0.6467, Acc.buffet: 0.4393, Acc.poster: 0.2220, Acc.stage: 0.2467, Acc.van: 0.4157, Acc.ship: 0.2012, Acc.fountain: 0.1701, Acc.conveyer belt: 0.8906, Acc.canopy: 0.3750, Acc.washer: 0.7702, Acc.plaything: 0.3640, Acc.swimming pool: 0.7445, Acc.stool: 0.3719, Acc.barrel: 0.4241, Acc.basket: 0.4262, Acc.waterfall: 0.5318, Acc.tent: 0.9742, Acc.bag: 0.1626, Acc.minibike: 0.8427, Acc.cradle: 0.9373, Acc.oven: 0.5085, Acc.ball: 0.6852, Acc.food: 0.6153, Acc.step: 0.0497, Acc.tank: 0.6859, Acc.trade name: 0.1593, Acc.microwave: 0.7529, Acc.pot: 0.3600, Acc.animal: 0.6826, Acc.bicycle: 0.8060, Acc.lake: 0.1188, Acc.dishwasher: 0.4451, Acc.screen: 0.5764, Acc.blanket: 0.1768, Acc.sculpture: 0.7267, Acc.hood: 0.5534, Acc.sconce: 0.4361, Acc.vase: 0.4742, Acc.traffic light: 0.4050, Acc.tray: 0.0933, Acc.ashcan: 0.4843, Acc.fan: 0.5189, Acc.pier: 0.4448, Acc.crt screen: 0.0248, Acc.plate: 0.6074, Acc.monitor: 0.2313, Acc.bulletin board: 0.5546, Acc.shower: 0.0250, Acc.radiator: 0.6748, Acc.glass: 0.1500, Acc.clock: 0.3225, Acc.flag: 0.4809 2023-11-10 00:03:03,223 - mmseg - INFO - Iter [16050/80000] lr: 3.198e-05, eta: 5:05:01, time: 1.130, data_time: 0.925, memory: 16310, decode.loss_ce: 0.6320, decode.acc_seg: 77.2822, loss: 0.6320 2023-11-10 00:03:13,773 - mmseg - INFO - Iter [16100/80000] lr: 3.195e-05, eta: 5:04:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6421, decode.acc_seg: 75.6876, loss: 0.6421 2023-11-10 00:03:24,333 - mmseg - INFO - Iter [16150/80000] lr: 3.193e-05, eta: 5:04:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6076, decode.acc_seg: 77.0898, loss: 0.6076 2023-11-10 00:03:34,864 - mmseg - INFO - Iter [16200/80000] lr: 3.190e-05, eta: 5:03:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6563, decode.acc_seg: 76.3538, loss: 0.6563 2023-11-10 00:03:45,396 - mmseg - INFO - Iter [16250/80000] lr: 3.188e-05, eta: 5:03:04, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6197, decode.acc_seg: 77.6816, loss: 0.6197 2023-11-10 00:03:55,932 - mmseg - INFO - Iter [16300/80000] lr: 3.185e-05, eta: 5:02:35, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5992, decode.acc_seg: 77.5597, loss: 0.5992 2023-11-10 00:04:06,462 - mmseg - INFO - Iter [16350/80000] lr: 3.183e-05, eta: 5:02:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5953, decode.acc_seg: 78.7991, loss: 0.5953 2023-11-10 00:04:16,995 - mmseg - INFO - Iter [16400/80000] lr: 3.180e-05, eta: 5:01:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6275, decode.acc_seg: 77.1084, loss: 0.6275 2023-11-10 00:04:29,891 - mmseg - INFO - Iter [16450/80000] lr: 3.178e-05, eta: 5:01:19, time: 0.258, data_time: 0.051, memory: 16310, decode.loss_ce: 0.6225, decode.acc_seg: 77.9588, loss: 0.6225 2023-11-10 00:04:40,409 - mmseg - INFO - Iter [16500/80000] lr: 3.175e-05, eta: 5:00:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5876, decode.acc_seg: 78.8326, loss: 0.5876 2023-11-10 00:04:50,928 - mmseg - INFO - Iter [16550/80000] lr: 3.173e-05, eta: 5:00:22, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6046, decode.acc_seg: 77.8776, loss: 0.6046 2023-11-10 00:05:01,466 - mmseg - INFO - Iter [16600/80000] lr: 3.170e-05, eta: 4:59:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6038, decode.acc_seg: 77.5190, loss: 0.6038 2023-11-10 00:05:12,002 - mmseg - INFO - Iter [16650/80000] lr: 3.168e-05, eta: 4:59:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6002, decode.acc_seg: 77.9805, loss: 0.6002 2023-11-10 00:05:22,538 - mmseg - INFO - Iter [16700/80000] lr: 3.165e-05, eta: 4:58:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6009, decode.acc_seg: 78.0717, loss: 0.6009 2023-11-10 00:05:33,052 - mmseg - INFO - Iter [16750/80000] lr: 3.163e-05, eta: 4:58:30, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6302, decode.acc_seg: 76.9423, loss: 0.6302 2023-11-10 00:05:43,570 - mmseg - INFO - Iter [16800/80000] lr: 3.160e-05, eta: 4:58:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6005, decode.acc_seg: 77.5208, loss: 0.6005 2023-11-10 00:05:54,089 - mmseg - INFO - Iter [16850/80000] lr: 3.158e-05, eta: 4:57:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5954, decode.acc_seg: 77.9675, loss: 0.5954 2023-11-10 00:06:04,618 - mmseg - INFO - Iter [16900/80000] lr: 3.155e-05, eta: 4:57:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6157, decode.acc_seg: 77.3435, loss: 0.6157 2023-11-10 00:06:15,140 - mmseg - INFO - Iter [16950/80000] lr: 3.153e-05, eta: 4:56:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6184, decode.acc_seg: 77.5965, loss: 0.6184 2023-11-10 00:06:25,663 - mmseg - INFO - Saving checkpoint at 17000 iterations 2023-11-10 00:06:51,291 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:06:51,291 - mmseg - INFO - Iter [17000/80000] lr: 3.150e-05, eta: 4:57:46, time: 0.723, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6094, decode.acc_seg: 77.5354, loss: 0.6094 2023-11-10 00:07:36,991 - mmseg - INFO - per class results: 2023-11-10 00:07:36,996 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.17 | 85.56 | | building | 78.81 | 92.09 | | sky | 88.76 | 94.4 | | floor | 71.75 | 86.64 | | tree | 68.56 | 84.32 | | ceiling | 75.27 | 85.71 | | road | 77.15 | 88.28 | | bed | 81.81 | 92.97 | | windowpane | 57.28 | 75.44 | | grass | 65.36 | 78.31 | | cabinet | 52.94 | 66.89 | | sidewalk | 54.37 | 68.42 | | person | 74.46 | 89.16 | | earth | 33.71 | 46.28 | | door | 38.59 | 47.35 | | table | 52.21 | 67.43 | | mountain | 53.52 | 66.52 | | plant | 48.72 | 59.24 | | curtain | 61.94 | 71.61 | | chair | 51.96 | 67.7 | | car | 77.09 | 91.56 | | water | 53.53 | 70.95 | | painting | 63.88 | 79.45 | | sofa | 65.11 | 79.43 | | shelf | 37.91 | 54.33 | | house | 41.13 | 52.05 | | sea | 59.82 | 78.77 | | mirror | 55.02 | 65.41 | | rug | 45.15 | 49.29 | | field | 34.89 | 52.37 | | armchair | 40.4 | 54.96 | | seat | 54.42 | 74.41 | | fence | 34.62 | 44.55 | | desk | 40.21 | 62.14 | | rock | 49.97 | 67.34 | | wardrobe | 41.46 | 53.6 | | lamp | 54.45 | 68.45 | | bathtub | 69.6 | 76.18 | | railing | 31.93 | 44.44 | | cushion | 56.22 | 70.18 | | base | 26.29 | 37.49 | | box | 25.91 | 32.92 | | column | 32.55 | 38.13 | | signboard | 29.86 | 41.94 | | chest of drawers | 38.68 | 50.71 | | counter | 31.88 | 40.0 | | sand | 42.98 | 56.54 | | sink | 67.29 | 76.89 | | skyscraper | 43.79 | 59.26 | | fireplace | 61.26 | 79.05 | | refrigerator | 51.96 | 57.45 | | grandstand | 51.4 | 78.4 | | path | 14.59 | 18.81 | | stairs | 24.97 | 27.62 | | runway | 63.56 | 86.33 | | case | 51.91 | 64.43 | | pool table | 83.32 | 93.85 | | pillow | 45.67 | 51.22 | | screen door | 50.83 | 55.61 | | stairway | 47.77 | 59.93 | | river | 16.67 | 24.64 | | bridge | 44.17 | 53.09 | | bookcase | 30.4 | 40.06 | | blind | 18.18 | 19.25 | | coffee table | 57.21 | 77.18 | | toilet | 76.3 | 84.48 | | flower | 36.87 | 52.81 | | book | 46.6 | 64.2 | | hill | 5.53 | 8.8 | | bench | 44.48 | 53.5 | | countertop | 49.35 | 61.31 | | stove | 68.33 | 76.04 | | palm | 46.96 | 62.9 | | kitchen island | 35.22 | 51.6 | | computer | 62.05 | 76.63 | | swivel chair | 41.36 | 54.44 | | boat | 58.11 | 78.25 | | bar | 51.41 | 59.59 | | arcade machine | 62.16 | 69.96 | | hovel | 28.87 | 32.62 | | bus | 80.34 | 90.08 | | towel | 63.18 | 75.92 | | light | 33.5 | 39.12 | | truck | 33.51 | 47.43 | | tower | 13.26 | 19.75 | | chandelier | 61.01 | 75.73 | | awning | 25.58 | 33.13 | | streetlight | 20.82 | 25.33 | | booth | 30.13 | 40.69 | | television receiver | 62.74 | 69.53 | | airplane | 51.55 | 64.42 | | dirt track | 13.28 | 20.36 | | apparel | 43.15 | 55.72 | | pole | 12.78 | 15.43 | | land | 2.31 | 3.24 | | bannister | 5.81 | 7.66 | | escalator | 52.68 | 68.13 | | ottoman | 42.89 | 53.42 | | bottle | 40.89 | 63.8 | | buffet | 36.92 | 41.78 | | poster | 20.12 | 26.97 | | stage | 12.99 | 23.04 | | van | 27.55 | 36.16 | | ship | 19.14 | 20.73 | | fountain | 18.51 | 19.29 | | conveyer belt | 66.63 | 90.78 | | canopy | 31.18 | 36.31 | | washer | 68.7 | 73.5 | | plaything | 26.22 | 34.67 | | swimming pool | 59.08 | 78.45 | | stool | 27.97 | 34.37 | | barrel | 29.47 | 44.6 | | basket | 34.51 | 43.45 | | waterfall | 44.74 | 50.46 | | tent | 80.82 | 96.36 | | bag | 14.34 | 16.2 | | minibike | 63.56 | 81.95 | | cradle | 71.48 | 93.75 | | oven | 44.66 | 52.69 | | ball | 53.12 | 64.26 | | food | 50.98 | 60.1 | | step | 4.66 | 5.07 | | tank | 53.21 | 69.0 | | trade name | 18.46 | 21.32 | | microwave | 66.8 | 71.83 | | pot | 35.03 | 38.83 | | animal | 57.96 | 68.14 | | bicycle | 55.76 | 76.92 | | lake | 8.79 | 9.33 | | dishwasher | 45.85 | 49.39 | | screen | 42.42 | 57.12 | | blanket | 16.6 | 19.22 | | sculpture | 52.82 | 73.12 | | hood | 48.08 | 50.57 | | sconce | 33.89 | 41.18 | | vase | 35.01 | 46.69 | | traffic light | 29.33 | 41.23 | | tray | 8.9 | 10.76 | | ashcan | 40.7 | 49.18 | | fan | 45.95 | 55.43 | | pier | 32.37 | 45.69 | | crt screen | 1.43 | 2.6 | | plate | 47.76 | 60.99 | | monitor | 19.64 | 23.01 | | bulletin board | 44.45 | 56.21 | | shower | 1.78 | 2.66 | | radiator | 57.1 | 61.98 | | glass | 14.02 | 14.97 | | clock | 28.0 | 31.32 | | flag | 41.38 | 48.65 | +---------------------+-------+-------+ 2023-11-10 00:07:36,996 - mmseg - INFO - Summary: 2023-11-10 00:07:36,996 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 78.81 | 44.06 | 54.69 | +-------+-------+-------+ 2023-11-10 00:07:36,997 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:07:36,997 - mmseg - INFO - Iter(val) [250] aAcc: 0.7881, mIoU: 0.4406, mAcc: 0.5469, IoU.wall: 0.6817, IoU.building: 0.7881, IoU.sky: 0.8876, IoU.floor: 0.7175, IoU.tree: 0.6856, IoU.ceiling: 0.7527, IoU.road: 0.7715, IoU.bed : 0.8181, IoU.windowpane: 0.5728, IoU.grass: 0.6536, IoU.cabinet: 0.5294, IoU.sidewalk: 0.5437, IoU.person: 0.7446, IoU.earth: 0.3371, IoU.door: 0.3859, IoU.table: 0.5221, IoU.mountain: 0.5352, IoU.plant: 0.4872, IoU.curtain: 0.6194, IoU.chair: 0.5196, IoU.car: 0.7709, IoU.water: 0.5353, IoU.painting: 0.6388, IoU.sofa: 0.6511, IoU.shelf: 0.3791, IoU.house: 0.4113, IoU.sea: 0.5982, IoU.mirror: 0.5502, IoU.rug: 0.4515, IoU.field: 0.3489, IoU.armchair: 0.4040, IoU.seat: 0.5442, IoU.fence: 0.3462, IoU.desk: 0.4021, IoU.rock: 0.4997, IoU.wardrobe: 0.4146, IoU.lamp: 0.5445, IoU.bathtub: 0.6960, IoU.railing: 0.3193, IoU.cushion: 0.5622, IoU.base: 0.2629, IoU.box: 0.2591, IoU.column: 0.3255, IoU.signboard: 0.2986, IoU.chest of drawers: 0.3868, IoU.counter: 0.3188, IoU.sand: 0.4298, IoU.sink: 0.6729, IoU.skyscraper: 0.4379, IoU.fireplace: 0.6126, IoU.refrigerator: 0.5196, IoU.grandstand: 0.5140, IoU.path: 0.1459, IoU.stairs: 0.2497, IoU.runway: 0.6356, IoU.case: 0.5191, IoU.pool table: 0.8332, IoU.pillow: 0.4567, IoU.screen door: 0.5083, IoU.stairway: 0.4777, IoU.river: 0.1667, IoU.bridge: 0.4417, IoU.bookcase: 0.3040, IoU.blind: 0.1818, IoU.coffee table: 0.5721, IoU.toilet: 0.7630, IoU.flower: 0.3687, IoU.book: 0.4660, IoU.hill: 0.0553, IoU.bench: 0.4448, IoU.countertop: 0.4935, IoU.stove: 0.6833, IoU.palm: 0.4696, IoU.kitchen island: 0.3522, IoU.computer: 0.6205, IoU.swivel chair: 0.4136, IoU.boat: 0.5811, IoU.bar: 0.5141, IoU.arcade machine: 0.6216, IoU.hovel: 0.2887, IoU.bus: 0.8034, IoU.towel: 0.6318, IoU.light: 0.3350, IoU.truck: 0.3351, IoU.tower: 0.1326, IoU.chandelier: 0.6101, IoU.awning: 0.2558, IoU.streetlight: 0.2082, IoU.booth: 0.3013, IoU.television receiver: 0.6274, IoU.airplane: 0.5155, IoU.dirt track: 0.1328, IoU.apparel: 0.4315, IoU.pole: 0.1278, IoU.land: 0.0231, IoU.bannister: 0.0581, IoU.escalator: 0.5268, IoU.ottoman: 0.4289, IoU.bottle: 0.4089, IoU.buffet: 0.3692, IoU.poster: 0.2012, IoU.stage: 0.1299, IoU.van: 0.2755, IoU.ship: 0.1914, IoU.fountain: 0.1851, IoU.conveyer belt: 0.6663, IoU.canopy: 0.3118, IoU.washer: 0.6870, IoU.plaything: 0.2622, IoU.swimming pool: 0.5908, IoU.stool: 0.2797, IoU.barrel: 0.2947, IoU.basket: 0.3451, IoU.waterfall: 0.4474, IoU.tent: 0.8082, IoU.bag: 0.1434, IoU.minibike: 0.6356, IoU.cradle: 0.7148, IoU.oven: 0.4466, IoU.ball: 0.5312, IoU.food: 0.5098, IoU.step: 0.0466, IoU.tank: 0.5321, IoU.trade name: 0.1846, IoU.microwave: 0.6680, IoU.pot: 0.3503, IoU.animal: 0.5796, IoU.bicycle: 0.5576, IoU.lake: 0.0879, IoU.dishwasher: 0.4585, IoU.screen: 0.4242, IoU.blanket: 0.1660, IoU.sculpture: 0.5282, IoU.hood: 0.4808, IoU.sconce: 0.3389, IoU.vase: 0.3501, IoU.traffic light: 0.2933, IoU.tray: 0.0890, IoU.ashcan: 0.4070, IoU.fan: 0.4595, IoU.pier: 0.3237, IoU.crt screen: 0.0143, IoU.plate: 0.4776, IoU.monitor: 0.1964, IoU.bulletin board: 0.4445, IoU.shower: 0.0178, IoU.radiator: 0.5710, IoU.glass: 0.1402, IoU.clock: 0.2800, IoU.flag: 0.4138, Acc.wall: 0.8556, Acc.building: 0.9209, Acc.sky: 0.9440, Acc.floor: 0.8664, Acc.tree: 0.8432, Acc.ceiling: 0.8571, Acc.road: 0.8828, Acc.bed : 0.9297, Acc.windowpane: 0.7544, Acc.grass: 0.7831, Acc.cabinet: 0.6689, Acc.sidewalk: 0.6842, Acc.person: 0.8916, Acc.earth: 0.4628, Acc.door: 0.4735, Acc.table: 0.6743, Acc.mountain: 0.6652, Acc.plant: 0.5924, Acc.curtain: 0.7161, Acc.chair: 0.6770, Acc.car: 0.9156, Acc.water: 0.7095, Acc.painting: 0.7945, Acc.sofa: 0.7943, Acc.shelf: 0.5433, Acc.house: 0.5205, Acc.sea: 0.7877, Acc.mirror: 0.6541, Acc.rug: 0.4929, Acc.field: 0.5237, Acc.armchair: 0.5496, Acc.seat: 0.7441, Acc.fence: 0.4455, Acc.desk: 0.6214, Acc.rock: 0.6734, Acc.wardrobe: 0.5360, Acc.lamp: 0.6845, Acc.bathtub: 0.7618, Acc.railing: 0.4444, Acc.cushion: 0.7018, Acc.base: 0.3749, Acc.box: 0.3292, Acc.column: 0.3813, Acc.signboard: 0.4194, Acc.chest of drawers: 0.5071, Acc.counter: 0.4000, Acc.sand: 0.5654, Acc.sink: 0.7689, Acc.skyscraper: 0.5926, Acc.fireplace: 0.7905, Acc.refrigerator: 0.5745, Acc.grandstand: 0.7840, Acc.path: 0.1881, Acc.stairs: 0.2762, Acc.runway: 0.8633, Acc.case: 0.6443, Acc.pool table: 0.9385, Acc.pillow: 0.5122, Acc.screen door: 0.5561, Acc.stairway: 0.5993, Acc.river: 0.2464, Acc.bridge: 0.5309, Acc.bookcase: 0.4006, Acc.blind: 0.1925, Acc.coffee table: 0.7718, Acc.toilet: 0.8448, Acc.flower: 0.5281, Acc.book: 0.6420, Acc.hill: 0.0880, Acc.bench: 0.5350, Acc.countertop: 0.6131, Acc.stove: 0.7604, Acc.palm: 0.6290, Acc.kitchen island: 0.5160, Acc.computer: 0.7663, Acc.swivel chair: 0.5444, Acc.boat: 0.7825, Acc.bar: 0.5959, Acc.arcade machine: 0.6996, Acc.hovel: 0.3262, Acc.bus: 0.9008, Acc.towel: 0.7592, Acc.light: 0.3912, Acc.truck: 0.4743, Acc.tower: 0.1975, Acc.chandelier: 0.7573, Acc.awning: 0.3313, Acc.streetlight: 0.2533, Acc.booth: 0.4069, Acc.television receiver: 0.6953, Acc.airplane: 0.6442, Acc.dirt track: 0.2036, Acc.apparel: 0.5572, Acc.pole: 0.1543, Acc.land: 0.0324, Acc.bannister: 0.0766, Acc.escalator: 0.6813, Acc.ottoman: 0.5342, Acc.bottle: 0.6380, Acc.buffet: 0.4178, Acc.poster: 0.2697, Acc.stage: 0.2304, Acc.van: 0.3616, Acc.ship: 0.2073, Acc.fountain: 0.1929, Acc.conveyer belt: 0.9078, Acc.canopy: 0.3631, Acc.washer: 0.7350, Acc.plaything: 0.3467, Acc.swimming pool: 0.7845, Acc.stool: 0.3437, Acc.barrel: 0.4460, Acc.basket: 0.4345, Acc.waterfall: 0.5046, Acc.tent: 0.9636, Acc.bag: 0.1620, Acc.minibike: 0.8195, Acc.cradle: 0.9375, Acc.oven: 0.5269, Acc.ball: 0.6426, Acc.food: 0.6010, Acc.step: 0.0507, Acc.tank: 0.6900, Acc.trade name: 0.2132, Acc.microwave: 0.7183, Acc.pot: 0.3883, Acc.animal: 0.6814, Acc.bicycle: 0.7692, Acc.lake: 0.0933, Acc.dishwasher: 0.4939, Acc.screen: 0.5712, Acc.blanket: 0.1922, Acc.sculpture: 0.7312, Acc.hood: 0.5057, Acc.sconce: 0.4118, Acc.vase: 0.4669, Acc.traffic light: 0.4123, Acc.tray: 0.1076, Acc.ashcan: 0.4918, Acc.fan: 0.5543, Acc.pier: 0.4569, Acc.crt screen: 0.0260, Acc.plate: 0.6099, Acc.monitor: 0.2301, Acc.bulletin board: 0.5621, Acc.shower: 0.0266, Acc.radiator: 0.6198, Acc.glass: 0.1497, Acc.clock: 0.3132, Acc.flag: 0.4865 2023-11-10 00:07:47,597 - mmseg - INFO - Iter [17050/80000] lr: 3.148e-05, eta: 5:00:08, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.6421, decode.acc_seg: 76.7488, loss: 0.6421 2023-11-10 00:07:58,150 - mmseg - INFO - Iter [17100/80000] lr: 3.145e-05, eta: 4:59:40, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6047, decode.acc_seg: 78.5000, loss: 0.6047 2023-11-10 00:08:08,689 - mmseg - INFO - Iter [17150/80000] lr: 3.143e-05, eta: 4:59:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5973, decode.acc_seg: 78.3777, loss: 0.5973 2023-11-10 00:08:19,230 - mmseg - INFO - Iter [17200/80000] lr: 3.140e-05, eta: 4:58:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5949, decode.acc_seg: 77.8776, loss: 0.5949 2023-11-10 00:08:29,769 - mmseg - INFO - Iter [17250/80000] lr: 3.138e-05, eta: 4:58:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6162, decode.acc_seg: 77.2932, loss: 0.6162 2023-11-10 00:08:40,307 - mmseg - INFO - Iter [17300/80000] lr: 3.135e-05, eta: 4:57:48, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6043, decode.acc_seg: 77.4026, loss: 0.6043 2023-11-10 00:08:50,832 - mmseg - INFO - Iter [17350/80000] lr: 3.133e-05, eta: 4:57:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5944, decode.acc_seg: 78.2300, loss: 0.5944 2023-11-10 00:09:01,382 - mmseg - INFO - Iter [17400/80000] lr: 3.130e-05, eta: 4:56:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6286, decode.acc_seg: 77.0841, loss: 0.6286 2023-11-10 00:09:11,920 - mmseg - INFO - Iter [17450/80000] lr: 3.128e-05, eta: 4:56:25, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6190, decode.acc_seg: 77.3952, loss: 0.6190 2023-11-10 00:09:22,470 - mmseg - INFO - Iter [17500/80000] lr: 3.125e-05, eta: 4:55:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6192, decode.acc_seg: 77.6666, loss: 0.6192 2023-11-10 00:09:33,013 - mmseg - INFO - Iter [17550/80000] lr: 3.123e-05, eta: 4:55:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6246, decode.acc_seg: 77.7536, loss: 0.6246 2023-11-10 00:09:43,536 - mmseg - INFO - Iter [17600/80000] lr: 3.120e-05, eta: 4:55:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6132, decode.acc_seg: 77.3754, loss: 0.6132 2023-11-10 00:09:54,062 - mmseg - INFO - Iter [17650/80000] lr: 3.118e-05, eta: 4:54:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6108, decode.acc_seg: 77.6229, loss: 0.6108 2023-11-10 00:10:06,882 - mmseg - INFO - Iter [17700/80000] lr: 3.115e-05, eta: 4:54:18, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5907, decode.acc_seg: 78.2624, loss: 0.5907 2023-11-10 00:10:17,397 - mmseg - INFO - Iter [17750/80000] lr: 3.113e-05, eta: 4:53:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6040, decode.acc_seg: 77.6994, loss: 0.6040 2023-11-10 00:10:27,915 - mmseg - INFO - Iter [17800/80000] lr: 3.110e-05, eta: 4:53:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6137, decode.acc_seg: 78.2165, loss: 0.6137 2023-11-10 00:10:38,436 - mmseg - INFO - Iter [17850/80000] lr: 3.108e-05, eta: 4:52:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6112, decode.acc_seg: 77.8149, loss: 0.6112 2023-11-10 00:10:48,959 - mmseg - INFO - Iter [17900/80000] lr: 3.105e-05, eta: 4:52:30, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5856, decode.acc_seg: 77.9937, loss: 0.5856 2023-11-10 00:10:59,480 - mmseg - INFO - Iter [17950/80000] lr: 3.103e-05, eta: 4:52:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6246, decode.acc_seg: 77.5971, loss: 0.6246 2023-11-10 00:11:09,997 - mmseg - INFO - Saving checkpoint at 18000 iterations 2023-11-10 00:11:34,712 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:11:34,712 - mmseg - INFO - Iter [18000/80000] lr: 3.100e-05, eta: 4:53:02, time: 0.705, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6348, decode.acc_seg: 76.7463, loss: 0.6348 2023-11-10 00:12:20,829 - mmseg - INFO - per class results: 2023-11-10 00:12:20,834 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.52 | 84.4 | | building | 78.69 | 91.94 | | sky | 88.59 | 94.86 | | floor | 72.22 | 85.9 | | tree | 68.53 | 83.24 | | ceiling | 75.56 | 87.24 | | road | 77.57 | 87.73 | | bed | 82.2 | 93.1 | | windowpane | 57.45 | 76.02 | | grass | 65.15 | 79.54 | | cabinet | 53.15 | 67.67 | | sidewalk | 54.79 | 69.44 | | person | 74.21 | 90.08 | | earth | 32.97 | 44.83 | | door | 38.98 | 47.72 | | table | 52.24 | 66.55 | | mountain | 54.03 | 68.78 | | plant | 48.77 | 59.64 | | curtain | 63.03 | 73.94 | | chair | 52.06 | 68.03 | | car | 77.73 | 91.36 | | water | 53.92 | 72.26 | | painting | 64.63 | 79.39 | | sofa | 65.27 | 81.31 | | shelf | 36.44 | 48.85 | | house | 44.67 | 61.16 | | sea | 58.72 | 75.69 | | mirror | 55.57 | 65.99 | | rug | 46.27 | 50.65 | | field | 34.98 | 54.98 | | armchair | 40.62 | 56.01 | | seat | 53.82 | 76.24 | | fence | 36.52 | 47.34 | | desk | 39.87 | 64.77 | | rock | 49.92 | 65.82 | | wardrobe | 43.27 | 58.72 | | lamp | 54.77 | 70.27 | | bathtub | 70.48 | 78.42 | | railing | 32.27 | 44.47 | | cushion | 56.32 | 68.77 | | base | 26.68 | 41.15 | | box | 26.77 | 34.59 | | column | 34.53 | 41.72 | | signboard | 29.89 | 44.22 | | chest of drawers | 39.01 | 49.54 | | counter | 30.02 | 36.67 | | sand | 44.49 | 59.46 | | sink | 67.18 | 76.57 | | skyscraper | 44.56 | 61.94 | | fireplace | 60.92 | 80.41 | | refrigerator | 53.71 | 60.68 | | grandstand | 52.56 | 78.38 | | path | 15.43 | 19.98 | | stairs | 25.63 | 28.48 | | runway | 63.67 | 85.17 | | case | 52.45 | 67.06 | | pool table | 83.05 | 94.66 | | pillow | 53.03 | 63.9 | | screen door | 53.88 | 61.3 | | stairway | 48.57 | 61.29 | | river | 16.97 | 25.81 | | bridge | 44.18 | 53.09 | | bookcase | 31.17 | 46.17 | | blind | 18.37 | 19.46 | | coffee table | 56.98 | 78.1 | | toilet | 75.89 | 87.33 | | flower | 37.2 | 52.56 | | book | 46.54 | 64.19 | | hill | 5.6 | 7.57 | | bench | 43.49 | 52.96 | | countertop | 49.54 | 60.95 | | stove | 68.71 | 77.06 | | palm | 47.37 | 63.32 | | kitchen island | 34.99 | 53.49 | | computer | 61.34 | 76.64 | | swivel chair | 40.43 | 51.06 | | boat | 58.65 | 73.67 | | bar | 51.97 | 62.23 | | arcade machine | 64.77 | 74.79 | | hovel | 29.9 | 34.1 | | bus | 80.2 | 90.24 | | towel | 63.84 | 77.83 | | light | 33.08 | 38.14 | | truck | 33.83 | 45.84 | | tower | 16.64 | 25.93 | | chandelier | 60.98 | 75.42 | | awning | 24.87 | 30.86 | | streetlight | 21.2 | 25.93 | | booth | 31.17 | 40.43 | | television receiver | 64.45 | 73.34 | | airplane | 51.09 | 64.81 | | dirt track | 11.14 | 14.73 | | apparel | 44.85 | 58.28 | | pole | 12.71 | 15.29 | | land | 1.99 | 2.84 | | bannister | 5.6 | 7.3 | | escalator | 50.98 | 63.96 | | ottoman | 40.15 | 48.22 | | bottle | 41.06 | 61.57 | | buffet | 39.39 | 45.56 | | poster | 19.72 | 25.47 | | stage | 14.26 | 29.68 | | van | 34.11 | 47.19 | | ship | 26.28 | 29.84 | | fountain | 24.39 | 25.75 | | conveyer belt | 60.41 | 93.09 | | canopy | 27.25 | 31.44 | | washer | 73.06 | 81.27 | | plaything | 27.87 | 41.39 | | swimming pool | 59.25 | 77.28 | | stool | 27.78 | 36.38 | | barrel | 27.98 | 42.12 | | basket | 34.73 | 44.01 | | waterfall | 47.17 | 54.73 | | tent | 80.86 | 96.48 | | bag | 15.2 | 17.55 | | minibike | 63.82 | 83.87 | | cradle | 69.15 | 93.99 | | oven | 44.4 | 53.12 | | ball | 55.08 | 68.37 | | food | 52.63 | 63.19 | | step | 4.63 | 5.04 | | tank | 53.91 | 70.16 | | trade name | 15.73 | 17.76 | | microwave | 69.03 | 75.18 | | pot | 35.08 | 38.92 | | animal | 55.29 | 64.21 | | bicycle | 54.65 | 78.58 | | lake | 8.83 | 9.38 | | dishwasher | 46.16 | 49.79 | | screen | 42.57 | 57.87 | | blanket | 12.81 | 14.57 | | sculpture | 53.91 | 73.49 | | hood | 49.39 | 52.59 | | sconce | 33.16 | 39.78 | | vase | 35.41 | 46.81 | | traffic light | 27.58 | 34.51 | | tray | 9.98 | 12.44 | | ashcan | 41.69 | 51.16 | | fan | 47.65 | 58.29 | | pier | 34.54 | 43.72 | | crt screen | 2.52 | 5.29 | | plate | 48.69 | 62.15 | | monitor | 19.81 | 21.98 | | bulletin board | 44.59 | 57.89 | | shower | 2.62 | 3.3 | | radiator | 59.46 | 67.27 | | glass | 16.61 | 18.6 | | clock | 30.9 | 34.95 | | flag | 42.35 | 49.56 | +---------------------+-------+-------+ 2023-11-10 00:12:20,834 - mmseg - INFO - Summary: 2023-11-10 00:12:20,834 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 78.95 | 44.53 | 55.68 | +-------+-------+-------+ 2023-11-10 00:12:20,835 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:12:20,835 - mmseg - INFO - Iter(val) [250] aAcc: 0.7895, mIoU: 0.4453, mAcc: 0.5568, IoU.wall: 0.6852, IoU.building: 0.7869, IoU.sky: 0.8859, IoU.floor: 0.7222, IoU.tree: 0.6853, IoU.ceiling: 0.7556, IoU.road: 0.7757, IoU.bed : 0.8220, IoU.windowpane: 0.5745, IoU.grass: 0.6515, IoU.cabinet: 0.5315, IoU.sidewalk: 0.5479, IoU.person: 0.7421, IoU.earth: 0.3297, IoU.door: 0.3898, IoU.table: 0.5224, IoU.mountain: 0.5403, IoU.plant: 0.4877, IoU.curtain: 0.6303, IoU.chair: 0.5206, IoU.car: 0.7773, IoU.water: 0.5392, IoU.painting: 0.6463, IoU.sofa: 0.6527, IoU.shelf: 0.3644, IoU.house: 0.4467, IoU.sea: 0.5872, IoU.mirror: 0.5557, IoU.rug: 0.4627, IoU.field: 0.3498, IoU.armchair: 0.4062, IoU.seat: 0.5382, IoU.fence: 0.3652, IoU.desk: 0.3987, IoU.rock: 0.4992, IoU.wardrobe: 0.4327, IoU.lamp: 0.5477, IoU.bathtub: 0.7048, IoU.railing: 0.3227, IoU.cushion: 0.5632, IoU.base: 0.2668, IoU.box: 0.2677, IoU.column: 0.3453, IoU.signboard: 0.2989, IoU.chest of drawers: 0.3901, IoU.counter: 0.3002, IoU.sand: 0.4449, IoU.sink: 0.6718, IoU.skyscraper: 0.4456, IoU.fireplace: 0.6092, IoU.refrigerator: 0.5371, IoU.grandstand: 0.5256, IoU.path: 0.1543, IoU.stairs: 0.2563, IoU.runway: 0.6367, IoU.case: 0.5245, IoU.pool table: 0.8305, IoU.pillow: 0.5303, IoU.screen door: 0.5388, IoU.stairway: 0.4857, IoU.river: 0.1697, IoU.bridge: 0.4418, IoU.bookcase: 0.3117, IoU.blind: 0.1837, IoU.coffee table: 0.5698, IoU.toilet: 0.7589, IoU.flower: 0.3720, IoU.book: 0.4654, IoU.hill: 0.0560, IoU.bench: 0.4349, IoU.countertop: 0.4954, IoU.stove: 0.6871, IoU.palm: 0.4737, IoU.kitchen island: 0.3499, IoU.computer: 0.6134, IoU.swivel chair: 0.4043, IoU.boat: 0.5865, IoU.bar: 0.5197, IoU.arcade machine: 0.6477, IoU.hovel: 0.2990, IoU.bus: 0.8020, IoU.towel: 0.6384, IoU.light: 0.3308, IoU.truck: 0.3383, IoU.tower: 0.1664, IoU.chandelier: 0.6098, IoU.awning: 0.2487, IoU.streetlight: 0.2120, IoU.booth: 0.3117, IoU.television receiver: 0.6445, IoU.airplane: 0.5109, IoU.dirt track: 0.1114, IoU.apparel: 0.4485, IoU.pole: 0.1271, IoU.land: 0.0199, IoU.bannister: 0.0560, IoU.escalator: 0.5098, IoU.ottoman: 0.4015, IoU.bottle: 0.4106, IoU.buffet: 0.3939, IoU.poster: 0.1972, IoU.stage: 0.1426, IoU.van: 0.3411, IoU.ship: 0.2628, IoU.fountain: 0.2439, IoU.conveyer belt: 0.6041, IoU.canopy: 0.2725, IoU.washer: 0.7306, IoU.plaything: 0.2787, IoU.swimming pool: 0.5925, IoU.stool: 0.2778, IoU.barrel: 0.2798, IoU.basket: 0.3473, IoU.waterfall: 0.4717, IoU.tent: 0.8086, IoU.bag: 0.1520, IoU.minibike: 0.6382, IoU.cradle: 0.6915, IoU.oven: 0.4440, IoU.ball: 0.5508, IoU.food: 0.5263, IoU.step: 0.0463, IoU.tank: 0.5391, IoU.trade name: 0.1573, IoU.microwave: 0.6903, IoU.pot: 0.3508, IoU.animal: 0.5529, IoU.bicycle: 0.5465, IoU.lake: 0.0883, IoU.dishwasher: 0.4616, IoU.screen: 0.4257, IoU.blanket: 0.1281, IoU.sculpture: 0.5391, IoU.hood: 0.4939, IoU.sconce: 0.3316, IoU.vase: 0.3541, IoU.traffic light: 0.2758, IoU.tray: 0.0998, IoU.ashcan: 0.4169, IoU.fan: 0.4765, IoU.pier: 0.3454, IoU.crt screen: 0.0252, IoU.plate: 0.4869, IoU.monitor: 0.1981, IoU.bulletin board: 0.4459, IoU.shower: 0.0262, IoU.radiator: 0.5946, IoU.glass: 0.1661, IoU.clock: 0.3090, IoU.flag: 0.4235, Acc.wall: 0.8440, Acc.building: 0.9194, Acc.sky: 0.9486, Acc.floor: 0.8590, Acc.tree: 0.8324, Acc.ceiling: 0.8724, Acc.road: 0.8773, Acc.bed : 0.9310, Acc.windowpane: 0.7602, Acc.grass: 0.7954, Acc.cabinet: 0.6767, Acc.sidewalk: 0.6944, Acc.person: 0.9008, Acc.earth: 0.4483, Acc.door: 0.4772, Acc.table: 0.6655, Acc.mountain: 0.6878, Acc.plant: 0.5964, Acc.curtain: 0.7394, Acc.chair: 0.6803, Acc.car: 0.9136, Acc.water: 0.7226, Acc.painting: 0.7939, Acc.sofa: 0.8131, Acc.shelf: 0.4885, Acc.house: 0.6116, Acc.sea: 0.7569, Acc.mirror: 0.6599, Acc.rug: 0.5065, Acc.field: 0.5498, Acc.armchair: 0.5601, Acc.seat: 0.7624, Acc.fence: 0.4734, Acc.desk: 0.6477, Acc.rock: 0.6582, Acc.wardrobe: 0.5872, Acc.lamp: 0.7027, Acc.bathtub: 0.7842, Acc.railing: 0.4447, Acc.cushion: 0.6877, Acc.base: 0.4115, Acc.box: 0.3459, Acc.column: 0.4172, Acc.signboard: 0.4422, Acc.chest of drawers: 0.4954, Acc.counter: 0.3667, Acc.sand: 0.5946, Acc.sink: 0.7657, Acc.skyscraper: 0.6194, Acc.fireplace: 0.8041, Acc.refrigerator: 0.6068, Acc.grandstand: 0.7838, Acc.path: 0.1998, Acc.stairs: 0.2848, Acc.runway: 0.8517, Acc.case: 0.6706, Acc.pool table: 0.9466, Acc.pillow: 0.6390, Acc.screen door: 0.6130, Acc.stairway: 0.6129, Acc.river: 0.2581, Acc.bridge: 0.5309, Acc.bookcase: 0.4617, Acc.blind: 0.1946, Acc.coffee table: 0.7810, Acc.toilet: 0.8733, Acc.flower: 0.5256, Acc.book: 0.6419, Acc.hill: 0.0757, Acc.bench: 0.5296, Acc.countertop: 0.6095, Acc.stove: 0.7706, Acc.palm: 0.6332, Acc.kitchen island: 0.5349, Acc.computer: 0.7664, Acc.swivel chair: 0.5106, Acc.boat: 0.7367, Acc.bar: 0.6223, Acc.arcade machine: 0.7479, Acc.hovel: 0.3410, Acc.bus: 0.9024, Acc.towel: 0.7783, Acc.light: 0.3814, Acc.truck: 0.4584, Acc.tower: 0.2593, Acc.chandelier: 0.7542, Acc.awning: 0.3086, Acc.streetlight: 0.2593, Acc.booth: 0.4043, Acc.television receiver: 0.7334, Acc.airplane: 0.6481, Acc.dirt track: 0.1473, Acc.apparel: 0.5828, Acc.pole: 0.1529, Acc.land: 0.0284, Acc.bannister: 0.0730, Acc.escalator: 0.6396, Acc.ottoman: 0.4822, Acc.bottle: 0.6157, Acc.buffet: 0.4556, Acc.poster: 0.2547, Acc.stage: 0.2968, Acc.van: 0.4719, Acc.ship: 0.2984, Acc.fountain: 0.2575, Acc.conveyer belt: 0.9309, Acc.canopy: 0.3144, Acc.washer: 0.8127, Acc.plaything: 0.4139, Acc.swimming pool: 0.7728, Acc.stool: 0.3638, Acc.barrel: 0.4212, Acc.basket: 0.4401, Acc.waterfall: 0.5473, Acc.tent: 0.9648, Acc.bag: 0.1755, Acc.minibike: 0.8387, Acc.cradle: 0.9399, Acc.oven: 0.5312, Acc.ball: 0.6837, Acc.food: 0.6319, Acc.step: 0.0504, Acc.tank: 0.7016, Acc.trade name: 0.1776, Acc.microwave: 0.7518, Acc.pot: 0.3892, Acc.animal: 0.6421, Acc.bicycle: 0.7858, Acc.lake: 0.0938, Acc.dishwasher: 0.4979, Acc.screen: 0.5787, Acc.blanket: 0.1457, Acc.sculpture: 0.7349, Acc.hood: 0.5259, Acc.sconce: 0.3978, Acc.vase: 0.4681, Acc.traffic light: 0.3451, Acc.tray: 0.1244, Acc.ashcan: 0.5116, Acc.fan: 0.5829, Acc.pier: 0.4372, Acc.crt screen: 0.0529, Acc.plate: 0.6215, Acc.monitor: 0.2198, Acc.bulletin board: 0.5789, Acc.shower: 0.0330, Acc.radiator: 0.6727, Acc.glass: 0.1860, Acc.clock: 0.3495, Acc.flag: 0.4956 2023-11-10 00:12:31,412 - mmseg - INFO - Iter [18050/80000] lr: 3.098e-05, eta: 4:55:14, time: 1.134, data_time: 0.929, memory: 16310, decode.loss_ce: 0.6165, decode.acc_seg: 77.2027, loss: 0.6165 2023-11-10 00:12:41,972 - mmseg - INFO - Iter [18100/80000] lr: 3.095e-05, eta: 4:54:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5776, decode.acc_seg: 78.6762, loss: 0.5776 2023-11-10 00:12:52,519 - mmseg - INFO - Iter [18150/80000] lr: 3.093e-05, eta: 4:54:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6008, decode.acc_seg: 78.2032, loss: 0.6008 2023-11-10 00:13:03,082 - mmseg - INFO - Iter [18200/80000] lr: 3.090e-05, eta: 4:53:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6303, decode.acc_seg: 77.1003, loss: 0.6303 2023-11-10 00:13:13,618 - mmseg - INFO - Iter [18250/80000] lr: 3.088e-05, eta: 4:53:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6261, decode.acc_seg: 78.1648, loss: 0.6261 2023-11-10 00:13:24,160 - mmseg - INFO - Iter [18300/80000] lr: 3.085e-05, eta: 4:52:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6292, decode.acc_seg: 76.9513, loss: 0.6292 2023-11-10 00:13:34,695 - mmseg - INFO - Iter [18350/80000] lr: 3.083e-05, eta: 4:52:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5928, decode.acc_seg: 77.8838, loss: 0.5928 2023-11-10 00:13:45,253 - mmseg - INFO - Iter [18400/80000] lr: 3.080e-05, eta: 4:52:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6102, decode.acc_seg: 77.9382, loss: 0.6102 2023-11-10 00:13:55,775 - mmseg - INFO - Iter [18450/80000] lr: 3.078e-05, eta: 4:51:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6037, decode.acc_seg: 76.9687, loss: 0.6037 2023-11-10 00:14:06,315 - mmseg - INFO - Iter [18500/80000] lr: 3.075e-05, eta: 4:51:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5853, decode.acc_seg: 78.3385, loss: 0.5853 2023-11-10 00:14:16,821 - mmseg - INFO - Iter [18550/80000] lr: 3.073e-05, eta: 4:50:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5867, decode.acc_seg: 78.5881, loss: 0.5867 2023-11-10 00:14:27,333 - mmseg - INFO - Iter [18600/80000] lr: 3.070e-05, eta: 4:50:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6080, decode.acc_seg: 77.2241, loss: 0.6080 2023-11-10 00:14:37,850 - mmseg - INFO - Iter [18650/80000] lr: 3.068e-05, eta: 4:49:54, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6230, decode.acc_seg: 77.7358, loss: 0.6230 2023-11-10 00:14:48,349 - mmseg - INFO - Iter [18700/80000] lr: 3.065e-05, eta: 4:49:28, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6007, decode.acc_seg: 78.4490, loss: 0.6007 2023-11-10 00:14:58,869 - mmseg - INFO - Iter [18750/80000] lr: 3.063e-05, eta: 4:49:02, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6241, decode.acc_seg: 76.9603, loss: 0.6241 2023-11-10 00:15:09,403 - mmseg - INFO - Iter [18800/80000] lr: 3.060e-05, eta: 4:48:36, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5959, decode.acc_seg: 77.6580, loss: 0.5959 2023-11-10 00:15:19,929 - mmseg - INFO - Iter [18850/80000] lr: 3.058e-05, eta: 4:48:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6001, decode.acc_seg: 78.0787, loss: 0.6001 2023-11-10 00:15:30,460 - mmseg - INFO - Iter [18900/80000] lr: 3.055e-05, eta: 4:47:44, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6159, decode.acc_seg: 77.9326, loss: 0.6159 2023-11-10 00:15:43,244 - mmseg - INFO - Iter [18950/80000] lr: 3.053e-05, eta: 4:47:25, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5675, decode.acc_seg: 78.5050, loss: 0.5675 2023-11-10 00:15:53,739 - mmseg - INFO - Saving checkpoint at 19000 iterations 2023-11-10 00:16:19,683 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:16:19,683 - mmseg - INFO - Iter [19000/80000] lr: 3.050e-05, eta: 4:48:23, time: 0.729, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6272, decode.acc_seg: 76.7838, loss: 0.6272 2023-11-10 00:17:11,340 - mmseg - INFO - per class results: 2023-11-10 00:17:11,346 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.61 | 85.61 | | building | 79.2 | 91.55 | | sky | 88.65 | 95.01 | | floor | 72.29 | 86.58 | | tree | 68.7 | 84.44 | | ceiling | 75.25 | 84.6 | | road | 77.45 | 87.9 | | bed | 82.45 | 92.82 | | windowpane | 57.54 | 74.89 | | grass | 65.89 | 81.92 | | cabinet | 53.07 | 68.08 | | sidewalk | 54.87 | 71.69 | | person | 74.31 | 90.28 | | earth | 33.73 | 46.46 | | door | 37.79 | 45.67 | | table | 52.3 | 65.64 | | mountain | 53.49 | 69.34 | | plant | 48.87 | 59.01 | | curtain | 62.98 | 74.07 | | chair | 51.63 | 66.43 | | car | 77.58 | 91.26 | | water | 53.45 | 69.97 | | painting | 64.66 | 79.18 | | sofa | 65.11 | 82.8 | | shelf | 37.32 | 51.91 | | house | 45.28 | 59.76 | | sea | 59.25 | 78.77 | | mirror | 55.78 | 66.5 | | rug | 46.34 | 50.51 | | field | 33.76 | 46.53 | | armchair | 40.39 | 54.59 | | seat | 54.26 | 74.77 | | fence | 36.02 | 46.66 | | desk | 40.45 | 62.18 | | rock | 49.34 | 63.93 | | wardrobe | 41.62 | 55.32 | | lamp | 54.81 | 68.13 | | bathtub | 70.18 | 77.17 | | railing | 31.68 | 42.46 | | cushion | 55.63 | 65.22 | | base | 26.14 | 35.73 | | box | 24.98 | 30.7 | | column | 33.3 | 39.3 | | signboard | 30.09 | 44.0 | | chest of drawers | 38.17 | 53.25 | | counter | 30.78 | 38.42 | | sand | 41.9 | 54.05 | | sink | 67.37 | 77.9 | | skyscraper | 44.56 | 60.19 | | fireplace | 61.12 | 80.42 | | refrigerator | 53.74 | 60.53 | | grandstand | 52.74 | 77.2 | | path | 14.37 | 18.53 | | stairs | 24.87 | 27.62 | | runway | 64.21 | 85.76 | | case | 52.63 | 64.38 | | pool table | 82.84 | 94.78 | | pillow | 53.55 | 64.53 | | screen door | 47.07 | 51.28 | | stairway | 48.45 | 63.23 | | river | 17.06 | 27.3 | | bridge | 44.89 | 53.93 | | bookcase | 30.76 | 44.47 | | blind | 18.86 | 20.32 | | coffee table | 57.15 | 78.32 | | toilet | 76.31 | 87.37 | | flower | 39.18 | 52.3 | | book | 46.3 | 63.64 | | hill | 5.53 | 9.51 | | bench | 44.4 | 52.65 | | countertop | 49.42 | 60.27 | | stove | 68.91 | 77.57 | | palm | 46.32 | 58.1 | | kitchen island | 33.61 | 49.82 | | computer | 62.51 | 78.38 | | swivel chair | 42.33 | 57.72 | | boat | 57.85 | 76.06 | | bar | 51.35 | 60.11 | | arcade machine | 62.91 | 70.6 | | hovel | 27.86 | 31.01 | | bus | 81.12 | 90.49 | | towel | 64.18 | 75.94 | | light | 31.76 | 36.03 | | truck | 34.83 | 47.92 | | tower | 17.83 | 28.1 | | chandelier | 61.49 | 76.83 | | awning | 25.51 | 32.63 | | streetlight | 21.42 | 26.38 | | booth | 31.45 | 38.07 | | television receiver | 64.49 | 71.6 | | airplane | 51.56 | 65.58 | | dirt track | 12.95 | 20.64 | | apparel | 44.88 | 62.27 | | pole | 13.04 | 15.97 | | land | 2.02 | 2.68 | | bannister | 7.19 | 9.88 | | escalator | 50.85 | 64.31 | | ottoman | 42.06 | 51.71 | | bottle | 40.93 | 62.95 | | buffet | 36.41 | 40.25 | | poster | 18.93 | 23.39 | | stage | 13.53 | 26.23 | | van | 32.19 | 43.39 | | ship | 15.09 | 16.17 | | fountain | 16.44 | 17.02 | | conveyer belt | 66.47 | 91.82 | | canopy | 36.7 | 44.74 | | washer | 73.63 | 82.22 | | plaything | 28.05 | 39.72 | | swimming pool | 58.85 | 77.7 | | stool | 28.94 | 37.56 | | barrel | 28.55 | 44.01 | | basket | 34.72 | 47.56 | | waterfall | 48.15 | 55.82 | | tent | 77.71 | 97.55 | | bag | 15.22 | 17.36 | | minibike | 64.14 | 82.33 | | cradle | 71.35 | 93.55 | | oven | 41.94 | 47.22 | | ball | 54.48 | 68.75 | | food | 53.41 | 63.89 | | step | 4.53 | 4.96 | | tank | 53.94 | 69.14 | | trade name | 15.9 | 17.73 | | microwave | 69.45 | 75.71 | | pot | 34.34 | 37.82 | | animal | 57.02 | 65.68 | | bicycle | 54.89 | 75.78 | | lake | 12.47 | 13.59 | | dishwasher | 43.38 | 45.68 | | screen | 40.79 | 53.08 | | blanket | 14.26 | 16.35 | | sculpture | 53.88 | 74.29 | | hood | 46.09 | 48.45 | | sconce | 35.02 | 42.81 | | vase | 35.48 | 48.71 | | traffic light | 28.9 | 37.46 | | tray | 9.72 | 11.68 | | ashcan | 40.92 | 49.07 | | fan | 50.99 | 66.53 | | pier | 34.36 | 43.82 | | crt screen | 2.79 | 5.32 | | plate | 48.76 | 61.76 | | monitor | 20.51 | 23.74 | | bulletin board | 41.88 | 49.81 | | shower | 2.24 | 4.09 | | radiator | 59.85 | 67.48 | | glass | 15.56 | 16.97 | | clock | 27.3 | 29.69 | | flag | 42.37 | 49.86 | +---------------------+-------+-------+ 2023-11-10 00:17:11,346 - mmseg - INFO - Summary: 2023-11-10 00:17:11,346 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 79.01 | 44.4 | 55.24 | +-------+------+-------+ 2023-11-10 00:17:11,347 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:17:11,347 - mmseg - INFO - Iter(val) [250] aAcc: 0.7901, mIoU: 0.4440, mAcc: 0.5524, IoU.wall: 0.6861, IoU.building: 0.7920, IoU.sky: 0.8865, IoU.floor: 0.7229, IoU.tree: 0.6870, IoU.ceiling: 0.7525, IoU.road: 0.7745, IoU.bed : 0.8245, IoU.windowpane: 0.5754, IoU.grass: 0.6589, IoU.cabinet: 0.5307, IoU.sidewalk: 0.5487, IoU.person: 0.7431, IoU.earth: 0.3373, IoU.door: 0.3779, IoU.table: 0.5230, IoU.mountain: 0.5349, IoU.plant: 0.4887, IoU.curtain: 0.6298, IoU.chair: 0.5163, IoU.car: 0.7758, IoU.water: 0.5345, IoU.painting: 0.6466, IoU.sofa: 0.6511, IoU.shelf: 0.3732, IoU.house: 0.4528, IoU.sea: 0.5925, IoU.mirror: 0.5578, IoU.rug: 0.4634, IoU.field: 0.3376, IoU.armchair: 0.4039, IoU.seat: 0.5426, IoU.fence: 0.3602, IoU.desk: 0.4045, IoU.rock: 0.4934, IoU.wardrobe: 0.4162, IoU.lamp: 0.5481, IoU.bathtub: 0.7018, IoU.railing: 0.3168, IoU.cushion: 0.5563, IoU.base: 0.2614, IoU.box: 0.2498, IoU.column: 0.3330, IoU.signboard: 0.3009, IoU.chest of drawers: 0.3817, IoU.counter: 0.3078, IoU.sand: 0.4190, IoU.sink: 0.6737, IoU.skyscraper: 0.4456, IoU.fireplace: 0.6112, IoU.refrigerator: 0.5374, IoU.grandstand: 0.5274, IoU.path: 0.1437, IoU.stairs: 0.2487, IoU.runway: 0.6421, IoU.case: 0.5263, IoU.pool table: 0.8284, IoU.pillow: 0.5355, IoU.screen door: 0.4707, IoU.stairway: 0.4845, IoU.river: 0.1706, IoU.bridge: 0.4489, IoU.bookcase: 0.3076, IoU.blind: 0.1886, IoU.coffee table: 0.5715, IoU.toilet: 0.7631, IoU.flower: 0.3918, IoU.book: 0.4630, IoU.hill: 0.0553, IoU.bench: 0.4440, IoU.countertop: 0.4942, IoU.stove: 0.6891, IoU.palm: 0.4632, IoU.kitchen island: 0.3361, IoU.computer: 0.6251, IoU.swivel chair: 0.4233, IoU.boat: 0.5785, IoU.bar: 0.5135, IoU.arcade machine: 0.6291, IoU.hovel: 0.2786, IoU.bus: 0.8112, IoU.towel: 0.6418, IoU.light: 0.3176, IoU.truck: 0.3483, IoU.tower: 0.1783, IoU.chandelier: 0.6149, IoU.awning: 0.2551, IoU.streetlight: 0.2142, IoU.booth: 0.3145, IoU.television receiver: 0.6449, IoU.airplane: 0.5156, IoU.dirt track: 0.1295, IoU.apparel: 0.4488, IoU.pole: 0.1304, IoU.land: 0.0202, IoU.bannister: 0.0719, IoU.escalator: 0.5085, IoU.ottoman: 0.4206, IoU.bottle: 0.4093, IoU.buffet: 0.3641, IoU.poster: 0.1893, IoU.stage: 0.1353, IoU.van: 0.3219, IoU.ship: 0.1509, IoU.fountain: 0.1644, IoU.conveyer belt: 0.6647, IoU.canopy: 0.3670, IoU.washer: 0.7363, IoU.plaything: 0.2805, IoU.swimming pool: 0.5885, IoU.stool: 0.2894, IoU.barrel: 0.2855, IoU.basket: 0.3472, IoU.waterfall: 0.4815, IoU.tent: 0.7771, IoU.bag: 0.1522, IoU.minibike: 0.6414, IoU.cradle: 0.7135, IoU.oven: 0.4194, IoU.ball: 0.5448, IoU.food: 0.5341, IoU.step: 0.0453, IoU.tank: 0.5394, IoU.trade name: 0.1590, IoU.microwave: 0.6945, IoU.pot: 0.3434, IoU.animal: 0.5702, IoU.bicycle: 0.5489, IoU.lake: 0.1247, IoU.dishwasher: 0.4338, IoU.screen: 0.4079, IoU.blanket: 0.1426, IoU.sculpture: 0.5388, IoU.hood: 0.4609, IoU.sconce: 0.3502, IoU.vase: 0.3548, IoU.traffic light: 0.2890, IoU.tray: 0.0972, IoU.ashcan: 0.4092, IoU.fan: 0.5099, IoU.pier: 0.3436, IoU.crt screen: 0.0279, IoU.plate: 0.4876, IoU.monitor: 0.2051, IoU.bulletin board: 0.4188, IoU.shower: 0.0224, IoU.radiator: 0.5985, IoU.glass: 0.1556, IoU.clock: 0.2730, IoU.flag: 0.4237, Acc.wall: 0.8561, Acc.building: 0.9155, Acc.sky: 0.9501, Acc.floor: 0.8658, Acc.tree: 0.8444, Acc.ceiling: 0.8460, Acc.road: 0.8790, Acc.bed : 0.9282, Acc.windowpane: 0.7489, Acc.grass: 0.8192, Acc.cabinet: 0.6808, Acc.sidewalk: 0.7169, Acc.person: 0.9028, Acc.earth: 0.4646, Acc.door: 0.4567, Acc.table: 0.6564, Acc.mountain: 0.6934, Acc.plant: 0.5901, Acc.curtain: 0.7407, Acc.chair: 0.6643, Acc.car: 0.9126, Acc.water: 0.6997, Acc.painting: 0.7918, Acc.sofa: 0.8280, Acc.shelf: 0.5191, Acc.house: 0.5976, Acc.sea: 0.7877, Acc.mirror: 0.6650, Acc.rug: 0.5051, Acc.field: 0.4653, Acc.armchair: 0.5459, Acc.seat: 0.7477, Acc.fence: 0.4666, Acc.desk: 0.6218, Acc.rock: 0.6393, Acc.wardrobe: 0.5532, Acc.lamp: 0.6813, Acc.bathtub: 0.7717, Acc.railing: 0.4246, Acc.cushion: 0.6522, Acc.base: 0.3573, Acc.box: 0.3070, Acc.column: 0.3930, Acc.signboard: 0.4400, Acc.chest of drawers: 0.5325, Acc.counter: 0.3842, Acc.sand: 0.5405, Acc.sink: 0.7790, Acc.skyscraper: 0.6019, Acc.fireplace: 0.8042, Acc.refrigerator: 0.6053, Acc.grandstand: 0.7720, Acc.path: 0.1853, Acc.stairs: 0.2762, Acc.runway: 0.8576, Acc.case: 0.6438, Acc.pool table: 0.9478, Acc.pillow: 0.6453, Acc.screen door: 0.5128, Acc.stairway: 0.6323, Acc.river: 0.2730, Acc.bridge: 0.5393, Acc.bookcase: 0.4447, Acc.blind: 0.2032, Acc.coffee table: 0.7832, Acc.toilet: 0.8737, Acc.flower: 0.5230, Acc.book: 0.6364, Acc.hill: 0.0951, Acc.bench: 0.5265, Acc.countertop: 0.6027, Acc.stove: 0.7757, Acc.palm: 0.5810, Acc.kitchen island: 0.4982, Acc.computer: 0.7838, Acc.swivel chair: 0.5772, Acc.boat: 0.7606, Acc.bar: 0.6011, Acc.arcade machine: 0.7060, Acc.hovel: 0.3101, Acc.bus: 0.9049, Acc.towel: 0.7594, Acc.light: 0.3603, Acc.truck: 0.4792, Acc.tower: 0.2810, Acc.chandelier: 0.7683, Acc.awning: 0.3263, Acc.streetlight: 0.2638, Acc.booth: 0.3807, Acc.television receiver: 0.7160, Acc.airplane: 0.6558, Acc.dirt track: 0.2064, Acc.apparel: 0.6227, Acc.pole: 0.1597, Acc.land: 0.0268, Acc.bannister: 0.0988, Acc.escalator: 0.6431, Acc.ottoman: 0.5171, Acc.bottle: 0.6295, Acc.buffet: 0.4025, Acc.poster: 0.2339, Acc.stage: 0.2623, Acc.van: 0.4339, Acc.ship: 0.1617, Acc.fountain: 0.1702, Acc.conveyer belt: 0.9182, Acc.canopy: 0.4474, Acc.washer: 0.8222, Acc.plaything: 0.3972, Acc.swimming pool: 0.7770, Acc.stool: 0.3756, Acc.barrel: 0.4401, Acc.basket: 0.4756, Acc.waterfall: 0.5582, Acc.tent: 0.9755, Acc.bag: 0.1736, Acc.minibike: 0.8233, Acc.cradle: 0.9355, Acc.oven: 0.4722, Acc.ball: 0.6875, Acc.food: 0.6389, Acc.step: 0.0496, Acc.tank: 0.6914, Acc.trade name: 0.1773, Acc.microwave: 0.7571, Acc.pot: 0.3782, Acc.animal: 0.6568, Acc.bicycle: 0.7578, Acc.lake: 0.1359, Acc.dishwasher: 0.4568, Acc.screen: 0.5308, Acc.blanket: 0.1635, Acc.sculpture: 0.7429, Acc.hood: 0.4845, Acc.sconce: 0.4281, Acc.vase: 0.4871, Acc.traffic light: 0.3746, Acc.tray: 0.1168, Acc.ashcan: 0.4907, Acc.fan: 0.6653, Acc.pier: 0.4382, Acc.crt screen: 0.0532, Acc.plate: 0.6176, Acc.monitor: 0.2374, Acc.bulletin board: 0.4981, Acc.shower: 0.0409, Acc.radiator: 0.6748, Acc.glass: 0.1697, Acc.clock: 0.2969, Acc.flag: 0.4986 2023-11-10 00:17:21,982 - mmseg - INFO - Iter [19050/80000] lr: 3.048e-05, eta: 4:50:43, time: 1.246, data_time: 1.040, memory: 16310, decode.loss_ce: 0.5959, decode.acc_seg: 78.1496, loss: 0.5959 2023-11-10 00:17:32,574 - mmseg - INFO - Iter [19100/80000] lr: 3.045e-05, eta: 4:50:17, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5807, decode.acc_seg: 77.9648, loss: 0.5807 2023-11-10 00:17:43,628 - mmseg - INFO - Iter [19150/80000] lr: 3.043e-05, eta: 4:49:52, time: 0.221, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6316, decode.acc_seg: 77.4440, loss: 0.6316 2023-11-10 00:17:54,143 - mmseg - INFO - Iter [19200/80000] lr: 3.040e-05, eta: 4:49:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5992, decode.acc_seg: 77.9183, loss: 0.5992 2023-11-10 00:18:04,649 - mmseg - INFO - Iter [19250/80000] lr: 3.038e-05, eta: 4:49:00, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5985, decode.acc_seg: 77.8124, loss: 0.5985 2023-11-10 00:18:15,154 - mmseg - INFO - Iter [19300/80000] lr: 3.035e-05, eta: 4:48:33, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6174, decode.acc_seg: 77.9757, loss: 0.6174 2023-11-10 00:18:25,659 - mmseg - INFO - Iter [19350/80000] lr: 3.033e-05, eta: 4:48:07, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6016, decode.acc_seg: 77.8625, loss: 0.6016 2023-11-10 00:18:36,163 - mmseg - INFO - Iter [19400/80000] lr: 3.030e-05, eta: 4:47:41, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6181, decode.acc_seg: 77.2767, loss: 0.6181 2023-11-10 00:18:46,661 - mmseg - INFO - Iter [19450/80000] lr: 3.028e-05, eta: 4:47:15, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5751, decode.acc_seg: 79.0038, loss: 0.5751 2023-11-10 00:18:57,185 - mmseg - INFO - Iter [19500/80000] lr: 3.025e-05, eta: 4:46:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6021, decode.acc_seg: 77.6123, loss: 0.6021 2023-11-10 00:19:07,686 - mmseg - INFO - Iter [19550/80000] lr: 3.023e-05, eta: 4:46:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6267, decode.acc_seg: 77.3066, loss: 0.6267 2023-11-10 00:19:18,190 - mmseg - INFO - Iter [19600/80000] lr: 3.020e-05, eta: 4:45:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6081, decode.acc_seg: 78.1401, loss: 0.6081 2023-11-10 00:19:28,687 - mmseg - INFO - Iter [19650/80000] lr: 3.018e-05, eta: 4:45:33, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5862, decode.acc_seg: 77.8286, loss: 0.5862 2023-11-10 00:19:39,186 - mmseg - INFO - Iter [19700/80000] lr: 3.015e-05, eta: 4:45:07, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6084, decode.acc_seg: 78.1221, loss: 0.6084 2023-11-10 00:19:51,965 - mmseg - INFO - Iter [19750/80000] lr: 3.013e-05, eta: 4:44:49, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5765, decode.acc_seg: 78.4507, loss: 0.5765 2023-11-10 00:20:03,550 - mmseg - INFO - Iter [19800/80000] lr: 3.010e-05, eta: 4:44:27, time: 0.232, data_time: 0.026, memory: 16310, decode.loss_ce: 0.6180, decode.acc_seg: 77.3164, loss: 0.6180 2023-11-10 00:20:14,038 - mmseg - INFO - Iter [19850/80000] lr: 3.008e-05, eta: 4:44:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6155, decode.acc_seg: 78.1840, loss: 0.6155 2023-11-10 00:20:24,526 - mmseg - INFO - Iter [19900/80000] lr: 3.005e-05, eta: 4:43:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6173, decode.acc_seg: 77.9393, loss: 0.6173 2023-11-10 00:20:35,017 - mmseg - INFO - Iter [19950/80000] lr: 3.003e-05, eta: 4:43:11, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5907, decode.acc_seg: 78.4463, loss: 0.5907 2023-11-10 00:20:45,513 - mmseg - INFO - Saving checkpoint at 20000 iterations 2023-11-10 00:21:13,592 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:21:13,593 - mmseg - INFO - Iter [20000/80000] lr: 3.000e-05, eta: 4:44:10, time: 0.771, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6129, decode.acc_seg: 77.6877, loss: 0.6129 2023-11-10 00:21:59,415 - mmseg - INFO - per class results: 2023-11-10 00:21:59,421 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.81 | 84.87 | | building | 79.28 | 91.63 | | sky | 88.94 | 94.66 | | floor | 72.23 | 87.09 | | tree | 68.99 | 84.42 | | ceiling | 75.81 | 87.32 | | road | 77.64 | 87.74 | | bed | 82.21 | 93.31 | | windowpane | 57.61 | 73.61 | | grass | 65.42 | 81.72 | | cabinet | 53.19 | 65.36 | | sidewalk | 55.07 | 71.53 | | person | 73.69 | 91.11 | | earth | 33.38 | 46.05 | | door | 38.5 | 46.91 | | table | 52.88 | 68.04 | | mountain | 53.77 | 66.36 | | plant | 49.08 | 59.33 | | curtain | 63.38 | 74.5 | | chair | 51.9 | 66.52 | | car | 77.62 | 91.41 | | water | 55.11 | 72.23 | | painting | 64.39 | 79.72 | | sofa | 65.55 | 81.04 | | shelf | 36.89 | 49.97 | | house | 43.44 | 54.11 | | sea | 59.49 | 75.76 | | mirror | 56.4 | 68.06 | | rug | 45.91 | 49.88 | | field | 33.98 | 50.14 | | armchair | 41.56 | 57.33 | | seat | 54.6 | 75.67 | | fence | 35.42 | 46.0 | | desk | 41.22 | 62.44 | | rock | 50.05 | 69.22 | | wardrobe | 43.65 | 59.78 | | lamp | 54.96 | 68.32 | | bathtub | 70.1 | 77.4 | | railing | 32.21 | 44.58 | | cushion | 56.2 | 68.07 | | base | 27.09 | 40.46 | | box | 27.05 | 35.34 | | column | 33.75 | 39.98 | | signboard | 30.58 | 47.45 | | chest of drawers | 39.97 | 50.97 | | counter | 30.34 | 37.38 | | sand | 42.85 | 57.02 | | sink | 67.34 | 76.87 | | skyscraper | 44.58 | 60.95 | | fireplace | 62.44 | 79.65 | | refrigerator | 54.53 | 61.95 | | grandstand | 51.14 | 79.28 | | path | 15.51 | 20.63 | | stairs | 26.42 | 29.96 | | runway | 64.0 | 85.35 | | case | 53.01 | 66.58 | | pool table | 83.29 | 94.68 | | pillow | 51.75 | 61.21 | | screen door | 50.36 | 55.89 | | stairway | 47.78 | 59.74 | | river | 15.56 | 24.86 | | bridge | 44.47 | 54.1 | | bookcase | 30.7 | 44.37 | | blind | 24.5 | 27.18 | | coffee table | 57.31 | 78.26 | | toilet | 76.87 | 86.11 | | flower | 38.79 | 55.16 | | book | 46.79 | 67.35 | | hill | 5.46 | 8.8 | | bench | 44.68 | 53.48 | | countertop | 50.38 | 64.37 | | stove | 69.04 | 76.71 | | palm | 48.03 | 63.77 | | kitchen island | 36.3 | 57.34 | | computer | 62.14 | 77.46 | | swivel chair | 41.49 | 54.05 | | boat | 57.29 | 74.49 | | bar | 51.76 | 60.98 | | arcade machine | 64.05 | 72.41 | | hovel | 39.42 | 46.0 | | bus | 81.42 | 90.35 | | towel | 63.91 | 76.14 | | light | 31.45 | 35.63 | | truck | 34.64 | 46.16 | | tower | 17.55 | 27.13 | | chandelier | 60.99 | 74.6 | | awning | 25.52 | 32.25 | | streetlight | 21.36 | 25.81 | | booth | 31.57 | 44.47 | | television receiver | 65.49 | 74.59 | | airplane | 50.46 | 65.97 | | dirt track | 10.97 | 13.47 | | apparel | 45.19 | 58.62 | | pole | 12.84 | 15.44 | | land | 1.91 | 2.7 | | bannister | 6.05 | 7.75 | | escalator | 52.51 | 67.02 | | ottoman | 41.59 | 51.5 | | bottle | 40.63 | 62.81 | | buffet | 41.79 | 49.03 | | poster | 19.76 | 25.39 | | stage | 13.86 | 29.1 | | van | 33.36 | 46.39 | | ship | 25.46 | 28.78 | | fountain | 17.82 | 18.5 | | conveyer belt | 66.1 | 90.98 | | canopy | 34.92 | 41.34 | | washer | 72.32 | 79.27 | | plaything | 27.97 | 41.18 | | swimming pool | 58.59 | 79.01 | | stool | 28.28 | 37.01 | | barrel | 28.22 | 41.77 | | basket | 35.01 | 45.51 | | waterfall | 47.32 | 53.8 | | tent | 80.54 | 97.16 | | bag | 17.2 | 20.54 | | minibike | 64.18 | 83.48 | | cradle | 71.99 | 92.67 | | oven | 45.58 | 54.7 | | ball | 55.49 | 68.02 | | food | 52.71 | 61.81 | | step | 4.96 | 5.41 | | tank | 54.26 | 70.25 | | trade name | 19.21 | 22.62 | | microwave | 68.89 | 74.85 | | pot | 35.3 | 39.06 | | animal | 56.87 | 64.8 | | bicycle | 55.53 | 81.33 | | lake | 16.14 | 19.49 | | dishwasher | 46.46 | 49.75 | | screen | 41.09 | 54.17 | | blanket | 14.74 | 16.9 | | sculpture | 54.33 | 75.01 | | hood | 48.23 | 50.84 | | sconce | 35.69 | 44.38 | | vase | 35.49 | 49.7 | | traffic light | 30.06 | 43.78 | | tray | 9.13 | 10.7 | | ashcan | 42.56 | 53.44 | | fan | 51.67 | 69.53 | | pier | 33.2 | 44.56 | | crt screen | 2.69 | 5.51 | | plate | 48.04 | 60.84 | | monitor | 21.16 | 25.41 | | bulletin board | 43.59 | 56.26 | | shower | 2.13 | 2.64 | | radiator | 59.41 | 67.56 | | glass | 15.32 | 16.62 | | clock | 30.77 | 34.76 | | flag | 43.21 | 51.59 | +---------------------+-------+-------+ 2023-11-10 00:21:59,421 - mmseg - INFO - Summary: 2023-11-10 00:21:59,421 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.13 | 44.96 | 56.21 | +-------+-------+-------+ 2023-11-10 00:21:59,422 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:21:59,422 - mmseg - INFO - Iter(val) [250] aAcc: 0.7913, mIoU: 0.4496, mAcc: 0.5621, IoU.wall: 0.6881, IoU.building: 0.7928, IoU.sky: 0.8894, IoU.floor: 0.7223, IoU.tree: 0.6899, IoU.ceiling: 0.7581, IoU.road: 0.7764, IoU.bed : 0.8221, IoU.windowpane: 0.5761, IoU.grass: 0.6542, IoU.cabinet: 0.5319, IoU.sidewalk: 0.5507, IoU.person: 0.7369, IoU.earth: 0.3338, IoU.door: 0.3850, IoU.table: 0.5288, IoU.mountain: 0.5377, IoU.plant: 0.4908, IoU.curtain: 0.6338, IoU.chair: 0.5190, IoU.car: 0.7762, IoU.water: 0.5511, IoU.painting: 0.6439, IoU.sofa: 0.6555, IoU.shelf: 0.3689, IoU.house: 0.4344, IoU.sea: 0.5949, IoU.mirror: 0.5640, IoU.rug: 0.4591, IoU.field: 0.3398, IoU.armchair: 0.4156, IoU.seat: 0.5460, IoU.fence: 0.3542, IoU.desk: 0.4122, IoU.rock: 0.5005, IoU.wardrobe: 0.4365, IoU.lamp: 0.5496, IoU.bathtub: 0.7010, IoU.railing: 0.3221, IoU.cushion: 0.5620, IoU.base: 0.2709, IoU.box: 0.2705, IoU.column: 0.3375, IoU.signboard: 0.3058, IoU.chest of drawers: 0.3997, IoU.counter: 0.3034, IoU.sand: 0.4285, IoU.sink: 0.6734, IoU.skyscraper: 0.4458, IoU.fireplace: 0.6244, IoU.refrigerator: 0.5453, IoU.grandstand: 0.5114, IoU.path: 0.1551, IoU.stairs: 0.2642, IoU.runway: 0.6400, IoU.case: 0.5301, IoU.pool table: 0.8329, IoU.pillow: 0.5175, IoU.screen door: 0.5036, IoU.stairway: 0.4778, IoU.river: 0.1556, IoU.bridge: 0.4447, IoU.bookcase: 0.3070, IoU.blind: 0.2450, IoU.coffee table: 0.5731, IoU.toilet: 0.7687, IoU.flower: 0.3879, IoU.book: 0.4679, IoU.hill: 0.0546, IoU.bench: 0.4468, IoU.countertop: 0.5038, IoU.stove: 0.6904, IoU.palm: 0.4803, IoU.kitchen island: 0.3630, IoU.computer: 0.6214, IoU.swivel chair: 0.4149, IoU.boat: 0.5729, IoU.bar: 0.5176, IoU.arcade machine: 0.6405, IoU.hovel: 0.3942, IoU.bus: 0.8142, IoU.towel: 0.6391, IoU.light: 0.3145, IoU.truck: 0.3464, IoU.tower: 0.1755, IoU.chandelier: 0.6099, IoU.awning: 0.2552, IoU.streetlight: 0.2136, IoU.booth: 0.3157, IoU.television receiver: 0.6549, IoU.airplane: 0.5046, IoU.dirt track: 0.1097, IoU.apparel: 0.4519, IoU.pole: 0.1284, IoU.land: 0.0191, IoU.bannister: 0.0605, IoU.escalator: 0.5251, IoU.ottoman: 0.4159, IoU.bottle: 0.4063, IoU.buffet: 0.4179, IoU.poster: 0.1976, IoU.stage: 0.1386, IoU.van: 0.3336, IoU.ship: 0.2546, IoU.fountain: 0.1782, IoU.conveyer belt: 0.6610, IoU.canopy: 0.3492, IoU.washer: 0.7232, IoU.plaything: 0.2797, IoU.swimming pool: 0.5859, IoU.stool: 0.2828, IoU.barrel: 0.2822, IoU.basket: 0.3501, IoU.waterfall: 0.4732, IoU.tent: 0.8054, IoU.bag: 0.1720, IoU.minibike: 0.6418, IoU.cradle: 0.7199, IoU.oven: 0.4558, IoU.ball: 0.5549, IoU.food: 0.5271, IoU.step: 0.0496, IoU.tank: 0.5426, IoU.trade name: 0.1921, IoU.microwave: 0.6889, IoU.pot: 0.3530, IoU.animal: 0.5687, IoU.bicycle: 0.5553, IoU.lake: 0.1614, IoU.dishwasher: 0.4646, IoU.screen: 0.4109, IoU.blanket: 0.1474, IoU.sculpture: 0.5433, IoU.hood: 0.4823, IoU.sconce: 0.3569, IoU.vase: 0.3549, IoU.traffic light: 0.3006, IoU.tray: 0.0913, IoU.ashcan: 0.4256, IoU.fan: 0.5167, IoU.pier: 0.3320, IoU.crt screen: 0.0269, IoU.plate: 0.4804, IoU.monitor: 0.2116, IoU.bulletin board: 0.4359, IoU.shower: 0.0213, IoU.radiator: 0.5941, IoU.glass: 0.1532, IoU.clock: 0.3077, IoU.flag: 0.4321, Acc.wall: 0.8487, Acc.building: 0.9163, Acc.sky: 0.9466, Acc.floor: 0.8709, Acc.tree: 0.8442, Acc.ceiling: 0.8732, Acc.road: 0.8774, Acc.bed : 0.9331, Acc.windowpane: 0.7361, Acc.grass: 0.8172, Acc.cabinet: 0.6536, Acc.sidewalk: 0.7153, Acc.person: 0.9111, Acc.earth: 0.4605, Acc.door: 0.4691, Acc.table: 0.6804, Acc.mountain: 0.6636, Acc.plant: 0.5933, Acc.curtain: 0.7450, Acc.chair: 0.6652, Acc.car: 0.9141, Acc.water: 0.7223, Acc.painting: 0.7972, Acc.sofa: 0.8104, Acc.shelf: 0.4997, Acc.house: 0.5411, Acc.sea: 0.7576, Acc.mirror: 0.6806, Acc.rug: 0.4988, Acc.field: 0.5014, Acc.armchair: 0.5733, Acc.seat: 0.7567, Acc.fence: 0.4600, Acc.desk: 0.6244, Acc.rock: 0.6922, Acc.wardrobe: 0.5978, Acc.lamp: 0.6832, Acc.bathtub: 0.7740, Acc.railing: 0.4458, Acc.cushion: 0.6807, Acc.base: 0.4046, Acc.box: 0.3534, Acc.column: 0.3998, Acc.signboard: 0.4745, Acc.chest of drawers: 0.5097, Acc.counter: 0.3738, Acc.sand: 0.5702, Acc.sink: 0.7687, Acc.skyscraper: 0.6095, Acc.fireplace: 0.7965, Acc.refrigerator: 0.6195, Acc.grandstand: 0.7928, Acc.path: 0.2063, Acc.stairs: 0.2996, Acc.runway: 0.8535, Acc.case: 0.6658, Acc.pool table: 0.9468, Acc.pillow: 0.6121, Acc.screen door: 0.5589, Acc.stairway: 0.5974, Acc.river: 0.2486, Acc.bridge: 0.5410, Acc.bookcase: 0.4437, Acc.blind: 0.2718, Acc.coffee table: 0.7826, Acc.toilet: 0.8611, Acc.flower: 0.5516, Acc.book: 0.6735, Acc.hill: 0.0880, Acc.bench: 0.5348, Acc.countertop: 0.6437, Acc.stove: 0.7671, Acc.palm: 0.6377, Acc.kitchen island: 0.5734, Acc.computer: 0.7746, Acc.swivel chair: 0.5405, Acc.boat: 0.7449, Acc.bar: 0.6098, Acc.arcade machine: 0.7241, Acc.hovel: 0.4600, Acc.bus: 0.9035, Acc.towel: 0.7614, Acc.light: 0.3563, Acc.truck: 0.4616, Acc.tower: 0.2713, Acc.chandelier: 0.7460, Acc.awning: 0.3225, Acc.streetlight: 0.2581, Acc.booth: 0.4447, Acc.television receiver: 0.7459, Acc.airplane: 0.6597, Acc.dirt track: 0.1347, Acc.apparel: 0.5862, Acc.pole: 0.1544, Acc.land: 0.0270, Acc.bannister: 0.0775, Acc.escalator: 0.6702, Acc.ottoman: 0.5150, Acc.bottle: 0.6281, Acc.buffet: 0.4903, Acc.poster: 0.2539, Acc.stage: 0.2910, Acc.van: 0.4639, Acc.ship: 0.2878, Acc.fountain: 0.1850, Acc.conveyer belt: 0.9098, Acc.canopy: 0.4134, Acc.washer: 0.7927, Acc.plaything: 0.4118, Acc.swimming pool: 0.7901, Acc.stool: 0.3701, Acc.barrel: 0.4177, Acc.basket: 0.4551, Acc.waterfall: 0.5380, Acc.tent: 0.9716, Acc.bag: 0.2054, Acc.minibike: 0.8348, Acc.cradle: 0.9267, Acc.oven: 0.5470, Acc.ball: 0.6802, Acc.food: 0.6181, Acc.step: 0.0541, Acc.tank: 0.7025, Acc.trade name: 0.2262, Acc.microwave: 0.7485, Acc.pot: 0.3906, Acc.animal: 0.6480, Acc.bicycle: 0.8133, Acc.lake: 0.1949, Acc.dishwasher: 0.4975, Acc.screen: 0.5417, Acc.blanket: 0.1690, Acc.sculpture: 0.7501, Acc.hood: 0.5084, Acc.sconce: 0.4438, Acc.vase: 0.4970, Acc.traffic light: 0.4378, Acc.tray: 0.1070, Acc.ashcan: 0.5344, Acc.fan: 0.6953, Acc.pier: 0.4456, Acc.crt screen: 0.0551, Acc.plate: 0.6084, Acc.monitor: 0.2541, Acc.bulletin board: 0.5626, Acc.shower: 0.0264, Acc.radiator: 0.6756, Acc.glass: 0.1662, Acc.clock: 0.3476, Acc.flag: 0.5159 2023-11-10 00:22:10,057 - mmseg - INFO - Iter [20050/80000] lr: 2.998e-05, eta: 4:46:02, time: 1.129, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5943, decode.acc_seg: 78.6779, loss: 0.5943 2023-11-10 00:22:20,614 - mmseg - INFO - Iter [20100/80000] lr: 2.995e-05, eta: 4:45:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5833, decode.acc_seg: 78.8219, loss: 0.5833 2023-11-10 00:22:31,152 - mmseg - INFO - Iter [20150/80000] lr: 2.993e-05, eta: 4:45:11, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6233, decode.acc_seg: 77.7112, loss: 0.6233 2023-11-10 00:22:41,707 - mmseg - INFO - Iter [20200/80000] lr: 2.990e-05, eta: 4:44:46, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5905, decode.acc_seg: 78.1325, loss: 0.5905 2023-11-10 00:22:54,579 - mmseg - INFO - Iter [20250/80000] lr: 2.988e-05, eta: 4:44:27, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.6071, decode.acc_seg: 78.0273, loss: 0.6071 2023-11-10 00:23:05,106 - mmseg - INFO - Iter [20300/80000] lr: 2.985e-05, eta: 4:44:02, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6134, decode.acc_seg: 77.6456, loss: 0.6134 2023-11-10 00:23:15,660 - mmseg - INFO - Iter [20350/80000] lr: 2.983e-05, eta: 4:43:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6109, decode.acc_seg: 77.4810, loss: 0.6109 2023-11-10 00:23:26,181 - mmseg - INFO - Iter [20400/80000] lr: 2.980e-05, eta: 4:43:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5795, decode.acc_seg: 78.4175, loss: 0.5795 2023-11-10 00:23:36,691 - mmseg - INFO - Iter [20450/80000] lr: 2.978e-05, eta: 4:42:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6091, decode.acc_seg: 77.6965, loss: 0.6091 2023-11-10 00:23:47,191 - mmseg - INFO - Iter [20500/80000] lr: 2.975e-05, eta: 4:42:21, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5839, decode.acc_seg: 78.2795, loss: 0.5839 2023-11-10 00:23:57,699 - mmseg - INFO - Iter [20550/80000] lr: 2.973e-05, eta: 4:41:56, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6023, decode.acc_seg: 78.0322, loss: 0.6023 2023-11-10 00:24:09,267 - mmseg - INFO - Iter [20600/80000] lr: 2.970e-05, eta: 4:41:34, time: 0.231, data_time: 0.023, memory: 16310, decode.loss_ce: 0.5998, decode.acc_seg: 78.3059, loss: 0.5998 2023-11-10 00:24:19,771 - mmseg - INFO - Iter [20650/80000] lr: 2.968e-05, eta: 4:41:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5994, decode.acc_seg: 78.2632, loss: 0.5994 2023-11-10 00:24:30,275 - mmseg - INFO - Iter [20700/80000] lr: 2.965e-05, eta: 4:40:45, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5988, decode.acc_seg: 77.9500, loss: 0.5988 2023-11-10 00:24:41,609 - mmseg - INFO - Iter [20750/80000] lr: 2.963e-05, eta: 4:40:22, time: 0.227, data_time: 0.023, memory: 16310, decode.loss_ce: 0.5881, decode.acc_seg: 78.4310, loss: 0.5881 2023-11-10 00:24:52,095 - mmseg - INFO - Iter [20800/80000] lr: 2.960e-05, eta: 4:39:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5595, decode.acc_seg: 79.0760, loss: 0.5595 2023-11-10 00:25:02,952 - mmseg - INFO - Iter [20850/80000] lr: 2.958e-05, eta: 4:39:34, time: 0.217, data_time: 0.012, memory: 16310, decode.loss_ce: 0.5681, decode.acc_seg: 79.1435, loss: 0.5681 2023-11-10 00:25:13,450 - mmseg - INFO - Iter [20900/80000] lr: 2.955e-05, eta: 4:39:09, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5998, decode.acc_seg: 77.9542, loss: 0.5998 2023-11-10 00:25:24,400 - mmseg - INFO - Iter [20950/80000] lr: 2.953e-05, eta: 4:38:46, time: 0.219, data_time: 0.014, memory: 16310, decode.loss_ce: 0.5991, decode.acc_seg: 78.1981, loss: 0.5991 2023-11-10 00:25:34,889 - mmseg - INFO - Saving checkpoint at 21000 iterations 2023-11-10 00:25:59,868 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:25:59,868 - mmseg - INFO - Iter [21000/80000] lr: 2.950e-05, eta: 4:39:32, time: 0.709, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5770, decode.acc_seg: 78.7775, loss: 0.5770 2023-11-10 00:26:46,362 - mmseg - INFO - per class results: 2023-11-10 00:26:46,367 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.91 | 84.55 | | building | 78.96 | 92.19 | | sky | 88.97 | 94.73 | | floor | 72.62 | 86.34 | | tree | 68.71 | 84.47 | | ceiling | 75.93 | 86.4 | | road | 77.52 | 88.53 | | bed | 82.64 | 92.89 | | windowpane | 57.81 | 74.46 | | grass | 65.39 | 79.5 | | cabinet | 53.68 | 66.94 | | sidewalk | 54.87 | 69.85 | | person | 73.84 | 91.03 | | earth | 33.48 | 46.37 | | door | 39.58 | 49.38 | | table | 52.79 | 66.63 | | mountain | 53.57 | 67.11 | | plant | 49.16 | 59.48 | | curtain | 63.24 | 74.39 | | chair | 52.09 | 68.06 | | car | 77.58 | 91.5 | | water | 53.4 | 69.17 | | painting | 64.84 | 80.3 | | sofa | 65.82 | 80.91 | | shelf | 37.55 | 51.79 | | house | 43.34 | 55.59 | | sea | 59.4 | 79.89 | | mirror | 56.17 | 66.53 | | rug | 45.74 | 49.57 | | field | 34.62 | 55.05 | | armchair | 41.41 | 56.67 | | seat | 54.08 | 75.52 | | fence | 37.65 | 50.69 | | desk | 40.53 | 65.34 | | rock | 49.96 | 67.42 | | wardrobe | 43.25 | 56.4 | | lamp | 55.14 | 69.23 | | bathtub | 70.26 | 76.95 | | railing | 31.61 | 41.75 | | cushion | 56.29 | 67.41 | | base | 27.35 | 40.76 | | box | 26.01 | 32.82 | | column | 33.76 | 40.05 | | signboard | 30.59 | 46.78 | | chest of drawers | 39.78 | 54.11 | | counter | 33.91 | 43.8 | | sand | 42.6 | 55.24 | | sink | 67.34 | 75.77 | | skyscraper | 44.96 | 59.82 | | fireplace | 61.93 | 77.95 | | refrigerator | 53.36 | 59.66 | | grandstand | 51.32 | 79.83 | | path | 16.67 | 22.63 | | stairs | 27.31 | 31.32 | | runway | 64.44 | 85.34 | | case | 52.08 | 67.45 | | pool table | 83.43 | 94.85 | | pillow | 52.67 | 63.15 | | screen door | 49.64 | 54.23 | | stairway | 47.38 | 58.87 | | river | 17.56 | 29.18 | | bridge | 42.86 | 52.13 | | bookcase | 31.22 | 43.0 | | blind | 25.86 | 28.85 | | coffee table | 57.07 | 78.88 | | toilet | 76.99 | 87.1 | | flower | 38.95 | 52.44 | | book | 47.13 | 69.48 | | hill | 5.43 | 9.23 | | bench | 45.0 | 54.15 | | countertop | 50.5 | 65.08 | | stove | 69.32 | 77.37 | | palm | 47.69 | 62.6 | | kitchen island | 36.3 | 56.1 | | computer | 62.23 | 80.11 | | swivel chair | 42.27 | 58.55 | | boat | 58.47 | 75.46 | | bar | 52.19 | 62.16 | | arcade machine | 62.73 | 71.2 | | hovel | 32.01 | 36.02 | | bus | 81.7 | 89.94 | | towel | 64.54 | 77.66 | | light | 33.94 | 39.34 | | truck | 34.44 | 46.56 | | tower | 19.6 | 31.86 | | chandelier | 61.23 | 75.12 | | awning | 22.83 | 28.47 | | streetlight | 20.82 | 25.07 | | booth | 33.0 | 46.67 | | television receiver | 65.05 | 73.14 | | airplane | 52.12 | 65.44 | | dirt track | 14.33 | 22.34 | | apparel | 46.25 | 59.62 | | pole | 11.56 | 13.55 | | land | 1.59 | 2.22 | | bannister | 6.89 | 8.97 | | escalator | 54.31 | 70.61 | | ottoman | 42.48 | 51.5 | | bottle | 40.69 | 65.82 | | buffet | 40.75 | 46.8 | | poster | 21.01 | 27.29 | | stage | 14.27 | 29.31 | | van | 31.47 | 41.33 | | ship | 26.21 | 29.15 | | fountain | 15.42 | 15.84 | | conveyer belt | 63.12 | 93.14 | | canopy | 32.09 | 36.83 | | washer | 74.31 | 83.58 | | plaything | 27.62 | 38.16 | | swimming pool | 58.5 | 79.92 | | stool | 28.42 | 36.87 | | barrel | 28.01 | 39.07 | | basket | 35.13 | 45.04 | | waterfall | 47.56 | 53.8 | | tent | 78.77 | 97.78 | | bag | 16.09 | 18.52 | | minibike | 64.19 | 85.3 | | cradle | 71.53 | 93.64 | | oven | 44.13 | 52.03 | | ball | 53.44 | 71.82 | | food | 51.9 | 60.54 | | step | 5.65 | 6.39 | | tank | 54.92 | 72.58 | | trade name | 16.26 | 18.2 | | microwave | 70.12 | 76.59 | | pot | 37.41 | 42.53 | | animal | 58.85 | 68.16 | | bicycle | 55.41 | 77.95 | | lake | 17.04 | 18.34 | | dishwasher | 47.99 | 52.21 | | screen | 42.07 | 56.05 | | blanket | 16.33 | 19.03 | | sculpture | 54.07 | 76.2 | | hood | 49.43 | 52.79 | | sconce | 39.03 | 50.79 | | vase | 35.94 | 50.99 | | traffic light | 29.95 | 44.34 | | tray | 9.29 | 11.11 | | ashcan | 42.35 | 53.53 | | fan | 50.74 | 65.29 | | pier | 33.99 | 44.65 | | crt screen | 3.29 | 6.78 | | plate | 49.12 | 63.16 | | monitor | 19.35 | 21.32 | | bulletin board | 44.07 | 54.26 | | shower | 2.33 | 4.15 | | radiator | 59.39 | 66.03 | | glass | 16.42 | 18.1 | | clock | 29.9 | 32.37 | | flag | 41.81 | 48.34 | +---------------------+-------+-------+ 2023-11-10 00:26:46,367 - mmseg - INFO - Summary: 2023-11-10 00:26:46,367 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.14 | 45.03 | 56.44 | +-------+-------+-------+ 2023-11-10 00:26:46,368 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:26:46,368 - mmseg - INFO - Iter(val) [250] aAcc: 0.7914, mIoU: 0.4503, mAcc: 0.5644, IoU.wall: 0.6891, IoU.building: 0.7896, IoU.sky: 0.8897, IoU.floor: 0.7262, IoU.tree: 0.6871, IoU.ceiling: 0.7593, IoU.road: 0.7752, IoU.bed : 0.8264, IoU.windowpane: 0.5781, IoU.grass: 0.6539, IoU.cabinet: 0.5368, IoU.sidewalk: 0.5487, IoU.person: 0.7384, IoU.earth: 0.3348, IoU.door: 0.3958, IoU.table: 0.5279, IoU.mountain: 0.5357, IoU.plant: 0.4916, IoU.curtain: 0.6324, IoU.chair: 0.5209, IoU.car: 0.7758, IoU.water: 0.5340, IoU.painting: 0.6484, IoU.sofa: 0.6582, IoU.shelf: 0.3755, IoU.house: 0.4334, IoU.sea: 0.5940, IoU.mirror: 0.5617, IoU.rug: 0.4574, IoU.field: 0.3462, IoU.armchair: 0.4141, IoU.seat: 0.5408, IoU.fence: 0.3765, IoU.desk: 0.4053, IoU.rock: 0.4996, IoU.wardrobe: 0.4325, IoU.lamp: 0.5514, IoU.bathtub: 0.7026, IoU.railing: 0.3161, IoU.cushion: 0.5629, IoU.base: 0.2735, IoU.box: 0.2601, IoU.column: 0.3376, IoU.signboard: 0.3059, IoU.chest of drawers: 0.3978, IoU.counter: 0.3391, IoU.sand: 0.4260, IoU.sink: 0.6734, IoU.skyscraper: 0.4496, IoU.fireplace: 0.6193, IoU.refrigerator: 0.5336, IoU.grandstand: 0.5132, IoU.path: 0.1667, IoU.stairs: 0.2731, IoU.runway: 0.6444, IoU.case: 0.5208, IoU.pool table: 0.8343, IoU.pillow: 0.5267, IoU.screen door: 0.4964, IoU.stairway: 0.4738, IoU.river: 0.1756, IoU.bridge: 0.4286, IoU.bookcase: 0.3122, IoU.blind: 0.2586, IoU.coffee table: 0.5707, IoU.toilet: 0.7699, IoU.flower: 0.3895, IoU.book: 0.4713, IoU.hill: 0.0543, IoU.bench: 0.4500, IoU.countertop: 0.5050, IoU.stove: 0.6932, IoU.palm: 0.4769, IoU.kitchen island: 0.3630, IoU.computer: 0.6223, IoU.swivel chair: 0.4227, IoU.boat: 0.5847, IoU.bar: 0.5219, IoU.arcade machine: 0.6273, IoU.hovel: 0.3201, IoU.bus: 0.8170, IoU.towel: 0.6454, IoU.light: 0.3394, IoU.truck: 0.3444, IoU.tower: 0.1960, IoU.chandelier: 0.6123, IoU.awning: 0.2283, IoU.streetlight: 0.2082, IoU.booth: 0.3300, IoU.television receiver: 0.6505, IoU.airplane: 0.5212, IoU.dirt track: 0.1433, IoU.apparel: 0.4625, IoU.pole: 0.1156, IoU.land: 0.0159, IoU.bannister: 0.0689, IoU.escalator: 0.5431, IoU.ottoman: 0.4248, IoU.bottle: 0.4069, IoU.buffet: 0.4075, IoU.poster: 0.2101, IoU.stage: 0.1427, IoU.van: 0.3147, IoU.ship: 0.2621, IoU.fountain: 0.1542, IoU.conveyer belt: 0.6312, IoU.canopy: 0.3209, IoU.washer: 0.7431, IoU.plaything: 0.2762, IoU.swimming pool: 0.5850, IoU.stool: 0.2842, IoU.barrel: 0.2801, IoU.basket: 0.3513, IoU.waterfall: 0.4756, IoU.tent: 0.7877, IoU.bag: 0.1609, IoU.minibike: 0.6419, IoU.cradle: 0.7153, IoU.oven: 0.4413, IoU.ball: 0.5344, IoU.food: 0.5190, IoU.step: 0.0565, IoU.tank: 0.5492, IoU.trade name: 0.1626, IoU.microwave: 0.7012, IoU.pot: 0.3741, IoU.animal: 0.5885, IoU.bicycle: 0.5541, IoU.lake: 0.1704, IoU.dishwasher: 0.4799, IoU.screen: 0.4207, IoU.blanket: 0.1633, IoU.sculpture: 0.5407, IoU.hood: 0.4943, IoU.sconce: 0.3903, IoU.vase: 0.3594, IoU.traffic light: 0.2995, IoU.tray: 0.0929, IoU.ashcan: 0.4235, IoU.fan: 0.5074, IoU.pier: 0.3399, IoU.crt screen: 0.0329, IoU.plate: 0.4912, IoU.monitor: 0.1935, IoU.bulletin board: 0.4407, IoU.shower: 0.0233, IoU.radiator: 0.5939, IoU.glass: 0.1642, IoU.clock: 0.2990, IoU.flag: 0.4181, Acc.wall: 0.8455, Acc.building: 0.9219, Acc.sky: 0.9473, Acc.floor: 0.8634, Acc.tree: 0.8447, Acc.ceiling: 0.8640, Acc.road: 0.8853, Acc.bed : 0.9289, Acc.windowpane: 0.7446, Acc.grass: 0.7950, Acc.cabinet: 0.6694, Acc.sidewalk: 0.6985, Acc.person: 0.9103, Acc.earth: 0.4637, Acc.door: 0.4938, Acc.table: 0.6663, Acc.mountain: 0.6711, Acc.plant: 0.5948, Acc.curtain: 0.7439, Acc.chair: 0.6806, Acc.car: 0.9150, Acc.water: 0.6917, Acc.painting: 0.8030, Acc.sofa: 0.8091, Acc.shelf: 0.5179, Acc.house: 0.5559, Acc.sea: 0.7989, Acc.mirror: 0.6653, Acc.rug: 0.4957, Acc.field: 0.5505, Acc.armchair: 0.5667, Acc.seat: 0.7552, Acc.fence: 0.5069, Acc.desk: 0.6534, Acc.rock: 0.6742, Acc.wardrobe: 0.5640, Acc.lamp: 0.6923, Acc.bathtub: 0.7695, Acc.railing: 0.4175, Acc.cushion: 0.6741, Acc.base: 0.4076, Acc.box: 0.3282, Acc.column: 0.4005, Acc.signboard: 0.4678, Acc.chest of drawers: 0.5411, Acc.counter: 0.4380, Acc.sand: 0.5524, Acc.sink: 0.7577, Acc.skyscraper: 0.5982, Acc.fireplace: 0.7795, Acc.refrigerator: 0.5966, Acc.grandstand: 0.7983, Acc.path: 0.2263, Acc.stairs: 0.3132, Acc.runway: 0.8534, Acc.case: 0.6745, Acc.pool table: 0.9485, Acc.pillow: 0.6315, Acc.screen door: 0.5423, Acc.stairway: 0.5887, Acc.river: 0.2918, Acc.bridge: 0.5213, Acc.bookcase: 0.4300, Acc.blind: 0.2885, Acc.coffee table: 0.7888, Acc.toilet: 0.8710, Acc.flower: 0.5244, Acc.book: 0.6948, Acc.hill: 0.0923, Acc.bench: 0.5415, Acc.countertop: 0.6508, Acc.stove: 0.7737, Acc.palm: 0.6260, Acc.kitchen island: 0.5610, Acc.computer: 0.8011, Acc.swivel chair: 0.5855, Acc.boat: 0.7546, Acc.bar: 0.6216, Acc.arcade machine: 0.7120, Acc.hovel: 0.3602, Acc.bus: 0.8994, Acc.towel: 0.7766, Acc.light: 0.3934, Acc.truck: 0.4656, Acc.tower: 0.3186, Acc.chandelier: 0.7512, Acc.awning: 0.2847, Acc.streetlight: 0.2507, Acc.booth: 0.4667, Acc.television receiver: 0.7314, Acc.airplane: 0.6544, Acc.dirt track: 0.2234, Acc.apparel: 0.5962, Acc.pole: 0.1355, Acc.land: 0.0222, Acc.bannister: 0.0897, Acc.escalator: 0.7061, Acc.ottoman: 0.5150, Acc.bottle: 0.6582, Acc.buffet: 0.4680, Acc.poster: 0.2729, Acc.stage: 0.2931, Acc.van: 0.4133, Acc.ship: 0.2915, Acc.fountain: 0.1584, Acc.conveyer belt: 0.9314, Acc.canopy: 0.3683, Acc.washer: 0.8358, Acc.plaything: 0.3816, Acc.swimming pool: 0.7992, Acc.stool: 0.3687, Acc.barrel: 0.3907, Acc.basket: 0.4504, Acc.waterfall: 0.5380, Acc.tent: 0.9778, Acc.bag: 0.1852, Acc.minibike: 0.8530, Acc.cradle: 0.9364, Acc.oven: 0.5203, Acc.ball: 0.7182, Acc.food: 0.6054, Acc.step: 0.0639, Acc.tank: 0.7258, Acc.trade name: 0.1820, Acc.microwave: 0.7659, Acc.pot: 0.4253, Acc.animal: 0.6816, Acc.bicycle: 0.7795, Acc.lake: 0.1834, Acc.dishwasher: 0.5221, Acc.screen: 0.5605, Acc.blanket: 0.1903, Acc.sculpture: 0.7620, Acc.hood: 0.5279, Acc.sconce: 0.5079, Acc.vase: 0.5099, Acc.traffic light: 0.4434, Acc.tray: 0.1111, Acc.ashcan: 0.5353, Acc.fan: 0.6529, Acc.pier: 0.4465, Acc.crt screen: 0.0678, Acc.plate: 0.6316, Acc.monitor: 0.2132, Acc.bulletin board: 0.5426, Acc.shower: 0.0415, Acc.radiator: 0.6603, Acc.glass: 0.1810, Acc.clock: 0.3237, Acc.flag: 0.4834 2023-11-10 00:26:56,983 - mmseg - INFO - Iter [21050/80000] lr: 2.948e-05, eta: 4:41:18, time: 1.142, data_time: 0.937, memory: 16310, decode.loss_ce: 0.6020, decode.acc_seg: 77.5988, loss: 0.6020 2023-11-10 00:27:07,554 - mmseg - INFO - Iter [21100/80000] lr: 2.945e-05, eta: 4:40:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6016, decode.acc_seg: 77.9214, loss: 0.6016 2023-11-10 00:27:18,094 - mmseg - INFO - Iter [21150/80000] lr: 2.943e-05, eta: 4:40:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5907, decode.acc_seg: 78.6778, loss: 0.5907 2023-11-10 00:27:28,639 - mmseg - INFO - Iter [21200/80000] lr: 2.940e-05, eta: 4:40:03, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6118, decode.acc_seg: 76.9423, loss: 0.6118 2023-11-10 00:27:39,161 - mmseg - INFO - Iter [21250/80000] lr: 2.938e-05, eta: 4:39:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6202, decode.acc_seg: 77.1443, loss: 0.6202 2023-11-10 00:27:49,684 - mmseg - INFO - Iter [21300/80000] lr: 2.935e-05, eta: 4:39:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6082, decode.acc_seg: 77.3386, loss: 0.6082 2023-11-10 00:28:00,208 - mmseg - INFO - Iter [21350/80000] lr: 2.933e-05, eta: 4:38:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5785, decode.acc_seg: 78.5596, loss: 0.5785 2023-11-10 00:28:12,863 - mmseg - INFO - Iter [21400/80000] lr: 2.930e-05, eta: 4:38:31, time: 0.253, data_time: 0.040, memory: 16310, decode.loss_ce: 0.5888, decode.acc_seg: 78.4536, loss: 0.5888 2023-11-10 00:28:23,389 - mmseg - INFO - Iter [21450/80000] lr: 2.928e-05, eta: 4:38:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6162, decode.acc_seg: 77.5065, loss: 0.6162 2023-11-10 00:28:38,654 - mmseg - INFO - Iter [21500/80000] lr: 2.925e-05, eta: 4:37:55, time: 0.305, data_time: 0.099, memory: 16310, decode.loss_ce: 0.6023, decode.acc_seg: 77.6402, loss: 0.6023 2023-11-10 00:28:49,175 - mmseg - INFO - Iter [21550/80000] lr: 2.923e-05, eta: 4:37:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5844, decode.acc_seg: 78.9825, loss: 0.5844 2023-11-10 00:28:59,690 - mmseg - INFO - Iter [21600/80000] lr: 2.920e-05, eta: 4:37:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5905, decode.acc_seg: 77.9294, loss: 0.5905 2023-11-10 00:29:10,192 - mmseg - INFO - Iter [21650/80000] lr: 2.918e-05, eta: 4:36:42, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5808, decode.acc_seg: 78.4247, loss: 0.5808 2023-11-10 00:29:20,712 - mmseg - INFO - Iter [21700/80000] lr: 2.915e-05, eta: 4:36:18, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5915, decode.acc_seg: 77.7519, loss: 0.5915 2023-11-10 00:29:31,226 - mmseg - INFO - Iter [21750/80000] lr: 2.913e-05, eta: 4:35:54, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5806, decode.acc_seg: 78.0745, loss: 0.5806 2023-11-10 00:29:41,732 - mmseg - INFO - Iter [21800/80000] lr: 2.910e-05, eta: 4:35:29, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5893, decode.acc_seg: 77.7284, loss: 0.5893 2023-11-10 00:29:52,262 - mmseg - INFO - Iter [21850/80000] lr: 2.908e-05, eta: 4:35:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6051, decode.acc_seg: 78.1458, loss: 0.6051 2023-11-10 00:30:02,784 - mmseg - INFO - Iter [21900/80000] lr: 2.905e-05, eta: 4:34:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5762, decode.acc_seg: 78.6549, loss: 0.5762 2023-11-10 00:30:13,303 - mmseg - INFO - Iter [21950/80000] lr: 2.903e-05, eta: 4:34:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5619, decode.acc_seg: 78.8711, loss: 0.5619 2023-11-10 00:30:23,822 - mmseg - INFO - Saving checkpoint at 22000 iterations 2023-11-10 00:30:48,265 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:30:48,265 - mmseg - INFO - Iter [22000/80000] lr: 2.900e-05, eta: 4:34:58, time: 0.699, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6095, decode.acc_seg: 77.5976, loss: 0.6095 2023-11-10 00:31:34,008 - mmseg - INFO - per class results: 2023-11-10 00:31:34,013 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.91 | 84.95 | | building | 79.07 | 91.64 | | sky | 88.89 | 95.1 | | floor | 72.71 | 85.76 | | tree | 68.64 | 83.9 | | ceiling | 75.81 | 86.1 | | road | 77.59 | 88.39 | | bed | 82.32 | 93.56 | | windowpane | 57.62 | 74.52 | | grass | 66.28 | 81.31 | | cabinet | 53.3 | 69.27 | | sidewalk | 55.19 | 71.31 | | person | 74.34 | 90.45 | | earth | 33.81 | 45.27 | | door | 39.42 | 48.52 | | table | 52.74 | 67.01 | | mountain | 54.14 | 69.48 | | plant | 49.17 | 59.06 | | curtain | 62.44 | 73.6 | | chair | 52.58 | 68.18 | | car | 77.71 | 91.47 | | water | 55.07 | 72.41 | | painting | 64.81 | 80.24 | | sofa | 65.61 | 82.36 | | shelf | 37.59 | 50.67 | | house | 45.67 | 64.2 | | sea | 60.17 | 76.18 | | mirror | 56.71 | 67.88 | | rug | 48.18 | 53.47 | | field | 35.05 | 51.41 | | armchair | 40.34 | 52.9 | | seat | 55.24 | 75.31 | | fence | 37.06 | 48.96 | | desk | 40.75 | 64.67 | | rock | 49.72 | 64.71 | | wardrobe | 44.34 | 61.4 | | lamp | 54.91 | 68.0 | | bathtub | 70.92 | 80.28 | | railing | 32.1 | 42.91 | | cushion | 56.21 | 67.66 | | base | 26.81 | 37.55 | | box | 26.91 | 34.69 | | column | 33.62 | 39.83 | | signboard | 30.54 | 45.04 | | chest of drawers | 39.2 | 49.15 | | counter | 31.26 | 39.69 | | sand | 42.13 | 56.05 | | sink | 67.46 | 77.25 | | skyscraper | 44.08 | 61.11 | | fireplace | 61.54 | 80.95 | | refrigerator | 54.98 | 62.74 | | grandstand | 54.09 | 78.15 | | path | 15.63 | 20.51 | | stairs | 28.61 | 32.36 | | runway | 63.93 | 84.44 | | case | 53.55 | 64.74 | | pool table | 83.53 | 95.29 | | pillow | 53.42 | 64.1 | | screen door | 53.68 | 61.64 | | stairway | 50.33 | 62.02 | | river | 15.31 | 24.88 | | bridge | 42.37 | 49.9 | | bookcase | 29.96 | 39.32 | | blind | 20.45 | 22.66 | | coffee table | 57.12 | 78.49 | | toilet | 77.29 | 86.76 | | flower | 39.61 | 53.73 | | book | 47.55 | 69.59 | | hill | 5.71 | 9.16 | | bench | 45.11 | 53.92 | | countertop | 51.15 | 64.33 | | stove | 68.91 | 77.27 | | palm | 47.32 | 62.05 | | kitchen island | 36.1 | 59.83 | | computer | 62.58 | 78.27 | | swivel chair | 42.84 | 55.17 | | boat | 58.19 | 75.34 | | bar | 50.43 | 61.15 | | arcade machine | 64.48 | 74.81 | | hovel | 28.85 | 32.38 | | bus | 82.07 | 89.77 | | towel | 64.06 | 75.14 | | light | 33.74 | 39.13 | | truck | 34.28 | 49.0 | | tower | 16.34 | 24.37 | | chandelier | 61.68 | 76.58 | | awning | 23.98 | 29.81 | | streetlight | 21.22 | 25.76 | | booth | 32.45 | 41.43 | | television receiver | 64.72 | 72.25 | | airplane | 51.61 | 65.91 | | dirt track | 13.8 | 18.99 | | apparel | 43.76 | 53.42 | | pole | 12.32 | 14.73 | | land | 1.69 | 2.14 | | bannister | 5.85 | 7.58 | | escalator | 51.26 | 63.99 | | ottoman | 42.35 | 51.48 | | bottle | 40.81 | 64.47 | | buffet | 38.96 | 44.05 | | poster | 20.46 | 25.9 | | stage | 14.4 | 28.92 | | van | 35.09 | 49.4 | | ship | 24.71 | 27.25 | | fountain | 16.21 | 16.61 | | conveyer belt | 63.49 | 92.41 | | canopy | 31.9 | 37.33 | | washer | 74.28 | 82.32 | | plaything | 27.15 | 38.14 | | swimming pool | 58.69 | 80.63 | | stool | 27.84 | 33.54 | | barrel | 28.61 | 39.64 | | basket | 35.07 | 45.84 | | waterfall | 45.83 | 51.56 | | tent | 77.04 | 97.9 | | bag | 15.97 | 18.35 | | minibike | 64.73 | 84.1 | | cradle | 72.65 | 92.86 | | oven | 44.27 | 52.76 | | ball | 54.81 | 65.36 | | food | 56.68 | 69.46 | | step | 5.31 | 5.88 | | tank | 55.45 | 74.64 | | trade name | 17.4 | 19.49 | | microwave | 70.11 | 75.85 | | pot | 37.38 | 41.92 | | animal | 55.09 | 61.51 | | bicycle | 54.6 | 74.56 | | lake | 16.7 | 18.95 | | dishwasher | 46.68 | 49.87 | | screen | 42.99 | 57.41 | | blanket | 15.89 | 18.48 | | sculpture | 55.32 | 74.9 | | hood | 50.78 | 54.79 | | sconce | 38.24 | 47.98 | | vase | 35.64 | 49.9 | | traffic light | 29.92 | 40.6 | | tray | 10.73 | 13.08 | | ashcan | 42.29 | 52.74 | | fan | 50.98 | 65.7 | | pier | 33.76 | 44.52 | | crt screen | 2.89 | 6.08 | | plate | 48.92 | 61.98 | | monitor | 15.33 | 16.65 | | bulletin board | 43.53 | 57.77 | | shower | 2.81 | 3.13 | | radiator | 59.81 | 67.36 | | glass | 16.26 | 17.91 | | clock | 31.6 | 35.58 | | flag | 42.16 | 49.42 | +---------------------+-------+-------+ 2023-11-10 00:31:34,014 - mmseg - INFO - Summary: 2023-11-10 00:31:34,014 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.23 | 45.03 | 56.13 | +-------+-------+-------+ 2023-11-10 00:31:34,015 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:31:34,015 - mmseg - INFO - Iter(val) [250] aAcc: 0.7923, mIoU: 0.4503, mAcc: 0.5613, IoU.wall: 0.6891, IoU.building: 0.7907, IoU.sky: 0.8889, IoU.floor: 0.7271, IoU.tree: 0.6864, IoU.ceiling: 0.7581, IoU.road: 0.7759, IoU.bed : 0.8232, IoU.windowpane: 0.5762, IoU.grass: 0.6628, IoU.cabinet: 0.5330, IoU.sidewalk: 0.5519, IoU.person: 0.7434, IoU.earth: 0.3381, IoU.door: 0.3942, IoU.table: 0.5274, IoU.mountain: 0.5414, IoU.plant: 0.4917, IoU.curtain: 0.6244, IoU.chair: 0.5258, IoU.car: 0.7771, IoU.water: 0.5507, IoU.painting: 0.6481, IoU.sofa: 0.6561, IoU.shelf: 0.3759, IoU.house: 0.4567, IoU.sea: 0.6017, IoU.mirror: 0.5671, IoU.rug: 0.4818, IoU.field: 0.3505, IoU.armchair: 0.4034, IoU.seat: 0.5524, IoU.fence: 0.3706, IoU.desk: 0.4075, IoU.rock: 0.4972, IoU.wardrobe: 0.4434, IoU.lamp: 0.5491, IoU.bathtub: 0.7092, IoU.railing: 0.3210, IoU.cushion: 0.5621, IoU.base: 0.2681, IoU.box: 0.2691, IoU.column: 0.3362, IoU.signboard: 0.3054, IoU.chest of drawers: 0.3920, IoU.counter: 0.3126, IoU.sand: 0.4213, IoU.sink: 0.6746, IoU.skyscraper: 0.4408, IoU.fireplace: 0.6154, IoU.refrigerator: 0.5498, IoU.grandstand: 0.5409, IoU.path: 0.1563, IoU.stairs: 0.2861, IoU.runway: 0.6393, IoU.case: 0.5355, IoU.pool table: 0.8353, IoU.pillow: 0.5342, IoU.screen door: 0.5368, IoU.stairway: 0.5033, IoU.river: 0.1531, IoU.bridge: 0.4237, IoU.bookcase: 0.2996, IoU.blind: 0.2045, IoU.coffee table: 0.5712, IoU.toilet: 0.7729, IoU.flower: 0.3961, IoU.book: 0.4755, IoU.hill: 0.0571, IoU.bench: 0.4511, IoU.countertop: 0.5115, IoU.stove: 0.6891, IoU.palm: 0.4732, IoU.kitchen island: 0.3610, IoU.computer: 0.6258, IoU.swivel chair: 0.4284, IoU.boat: 0.5819, IoU.bar: 0.5043, IoU.arcade machine: 0.6448, IoU.hovel: 0.2885, IoU.bus: 0.8207, IoU.towel: 0.6406, IoU.light: 0.3374, IoU.truck: 0.3428, IoU.tower: 0.1634, IoU.chandelier: 0.6168, IoU.awning: 0.2398, IoU.streetlight: 0.2122, IoU.booth: 0.3245, IoU.television receiver: 0.6472, IoU.airplane: 0.5161, IoU.dirt track: 0.1380, IoU.apparel: 0.4376, IoU.pole: 0.1232, IoU.land: 0.0169, IoU.bannister: 0.0585, IoU.escalator: 0.5126, IoU.ottoman: 0.4235, IoU.bottle: 0.4081, IoU.buffet: 0.3896, IoU.poster: 0.2046, IoU.stage: 0.1440, IoU.van: 0.3509, IoU.ship: 0.2471, IoU.fountain: 0.1621, IoU.conveyer belt: 0.6349, IoU.canopy: 0.3190, IoU.washer: 0.7428, IoU.plaything: 0.2715, IoU.swimming pool: 0.5869, IoU.stool: 0.2784, IoU.barrel: 0.2861, IoU.basket: 0.3507, IoU.waterfall: 0.4583, IoU.tent: 0.7704, IoU.bag: 0.1597, IoU.minibike: 0.6473, IoU.cradle: 0.7265, IoU.oven: 0.4427, IoU.ball: 0.5481, IoU.food: 0.5668, IoU.step: 0.0531, IoU.tank: 0.5545, IoU.trade name: 0.1740, IoU.microwave: 0.7011, IoU.pot: 0.3738, IoU.animal: 0.5509, IoU.bicycle: 0.5460, IoU.lake: 0.1670, IoU.dishwasher: 0.4668, IoU.screen: 0.4299, IoU.blanket: 0.1589, IoU.sculpture: 0.5532, IoU.hood: 0.5078, IoU.sconce: 0.3824, IoU.vase: 0.3564, IoU.traffic light: 0.2992, IoU.tray: 0.1073, IoU.ashcan: 0.4229, IoU.fan: 0.5098, IoU.pier: 0.3376, IoU.crt screen: 0.0289, IoU.plate: 0.4892, IoU.monitor: 0.1533, IoU.bulletin board: 0.4353, IoU.shower: 0.0281, IoU.radiator: 0.5981, IoU.glass: 0.1626, IoU.clock: 0.3160, IoU.flag: 0.4216, Acc.wall: 0.8495, Acc.building: 0.9164, Acc.sky: 0.9510, Acc.floor: 0.8576, Acc.tree: 0.8390, Acc.ceiling: 0.8610, Acc.road: 0.8839, Acc.bed : 0.9356, Acc.windowpane: 0.7452, Acc.grass: 0.8131, Acc.cabinet: 0.6927, Acc.sidewalk: 0.7131, Acc.person: 0.9045, Acc.earth: 0.4527, Acc.door: 0.4852, Acc.table: 0.6701, Acc.mountain: 0.6948, Acc.plant: 0.5906, Acc.curtain: 0.7360, Acc.chair: 0.6818, Acc.car: 0.9147, Acc.water: 0.7241, Acc.painting: 0.8024, Acc.sofa: 0.8236, Acc.shelf: 0.5067, Acc.house: 0.6420, Acc.sea: 0.7618, Acc.mirror: 0.6788, Acc.rug: 0.5347, Acc.field: 0.5141, Acc.armchair: 0.5290, Acc.seat: 0.7531, Acc.fence: 0.4896, Acc.desk: 0.6467, Acc.rock: 0.6471, Acc.wardrobe: 0.6140, Acc.lamp: 0.6800, Acc.bathtub: 0.8028, Acc.railing: 0.4291, Acc.cushion: 0.6766, Acc.base: 0.3755, Acc.box: 0.3469, Acc.column: 0.3983, Acc.signboard: 0.4504, Acc.chest of drawers: 0.4915, Acc.counter: 0.3969, Acc.sand: 0.5605, Acc.sink: 0.7725, Acc.skyscraper: 0.6111, Acc.fireplace: 0.8095, Acc.refrigerator: 0.6274, Acc.grandstand: 0.7815, Acc.path: 0.2051, Acc.stairs: 0.3236, Acc.runway: 0.8444, Acc.case: 0.6474, Acc.pool table: 0.9529, Acc.pillow: 0.6410, Acc.screen door: 0.6164, Acc.stairway: 0.6202, Acc.river: 0.2488, Acc.bridge: 0.4990, Acc.bookcase: 0.3932, Acc.blind: 0.2266, Acc.coffee table: 0.7849, Acc.toilet: 0.8676, Acc.flower: 0.5373, Acc.book: 0.6959, Acc.hill: 0.0916, Acc.bench: 0.5392, Acc.countertop: 0.6433, Acc.stove: 0.7727, Acc.palm: 0.6205, Acc.kitchen island: 0.5983, Acc.computer: 0.7827, Acc.swivel chair: 0.5517, Acc.boat: 0.7534, Acc.bar: 0.6115, Acc.arcade machine: 0.7481, Acc.hovel: 0.3238, Acc.bus: 0.8977, Acc.towel: 0.7514, Acc.light: 0.3913, Acc.truck: 0.4900, Acc.tower: 0.2437, Acc.chandelier: 0.7658, Acc.awning: 0.2981, Acc.streetlight: 0.2576, Acc.booth: 0.4143, Acc.television receiver: 0.7225, Acc.airplane: 0.6591, Acc.dirt track: 0.1899, Acc.apparel: 0.5342, Acc.pole: 0.1473, Acc.land: 0.0214, Acc.bannister: 0.0758, Acc.escalator: 0.6399, Acc.ottoman: 0.5148, Acc.bottle: 0.6447, Acc.buffet: 0.4405, Acc.poster: 0.2590, Acc.stage: 0.2892, Acc.van: 0.4940, Acc.ship: 0.2725, Acc.fountain: 0.1661, Acc.conveyer belt: 0.9241, Acc.canopy: 0.3733, Acc.washer: 0.8232, Acc.plaything: 0.3814, Acc.swimming pool: 0.8063, Acc.stool: 0.3354, Acc.barrel: 0.3964, Acc.basket: 0.4584, Acc.waterfall: 0.5156, Acc.tent: 0.9790, Acc.bag: 0.1835, Acc.minibike: 0.8410, Acc.cradle: 0.9286, Acc.oven: 0.5276, Acc.ball: 0.6536, Acc.food: 0.6946, Acc.step: 0.0588, Acc.tank: 0.7464, Acc.trade name: 0.1949, Acc.microwave: 0.7585, Acc.pot: 0.4192, Acc.animal: 0.6151, Acc.bicycle: 0.7456, Acc.lake: 0.1895, Acc.dishwasher: 0.4987, Acc.screen: 0.5741, Acc.blanket: 0.1848, Acc.sculpture: 0.7490, Acc.hood: 0.5479, Acc.sconce: 0.4798, Acc.vase: 0.4990, Acc.traffic light: 0.4060, Acc.tray: 0.1308, Acc.ashcan: 0.5274, Acc.fan: 0.6570, Acc.pier: 0.4452, Acc.crt screen: 0.0608, Acc.plate: 0.6198, Acc.monitor: 0.1665, Acc.bulletin board: 0.5777, Acc.shower: 0.0313, Acc.radiator: 0.6736, Acc.glass: 0.1791, Acc.clock: 0.3558, Acc.flag: 0.4942 2023-11-10 00:31:44,634 - mmseg - INFO - Iter [22050/80000] lr: 2.898e-05, eta: 4:36:35, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5863, decode.acc_seg: 78.5060, loss: 0.5863 2023-11-10 00:31:55,199 - mmseg - INFO - Iter [22100/80000] lr: 2.895e-05, eta: 4:36:11, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5584, decode.acc_seg: 79.2694, loss: 0.5584 2023-11-10 00:32:05,739 - mmseg - INFO - Iter [22150/80000] lr: 2.893e-05, eta: 4:35:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5825, decode.acc_seg: 78.7753, loss: 0.5825 2023-11-10 00:32:16,300 - mmseg - INFO - Iter [22200/80000] lr: 2.890e-05, eta: 4:35:23, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5689, decode.acc_seg: 78.9010, loss: 0.5689 2023-11-10 00:32:26,860 - mmseg - INFO - Iter [22250/80000] lr: 2.888e-05, eta: 4:34:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6042, decode.acc_seg: 77.5192, loss: 0.6042 2023-11-10 00:32:37,419 - mmseg - INFO - Iter [22300/80000] lr: 2.885e-05, eta: 4:34:35, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5866, decode.acc_seg: 78.1067, loss: 0.5866 2023-11-10 00:32:47,953 - mmseg - INFO - Iter [22350/80000] lr: 2.883e-05, eta: 4:34:11, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6200, decode.acc_seg: 77.6897, loss: 0.6200 2023-11-10 00:32:58,473 - mmseg - INFO - Iter [22400/80000] lr: 2.880e-05, eta: 4:33:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5878, decode.acc_seg: 78.4938, loss: 0.5878 2023-11-10 00:33:08,993 - mmseg - INFO - Iter [22450/80000] lr: 2.878e-05, eta: 4:33:23, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5897, decode.acc_seg: 78.2122, loss: 0.5897 2023-11-10 00:33:19,528 - mmseg - INFO - Iter [22500/80000] lr: 2.875e-05, eta: 4:32:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5920, decode.acc_seg: 78.3444, loss: 0.5920 2023-11-10 00:33:30,048 - mmseg - INFO - Iter [22550/80000] lr: 2.873e-05, eta: 4:32:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6118, decode.acc_seg: 77.5303, loss: 0.6118 2023-11-10 00:33:40,583 - mmseg - INFO - Iter [22600/80000] lr: 2.870e-05, eta: 4:32:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5843, decode.acc_seg: 78.4025, loss: 0.5843 2023-11-10 00:33:51,089 - mmseg - INFO - Iter [22650/80000] lr: 2.868e-05, eta: 4:31:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5860, decode.acc_seg: 78.5252, loss: 0.5860 2023-11-10 00:34:01,610 - mmseg - INFO - Iter [22700/80000] lr: 2.865e-05, eta: 4:31:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5991, decode.acc_seg: 78.1808, loss: 0.5991 2023-11-10 00:34:14,414 - mmseg - INFO - Iter [22750/80000] lr: 2.863e-05, eta: 4:31:07, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.6023, decode.acc_seg: 78.2353, loss: 0.6023 2023-11-10 00:34:24,930 - mmseg - INFO - Iter [22800/80000] lr: 2.860e-05, eta: 4:30:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5671, decode.acc_seg: 78.6938, loss: 0.5671 2023-11-10 00:34:35,453 - mmseg - INFO - Iter [22850/80000] lr: 2.858e-05, eta: 4:30:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6092, decode.acc_seg: 77.6640, loss: 0.6092 2023-11-10 00:34:45,988 - mmseg - INFO - Iter [22900/80000] lr: 2.855e-05, eta: 4:29:57, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5639, decode.acc_seg: 79.1824, loss: 0.5639 2023-11-10 00:34:56,518 - mmseg - INFO - Iter [22950/80000] lr: 2.853e-05, eta: 4:29:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5942, decode.acc_seg: 77.9782, loss: 0.5942 2023-11-10 00:35:07,053 - mmseg - INFO - Saving checkpoint at 23000 iterations 2023-11-10 00:35:31,655 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:35:31,655 - mmseg - INFO - Iter [23000/80000] lr: 2.850e-05, eta: 4:30:11, time: 0.703, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5981, decode.acc_seg: 77.4902, loss: 0.5981 2023-11-10 00:36:17,324 - mmseg - INFO - per class results: 2023-11-10 00:36:17,329 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.96 | 84.11 | | building | 78.75 | 92.45 | | sky | 88.5 | 95.49 | | floor | 72.67 | 87.17 | | tree | 68.53 | 84.22 | | ceiling | 76.01 | 87.71 | | road | 77.82 | 88.3 | | bed | 82.95 | 92.82 | | windowpane | 57.54 | 75.12 | | grass | 65.81 | 81.35 | | cabinet | 53.61 | 65.05 | | sidewalk | 55.22 | 69.48 | | person | 75.05 | 89.56 | | earth | 34.39 | 48.15 | | door | 39.84 | 50.4 | | table | 52.55 | 67.03 | | mountain | 53.9 | 66.42 | | plant | 49.28 | 59.88 | | curtain | 63.22 | 74.46 | | chair | 52.16 | 67.41 | | car | 77.76 | 91.45 | | water | 54.15 | 70.4 | | painting | 65.15 | 80.38 | | sofa | 65.45 | 80.81 | | shelf | 36.92 | 50.13 | | house | 43.9 | 56.91 | | sea | 59.64 | 76.55 | | mirror | 56.03 | 66.44 | | rug | 47.42 | 52.15 | | field | 33.22 | 50.13 | | armchair | 41.03 | 57.8 | | seat | 54.62 | 76.6 | | fence | 36.07 | 45.76 | | desk | 40.61 | 64.88 | | rock | 50.27 | 68.44 | | wardrobe | 42.59 | 55.06 | | lamp | 55.61 | 71.18 | | bathtub | 70.69 | 78.4 | | railing | 32.35 | 44.39 | | cushion | 56.32 | 68.96 | | base | 25.26 | 37.9 | | box | 25.84 | 32.18 | | column | 34.61 | 41.46 | | signboard | 30.21 | 43.42 | | chest of drawers | 40.25 | 53.78 | | counter | 30.98 | 38.16 | | sand | 42.38 | 55.12 | | sink | 67.44 | 77.01 | | skyscraper | 44.24 | 58.51 | | fireplace | 62.46 | 78.3 | | refrigerator | 55.51 | 63.35 | | grandstand | 52.15 | 78.68 | | path | 17.51 | 24.38 | | stairs | 24.04 | 26.23 | | runway | 64.66 | 84.73 | | case | 52.71 | 65.24 | | pool table | 84.23 | 94.69 | | pillow | 52.09 | 61.4 | | screen door | 50.55 | 56.36 | | stairway | 45.61 | 58.9 | | river | 15.95 | 27.07 | | bridge | 42.02 | 50.36 | | bookcase | 31.44 | 47.7 | | blind | 21.23 | 23.03 | | coffee table | 56.8 | 78.67 | | toilet | 77.26 | 86.36 | | flower | 38.96 | 49.71 | | book | 46.08 | 62.36 | | hill | 5.74 | 9.32 | | bench | 45.44 | 55.56 | | countertop | 51.43 | 65.04 | | stove | 69.57 | 78.67 | | palm | 46.26 | 59.82 | | kitchen island | 36.52 | 59.48 | | computer | 62.84 | 77.71 | | swivel chair | 41.23 | 50.93 | | boat | 56.72 | 75.68 | | bar | 51.65 | 59.33 | | arcade machine | 63.9 | 72.14 | | hovel | 31.89 | 35.6 | | bus | 81.56 | 90.27 | | towel | 65.12 | 78.04 | | light | 33.06 | 37.98 | | truck | 35.95 | 48.86 | | tower | 16.65 | 24.63 | | chandelier | 61.86 | 77.7 | | awning | 23.59 | 29.36 | | streetlight | 20.42 | 24.29 | | booth | 31.32 | 42.24 | | television receiver | 65.46 | 73.2 | | airplane | 51.25 | 66.52 | | dirt track | 15.46 | 24.58 | | apparel | 44.44 | 59.2 | | pole | 12.68 | 15.03 | | land | 1.86 | 2.85 | | bannister | 6.42 | 8.23 | | escalator | 53.34 | 67.63 | | ottoman | 42.74 | 52.35 | | bottle | 40.86 | 65.03 | | buffet | 40.89 | 46.6 | | poster | 19.86 | 24.4 | | stage | 14.43 | 27.68 | | van | 33.05 | 42.13 | | ship | 26.01 | 28.96 | | fountain | 15.79 | 16.19 | | conveyer belt | 66.99 | 91.16 | | canopy | 26.8 | 30.91 | | washer | 73.82 | 80.9 | | plaything | 28.71 | 40.31 | | swimming pool | 58.81 | 78.25 | | stool | 28.34 | 37.43 | | barrel | 28.44 | 43.38 | | basket | 35.64 | 45.87 | | waterfall | 46.25 | 51.71 | | tent | 78.63 | 98.07 | | bag | 15.45 | 17.52 | | minibike | 64.11 | 80.49 | | cradle | 70.23 | 94.24 | | oven | 45.32 | 54.96 | | ball | 54.9 | 66.29 | | food | 53.82 | 63.97 | | step | 4.72 | 5.09 | | tank | 55.18 | 75.68 | | trade name | 17.9 | 20.45 | | microwave | 70.49 | 78.37 | | pot | 37.76 | 42.25 | | animal | 58.25 | 64.58 | | bicycle | 54.77 | 75.35 | | lake | 16.81 | 18.95 | | dishwasher | 47.89 | 51.42 | | screen | 42.06 | 55.42 | | blanket | 13.81 | 15.77 | | sculpture | 55.42 | 75.05 | | hood | 50.94 | 54.61 | | sconce | 37.53 | 46.15 | | vase | 36.0 | 51.11 | | traffic light | 30.87 | 46.2 | | tray | 9.5 | 11.56 | | ashcan | 40.67 | 49.04 | | fan | 49.53 | 61.36 | | pier | 34.59 | 44.18 | | crt screen | 3.11 | 6.8 | | plate | 48.75 | 63.66 | | monitor | 15.15 | 17.51 | | bulletin board | 44.46 | 56.59 | | shower | 3.29 | 6.11 | | radiator | 58.77 | 68.13 | | glass | 15.79 | 17.15 | | clock | 34.29 | 38.79 | | flag | 43.3 | 50.44 | +---------------------+-------+-------+ 2023-11-10 00:36:17,329 - mmseg - INFO - Summary: 2023-11-10 00:36:17,329 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.18 | 44.96 | 56.03 | +-------+-------+-------+ 2023-11-10 00:36:17,330 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:36:17,330 - mmseg - INFO - Iter(val) [250] aAcc: 0.7918, mIoU: 0.4496, mAcc: 0.5603, IoU.wall: 0.6896, IoU.building: 0.7875, IoU.sky: 0.8850, IoU.floor: 0.7267, IoU.tree: 0.6853, IoU.ceiling: 0.7601, IoU.road: 0.7782, IoU.bed : 0.8295, IoU.windowpane: 0.5754, IoU.grass: 0.6581, IoU.cabinet: 0.5361, IoU.sidewalk: 0.5522, IoU.person: 0.7505, IoU.earth: 0.3439, IoU.door: 0.3984, IoU.table: 0.5255, IoU.mountain: 0.5390, IoU.plant: 0.4928, IoU.curtain: 0.6322, IoU.chair: 0.5216, IoU.car: 0.7776, IoU.water: 0.5415, IoU.painting: 0.6515, IoU.sofa: 0.6545, IoU.shelf: 0.3692, IoU.house: 0.4390, IoU.sea: 0.5964, IoU.mirror: 0.5603, IoU.rug: 0.4742, IoU.field: 0.3322, IoU.armchair: 0.4103, IoU.seat: 0.5462, IoU.fence: 0.3607, IoU.desk: 0.4061, IoU.rock: 0.5027, IoU.wardrobe: 0.4259, IoU.lamp: 0.5561, IoU.bathtub: 0.7069, IoU.railing: 0.3235, IoU.cushion: 0.5632, IoU.base: 0.2526, IoU.box: 0.2584, IoU.column: 0.3461, IoU.signboard: 0.3021, IoU.chest of drawers: 0.4025, IoU.counter: 0.3098, IoU.sand: 0.4238, IoU.sink: 0.6744, IoU.skyscraper: 0.4424, IoU.fireplace: 0.6246, IoU.refrigerator: 0.5551, IoU.grandstand: 0.5215, IoU.path: 0.1751, IoU.stairs: 0.2404, IoU.runway: 0.6466, IoU.case: 0.5271, IoU.pool table: 0.8423, IoU.pillow: 0.5209, IoU.screen door: 0.5055, IoU.stairway: 0.4561, IoU.river: 0.1595, IoU.bridge: 0.4202, IoU.bookcase: 0.3144, IoU.blind: 0.2123, IoU.coffee table: 0.5680, IoU.toilet: 0.7726, IoU.flower: 0.3896, IoU.book: 0.4608, IoU.hill: 0.0574, IoU.bench: 0.4544, IoU.countertop: 0.5143, IoU.stove: 0.6957, IoU.palm: 0.4626, IoU.kitchen island: 0.3652, IoU.computer: 0.6284, IoU.swivel chair: 0.4123, IoU.boat: 0.5672, IoU.bar: 0.5165, IoU.arcade machine: 0.6390, IoU.hovel: 0.3189, IoU.bus: 0.8156, IoU.towel: 0.6512, IoU.light: 0.3306, IoU.truck: 0.3595, IoU.tower: 0.1665, IoU.chandelier: 0.6186, IoU.awning: 0.2359, IoU.streetlight: 0.2042, IoU.booth: 0.3132, IoU.television receiver: 0.6546, IoU.airplane: 0.5125, IoU.dirt track: 0.1546, IoU.apparel: 0.4444, IoU.pole: 0.1268, IoU.land: 0.0186, IoU.bannister: 0.0642, IoU.escalator: 0.5334, IoU.ottoman: 0.4274, IoU.bottle: 0.4086, IoU.buffet: 0.4089, IoU.poster: 0.1986, IoU.stage: 0.1443, IoU.van: 0.3305, IoU.ship: 0.2601, IoU.fountain: 0.1579, IoU.conveyer belt: 0.6699, IoU.canopy: 0.2680, IoU.washer: 0.7382, IoU.plaything: 0.2871, IoU.swimming pool: 0.5881, IoU.stool: 0.2834, IoU.barrel: 0.2844, IoU.basket: 0.3564, IoU.waterfall: 0.4625, IoU.tent: 0.7863, IoU.bag: 0.1545, IoU.minibike: 0.6411, IoU.cradle: 0.7023, IoU.oven: 0.4532, IoU.ball: 0.5490, IoU.food: 0.5382, IoU.step: 0.0472, IoU.tank: 0.5518, IoU.trade name: 0.1790, IoU.microwave: 0.7049, IoU.pot: 0.3776, IoU.animal: 0.5825, IoU.bicycle: 0.5477, IoU.lake: 0.1681, IoU.dishwasher: 0.4789, IoU.screen: 0.4206, IoU.blanket: 0.1381, IoU.sculpture: 0.5542, IoU.hood: 0.5094, IoU.sconce: 0.3753, IoU.vase: 0.3600, IoU.traffic light: 0.3087, IoU.tray: 0.0950, IoU.ashcan: 0.4067, IoU.fan: 0.4953, IoU.pier: 0.3459, IoU.crt screen: 0.0311, IoU.plate: 0.4875, IoU.monitor: 0.1515, IoU.bulletin board: 0.4446, IoU.shower: 0.0329, IoU.radiator: 0.5877, IoU.glass: 0.1579, IoU.clock: 0.3429, IoU.flag: 0.4330, Acc.wall: 0.8411, Acc.building: 0.9245, Acc.sky: 0.9549, Acc.floor: 0.8717, Acc.tree: 0.8422, Acc.ceiling: 0.8771, Acc.road: 0.8830, Acc.bed : 0.9282, Acc.windowpane: 0.7512, Acc.grass: 0.8135, Acc.cabinet: 0.6505, Acc.sidewalk: 0.6948, Acc.person: 0.8956, Acc.earth: 0.4815, Acc.door: 0.5040, Acc.table: 0.6703, Acc.mountain: 0.6642, Acc.plant: 0.5988, Acc.curtain: 0.7446, Acc.chair: 0.6741, Acc.car: 0.9145, Acc.water: 0.7040, Acc.painting: 0.8038, Acc.sofa: 0.8081, Acc.shelf: 0.5013, Acc.house: 0.5691, Acc.sea: 0.7655, Acc.mirror: 0.6644, Acc.rug: 0.5215, Acc.field: 0.5013, Acc.armchair: 0.5780, Acc.seat: 0.7660, Acc.fence: 0.4576, Acc.desk: 0.6488, Acc.rock: 0.6844, Acc.wardrobe: 0.5506, Acc.lamp: 0.7118, Acc.bathtub: 0.7840, Acc.railing: 0.4439, Acc.cushion: 0.6896, Acc.base: 0.3790, Acc.box: 0.3218, Acc.column: 0.4146, Acc.signboard: 0.4342, Acc.chest of drawers: 0.5378, Acc.counter: 0.3816, Acc.sand: 0.5512, Acc.sink: 0.7701, Acc.skyscraper: 0.5851, Acc.fireplace: 0.7830, Acc.refrigerator: 0.6335, Acc.grandstand: 0.7868, Acc.path: 0.2438, Acc.stairs: 0.2623, Acc.runway: 0.8473, Acc.case: 0.6524, Acc.pool table: 0.9469, Acc.pillow: 0.6140, Acc.screen door: 0.5636, Acc.stairway: 0.5890, Acc.river: 0.2707, Acc.bridge: 0.5036, Acc.bookcase: 0.4770, Acc.blind: 0.2303, Acc.coffee table: 0.7867, Acc.toilet: 0.8636, Acc.flower: 0.4971, Acc.book: 0.6236, Acc.hill: 0.0932, Acc.bench: 0.5556, Acc.countertop: 0.6504, Acc.stove: 0.7867, Acc.palm: 0.5982, Acc.kitchen island: 0.5948, Acc.computer: 0.7771, Acc.swivel chair: 0.5093, Acc.boat: 0.7568, Acc.bar: 0.5933, Acc.arcade machine: 0.7214, Acc.hovel: 0.3560, Acc.bus: 0.9027, Acc.towel: 0.7804, Acc.light: 0.3798, Acc.truck: 0.4886, Acc.tower: 0.2463, Acc.chandelier: 0.7770, Acc.awning: 0.2936, Acc.streetlight: 0.2429, Acc.booth: 0.4224, Acc.television receiver: 0.7320, Acc.airplane: 0.6652, Acc.dirt track: 0.2458, Acc.apparel: 0.5920, Acc.pole: 0.1503, Acc.land: 0.0285, Acc.bannister: 0.0823, Acc.escalator: 0.6763, Acc.ottoman: 0.5235, Acc.bottle: 0.6503, Acc.buffet: 0.4660, Acc.poster: 0.2440, Acc.stage: 0.2768, Acc.van: 0.4213, Acc.ship: 0.2896, Acc.fountain: 0.1619, Acc.conveyer belt: 0.9116, Acc.canopy: 0.3091, Acc.washer: 0.8090, Acc.plaything: 0.4031, Acc.swimming pool: 0.7825, Acc.stool: 0.3743, Acc.barrel: 0.4338, Acc.basket: 0.4587, Acc.waterfall: 0.5171, Acc.tent: 0.9807, Acc.bag: 0.1752, Acc.minibike: 0.8049, Acc.cradle: 0.9424, Acc.oven: 0.5496, Acc.ball: 0.6629, Acc.food: 0.6397, Acc.step: 0.0509, Acc.tank: 0.7568, Acc.trade name: 0.2045, Acc.microwave: 0.7837, Acc.pot: 0.4225, Acc.animal: 0.6458, Acc.bicycle: 0.7535, Acc.lake: 0.1895, Acc.dishwasher: 0.5142, Acc.screen: 0.5542, Acc.blanket: 0.1577, Acc.sculpture: 0.7505, Acc.hood: 0.5461, Acc.sconce: 0.4615, Acc.vase: 0.5111, Acc.traffic light: 0.4620, Acc.tray: 0.1156, Acc.ashcan: 0.4904, Acc.fan: 0.6136, Acc.pier: 0.4418, Acc.crt screen: 0.0680, Acc.plate: 0.6366, Acc.monitor: 0.1751, Acc.bulletin board: 0.5659, Acc.shower: 0.0611, Acc.radiator: 0.6813, Acc.glass: 0.1715, Acc.clock: 0.3879, Acc.flag: 0.5044 2023-11-10 00:36:27,910 - mmseg - INFO - Iter [23050/80000] lr: 2.848e-05, eta: 4:31:41, time: 1.125, data_time: 0.920, memory: 16310, decode.loss_ce: 0.5803, decode.acc_seg: 78.9709, loss: 0.5803 2023-11-10 00:36:38,502 - mmseg - INFO - Iter [23100/80000] lr: 2.845e-05, eta: 4:31:17, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5931, decode.acc_seg: 77.8750, loss: 0.5931 2023-11-10 00:36:49,047 - mmseg - INFO - Iter [23150/80000] lr: 2.843e-05, eta: 4:30:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5847, decode.acc_seg: 78.3711, loss: 0.5847 2023-11-10 00:36:59,599 - mmseg - INFO - Iter [23200/80000] lr: 2.840e-05, eta: 4:30:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6045, decode.acc_seg: 78.3306, loss: 0.6045 2023-11-10 00:37:10,124 - mmseg - INFO - Iter [23250/80000] lr: 2.838e-05, eta: 4:30:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5915, decode.acc_seg: 78.2992, loss: 0.5915 2023-11-10 00:37:20,637 - mmseg - INFO - Iter [23300/80000] lr: 2.835e-05, eta: 4:29:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5901, decode.acc_seg: 78.8139, loss: 0.5901 2023-11-10 00:37:31,155 - mmseg - INFO - Iter [23350/80000] lr: 2.833e-05, eta: 4:29:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5855, decode.acc_seg: 78.4956, loss: 0.5855 2023-11-10 00:37:41,660 - mmseg - INFO - Iter [23400/80000] lr: 2.830e-05, eta: 4:28:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5979, decode.acc_seg: 77.6613, loss: 0.5979 2023-11-10 00:37:52,167 - mmseg - INFO - Iter [23450/80000] lr: 2.828e-05, eta: 4:28:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5774, decode.acc_seg: 78.5675, loss: 0.5774 2023-11-10 00:38:02,679 - mmseg - INFO - Iter [23500/80000] lr: 2.825e-05, eta: 4:28:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5936, decode.acc_seg: 78.0345, loss: 0.5936 2023-11-10 00:38:13,187 - mmseg - INFO - Iter [23550/80000] lr: 2.823e-05, eta: 4:27:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5729, decode.acc_seg: 78.9118, loss: 0.5729 2023-11-10 00:38:23,702 - mmseg - INFO - Iter [23600/80000] lr: 2.820e-05, eta: 4:27:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5889, decode.acc_seg: 78.4912, loss: 0.5889 2023-11-10 00:38:34,216 - mmseg - INFO - Iter [23650/80000] lr: 2.818e-05, eta: 4:27:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5633, decode.acc_seg: 78.7412, loss: 0.5633 2023-11-10 00:38:44,745 - mmseg - INFO - Iter [23700/80000] lr: 2.815e-05, eta: 4:26:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6175, decode.acc_seg: 77.3431, loss: 0.6175 2023-11-10 00:38:55,269 - mmseg - INFO - Iter [23750/80000] lr: 2.813e-05, eta: 4:26:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5861, decode.acc_seg: 78.2690, loss: 0.5861 2023-11-10 00:39:05,786 - mmseg - INFO - Iter [23800/80000] lr: 2.810e-05, eta: 4:25:52, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5728, decode.acc_seg: 78.6042, loss: 0.5728 2023-11-10 00:39:16,310 - mmseg - INFO - Iter [23850/80000] lr: 2.808e-05, eta: 4:25:29, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5868, decode.acc_seg: 78.5509, loss: 0.5868 2023-11-10 00:39:26,832 - mmseg - INFO - Iter [23900/80000] lr: 2.805e-05, eta: 4:25:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5856, decode.acc_seg: 78.4443, loss: 0.5856 2023-11-10 00:39:37,357 - mmseg - INFO - Iter [23950/80000] lr: 2.803e-05, eta: 4:24:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6211, decode.acc_seg: 77.2329, loss: 0.6211 2023-11-10 00:39:50,178 - mmseg - INFO - Saving checkpoint at 24000 iterations 2023-11-10 00:40:13,742 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:40:13,742 - mmseg - INFO - Iter [24000/80000] lr: 2.800e-05, eta: 4:25:21, time: 0.728, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5908, decode.acc_seg: 78.7292, loss: 0.5908 2023-11-10 00:40:59,702 - mmseg - INFO - per class results: 2023-11-10 00:40:59,707 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.05 | 84.94 | | building | 79.05 | 92.42 | | sky | 89.18 | 94.89 | | floor | 72.82 | 86.61 | | tree | 68.92 | 83.64 | | ceiling | 76.18 | 87.72 | | road | 77.97 | 88.03 | | bed | 82.89 | 92.99 | | windowpane | 57.79 | 75.42 | | grass | 65.74 | 80.67 | | cabinet | 53.65 | 68.25 | | sidewalk | 55.57 | 71.22 | | person | 74.8 | 90.01 | | earth | 33.16 | 43.96 | | door | 39.03 | 47.87 | | table | 52.83 | 67.5 | | mountain | 54.16 | 67.96 | | plant | 49.32 | 59.57 | | curtain | 63.08 | 75.37 | | chair | 52.27 | 68.21 | | car | 78.18 | 91.4 | | water | 54.12 | 69.46 | | painting | 65.17 | 78.26 | | sofa | 65.64 | 80.37 | | shelf | 37.65 | 52.18 | | house | 45.7 | 61.01 | | sea | 60.25 | 81.69 | | mirror | 57.08 | 69.16 | | rug | 49.01 | 54.29 | | field | 34.18 | 52.57 | | armchair | 41.32 | 59.35 | | seat | 55.21 | 76.6 | | fence | 36.1 | 46.78 | | desk | 41.39 | 63.0 | | rock | 50.25 | 70.23 | | wardrobe | 43.41 | 58.93 | | lamp | 55.5 | 68.67 | | bathtub | 71.5 | 79.64 | | railing | 32.07 | 43.43 | | cushion | 55.68 | 66.13 | | base | 25.53 | 36.09 | | box | 25.6 | 31.75 | | column | 33.62 | 39.86 | | signboard | 30.41 | 44.56 | | chest of drawers | 39.22 | 50.89 | | counter | 31.8 | 40.1 | | sand | 42.78 | 55.89 | | sink | 67.41 | 77.41 | | skyscraper | 43.55 | 55.35 | | fireplace | 61.67 | 81.9 | | refrigerator | 54.63 | 61.74 | | grandstand | 52.05 | 78.19 | | path | 16.05 | 20.98 | | stairs | 26.5 | 29.35 | | runway | 63.85 | 83.41 | | case | 52.85 | 65.94 | | pool table | 84.55 | 94.51 | | pillow | 51.69 | 60.66 | | screen door | 52.94 | 59.45 | | stairway | 48.02 | 63.72 | | river | 15.17 | 23.41 | | bridge | 42.74 | 51.22 | | bookcase | 30.99 | 43.74 | | blind | 21.8 | 23.8 | | coffee table | 56.43 | 80.34 | | toilet | 77.15 | 87.18 | | flower | 38.71 | 52.82 | | book | 47.18 | 67.94 | | hill | 5.54 | 8.58 | | bench | 45.89 | 54.83 | | countertop | 51.55 | 64.9 | | stove | 68.78 | 77.5 | | palm | 48.65 | 64.84 | | kitchen island | 36.16 | 53.43 | | computer | 62.42 | 77.67 | | swivel chair | 42.28 | 56.18 | | boat | 55.81 | 77.06 | | bar | 51.57 | 60.65 | | arcade machine | 62.43 | 69.72 | | hovel | 29.69 | 33.44 | | bus | 81.89 | 89.32 | | towel | 65.53 | 77.73 | | light | 31.71 | 35.64 | | truck | 34.91 | 48.75 | | tower | 20.85 | 33.49 | | chandelier | 61.78 | 75.41 | | awning | 24.26 | 30.24 | | streetlight | 21.58 | 26.21 | | booth | 33.62 | 41.46 | | television receiver | 65.65 | 74.86 | | airplane | 52.36 | 65.49 | | dirt track | 12.68 | 18.4 | | apparel | 44.8 | 59.37 | | pole | 14.48 | 17.92 | | land | 1.46 | 2.07 | | bannister | 7.39 | 10.28 | | escalator | 51.51 | 64.8 | | ottoman | 43.08 | 52.66 | | bottle | 40.84 | 64.08 | | buffet | 38.67 | 43.28 | | poster | 19.76 | 24.19 | | stage | 13.66 | 25.69 | | van | 34.54 | 45.61 | | ship | 23.53 | 26.42 | | fountain | 20.63 | 21.33 | | conveyer belt | 70.24 | 90.4 | | canopy | 29.43 | 34.19 | | washer | 72.95 | 79.45 | | plaything | 27.33 | 37.23 | | swimming pool | 59.64 | 80.47 | | stool | 28.86 | 34.81 | | barrel | 28.57 | 41.38 | | basket | 35.46 | 45.24 | | waterfall | 47.94 | 55.35 | | tent | 80.46 | 97.5 | | bag | 16.04 | 18.46 | | minibike | 64.72 | 84.01 | | cradle | 70.86 | 93.49 | | oven | 42.37 | 49.72 | | ball | 53.75 | 70.75 | | food | 52.5 | 61.76 | | step | 4.95 | 5.39 | | tank | 55.71 | 72.58 | | trade name | 15.74 | 17.51 | | microwave | 69.18 | 75.22 | | pot | 38.8 | 44.16 | | animal | 56.45 | 64.29 | | bicycle | 55.51 | 79.41 | | lake | 20.66 | 23.22 | | dishwasher | 44.51 | 47.08 | | screen | 42.46 | 54.52 | | blanket | 14.84 | 17.15 | | sculpture | 54.72 | 75.42 | | hood | 49.31 | 52.43 | | sconce | 37.66 | 47.65 | | vase | 36.05 | 51.5 | | traffic light | 31.01 | 45.02 | | tray | 10.04 | 12.44 | | ashcan | 41.92 | 51.98 | | fan | 48.8 | 59.43 | | pier | 33.35 | 45.9 | | crt screen | 3.26 | 6.59 | | plate | 47.84 | 61.05 | | monitor | 15.23 | 16.97 | | bulletin board | 44.56 | 57.69 | | shower | 2.31 | 2.75 | | radiator | 60.09 | 68.08 | | glass | 16.45 | 18.21 | | clock | 31.81 | 34.78 | | flag | 42.54 | 49.26 | +---------------------+-------+-------+ 2023-11-10 00:40:59,707 - mmseg - INFO - Summary: 2023-11-10 00:40:59,708 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.32 | 45.07 | 56.12 | +-------+-------+-------+ 2023-11-10 00:40:59,708 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:40:59,708 - mmseg - INFO - Iter(val) [250] aAcc: 0.7932, mIoU: 0.4507, mAcc: 0.5612, IoU.wall: 0.6905, IoU.building: 0.7905, IoU.sky: 0.8918, IoU.floor: 0.7282, IoU.tree: 0.6892, IoU.ceiling: 0.7618, IoU.road: 0.7797, IoU.bed : 0.8289, IoU.windowpane: 0.5779, IoU.grass: 0.6574, IoU.cabinet: 0.5365, IoU.sidewalk: 0.5557, IoU.person: 0.7480, IoU.earth: 0.3316, IoU.door: 0.3903, IoU.table: 0.5283, IoU.mountain: 0.5416, IoU.plant: 0.4932, IoU.curtain: 0.6308, IoU.chair: 0.5227, IoU.car: 0.7818, IoU.water: 0.5412, IoU.painting: 0.6517, IoU.sofa: 0.6564, IoU.shelf: 0.3765, IoU.house: 0.4570, IoU.sea: 0.6025, IoU.mirror: 0.5708, IoU.rug: 0.4901, IoU.field: 0.3418, IoU.armchair: 0.4132, IoU.seat: 0.5521, IoU.fence: 0.3610, IoU.desk: 0.4139, IoU.rock: 0.5025, IoU.wardrobe: 0.4341, IoU.lamp: 0.5550, IoU.bathtub: 0.7150, IoU.railing: 0.3207, IoU.cushion: 0.5568, IoU.base: 0.2553, IoU.box: 0.2560, IoU.column: 0.3362, IoU.signboard: 0.3041, IoU.chest of drawers: 0.3922, IoU.counter: 0.3180, IoU.sand: 0.4278, IoU.sink: 0.6741, IoU.skyscraper: 0.4355, IoU.fireplace: 0.6167, IoU.refrigerator: 0.5463, IoU.grandstand: 0.5205, IoU.path: 0.1605, IoU.stairs: 0.2650, IoU.runway: 0.6385, IoU.case: 0.5285, IoU.pool table: 0.8455, IoU.pillow: 0.5169, IoU.screen door: 0.5294, IoU.stairway: 0.4802, IoU.river: 0.1517, IoU.bridge: 0.4274, IoU.bookcase: 0.3099, IoU.blind: 0.2180, IoU.coffee table: 0.5643, IoU.toilet: 0.7715, IoU.flower: 0.3871, IoU.book: 0.4718, IoU.hill: 0.0554, IoU.bench: 0.4589, IoU.countertop: 0.5155, IoU.stove: 0.6878, IoU.palm: 0.4865, IoU.kitchen island: 0.3616, IoU.computer: 0.6242, IoU.swivel chair: 0.4228, IoU.boat: 0.5581, IoU.bar: 0.5157, IoU.arcade machine: 0.6243, IoU.hovel: 0.2969, IoU.bus: 0.8189, IoU.towel: 0.6553, IoU.light: 0.3171, IoU.truck: 0.3491, IoU.tower: 0.2085, IoU.chandelier: 0.6178, IoU.awning: 0.2426, IoU.streetlight: 0.2158, IoU.booth: 0.3362, IoU.television receiver: 0.6565, IoU.airplane: 0.5236, IoU.dirt track: 0.1268, IoU.apparel: 0.4480, IoU.pole: 0.1448, IoU.land: 0.0146, IoU.bannister: 0.0739, IoU.escalator: 0.5151, IoU.ottoman: 0.4308, IoU.bottle: 0.4084, IoU.buffet: 0.3867, IoU.poster: 0.1976, IoU.stage: 0.1366, IoU.van: 0.3454, IoU.ship: 0.2353, IoU.fountain: 0.2063, IoU.conveyer belt: 0.7024, IoU.canopy: 0.2943, IoU.washer: 0.7295, IoU.plaything: 0.2733, IoU.swimming pool: 0.5964, IoU.stool: 0.2886, IoU.barrel: 0.2857, IoU.basket: 0.3546, IoU.waterfall: 0.4794, IoU.tent: 0.8046, IoU.bag: 0.1604, IoU.minibike: 0.6472, IoU.cradle: 0.7086, IoU.oven: 0.4237, IoU.ball: 0.5375, IoU.food: 0.5250, IoU.step: 0.0495, IoU.tank: 0.5571, IoU.trade name: 0.1574, IoU.microwave: 0.6918, IoU.pot: 0.3880, IoU.animal: 0.5645, IoU.bicycle: 0.5551, IoU.lake: 0.2066, IoU.dishwasher: 0.4451, IoU.screen: 0.4246, IoU.blanket: 0.1484, IoU.sculpture: 0.5472, IoU.hood: 0.4931, IoU.sconce: 0.3766, IoU.vase: 0.3605, IoU.traffic light: 0.3101, IoU.tray: 0.1004, IoU.ashcan: 0.4192, IoU.fan: 0.4880, IoU.pier: 0.3335, IoU.crt screen: 0.0326, IoU.plate: 0.4784, IoU.monitor: 0.1523, IoU.bulletin board: 0.4456, IoU.shower: 0.0231, IoU.radiator: 0.6009, IoU.glass: 0.1645, IoU.clock: 0.3181, IoU.flag: 0.4254, Acc.wall: 0.8494, Acc.building: 0.9242, Acc.sky: 0.9489, Acc.floor: 0.8661, Acc.tree: 0.8364, Acc.ceiling: 0.8772, Acc.road: 0.8803, Acc.bed : 0.9299, Acc.windowpane: 0.7542, Acc.grass: 0.8067, Acc.cabinet: 0.6825, Acc.sidewalk: 0.7122, Acc.person: 0.9001, Acc.earth: 0.4396, Acc.door: 0.4787, Acc.table: 0.6750, Acc.mountain: 0.6796, Acc.plant: 0.5957, Acc.curtain: 0.7537, Acc.chair: 0.6821, Acc.car: 0.9140, Acc.water: 0.6946, Acc.painting: 0.7826, Acc.sofa: 0.8037, Acc.shelf: 0.5218, Acc.house: 0.6101, Acc.sea: 0.8169, Acc.mirror: 0.6916, Acc.rug: 0.5429, Acc.field: 0.5257, Acc.armchair: 0.5935, Acc.seat: 0.7660, Acc.fence: 0.4678, Acc.desk: 0.6300, Acc.rock: 0.7023, Acc.wardrobe: 0.5893, Acc.lamp: 0.6867, Acc.bathtub: 0.7964, Acc.railing: 0.4343, Acc.cushion: 0.6613, Acc.base: 0.3609, Acc.box: 0.3175, Acc.column: 0.3986, Acc.signboard: 0.4456, Acc.chest of drawers: 0.5089, Acc.counter: 0.4010, Acc.sand: 0.5589, Acc.sink: 0.7741, Acc.skyscraper: 0.5535, Acc.fireplace: 0.8190, Acc.refrigerator: 0.6174, Acc.grandstand: 0.7819, Acc.path: 0.2098, Acc.stairs: 0.2935, Acc.runway: 0.8341, Acc.case: 0.6594, Acc.pool table: 0.9451, Acc.pillow: 0.6066, Acc.screen door: 0.5945, Acc.stairway: 0.6372, Acc.river: 0.2341, Acc.bridge: 0.5122, Acc.bookcase: 0.4374, Acc.blind: 0.2380, Acc.coffee table: 0.8034, Acc.toilet: 0.8718, Acc.flower: 0.5282, Acc.book: 0.6794, Acc.hill: 0.0858, Acc.bench: 0.5483, Acc.countertop: 0.6490, Acc.stove: 0.7750, Acc.palm: 0.6484, Acc.kitchen island: 0.5343, Acc.computer: 0.7767, Acc.swivel chair: 0.5618, Acc.boat: 0.7706, Acc.bar: 0.6065, Acc.arcade machine: 0.6972, Acc.hovel: 0.3344, Acc.bus: 0.8932, Acc.towel: 0.7773, Acc.light: 0.3564, Acc.truck: 0.4875, Acc.tower: 0.3349, Acc.chandelier: 0.7541, Acc.awning: 0.3024, Acc.streetlight: 0.2621, Acc.booth: 0.4146, Acc.television receiver: 0.7486, Acc.airplane: 0.6549, Acc.dirt track: 0.1840, Acc.apparel: 0.5937, Acc.pole: 0.1792, Acc.land: 0.0207, Acc.bannister: 0.1028, Acc.escalator: 0.6480, Acc.ottoman: 0.5266, Acc.bottle: 0.6408, Acc.buffet: 0.4328, Acc.poster: 0.2419, Acc.stage: 0.2569, Acc.van: 0.4561, Acc.ship: 0.2642, Acc.fountain: 0.2133, Acc.conveyer belt: 0.9040, Acc.canopy: 0.3419, Acc.washer: 0.7945, Acc.plaything: 0.3723, Acc.swimming pool: 0.8047, Acc.stool: 0.3481, Acc.barrel: 0.4138, Acc.basket: 0.4524, Acc.waterfall: 0.5535, Acc.tent: 0.9750, Acc.bag: 0.1846, Acc.minibike: 0.8401, Acc.cradle: 0.9349, Acc.oven: 0.4972, Acc.ball: 0.7075, Acc.food: 0.6176, Acc.step: 0.0539, Acc.tank: 0.7258, Acc.trade name: 0.1751, Acc.microwave: 0.7522, Acc.pot: 0.4416, Acc.animal: 0.6429, Acc.bicycle: 0.7941, Acc.lake: 0.2322, Acc.dishwasher: 0.4708, Acc.screen: 0.5452, Acc.blanket: 0.1715, Acc.sculpture: 0.7542, Acc.hood: 0.5243, Acc.sconce: 0.4765, Acc.vase: 0.5150, Acc.traffic light: 0.4502, Acc.tray: 0.1244, Acc.ashcan: 0.5198, Acc.fan: 0.5943, Acc.pier: 0.4590, Acc.crt screen: 0.0659, Acc.plate: 0.6105, Acc.monitor: 0.1697, Acc.bulletin board: 0.5769, Acc.shower: 0.0275, Acc.radiator: 0.6808, Acc.glass: 0.1821, Acc.clock: 0.3478, Acc.flag: 0.4926 2023-11-10 00:41:10,344 - mmseg - INFO - Iter [24050/80000] lr: 2.798e-05, eta: 4:26:46, time: 1.132, data_time: 0.926, memory: 16310, decode.loss_ce: 0.5927, decode.acc_seg: 78.0921, loss: 0.5927 2023-11-10 00:41:20,906 - mmseg - INFO - Iter [24100/80000] lr: 2.795e-05, eta: 4:26:23, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5893, decode.acc_seg: 78.1980, loss: 0.5893 2023-11-10 00:41:31,447 - mmseg - INFO - Iter [24150/80000] lr: 2.793e-05, eta: 4:26:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5716, decode.acc_seg: 78.3812, loss: 0.5716 2023-11-10 00:41:41,983 - mmseg - INFO - Iter [24200/80000] lr: 2.790e-05, eta: 4:25:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5629, decode.acc_seg: 78.9583, loss: 0.5629 2023-11-10 00:41:52,511 - mmseg - INFO - Iter [24250/80000] lr: 2.788e-05, eta: 4:25:14, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5921, decode.acc_seg: 78.1146, loss: 0.5921 2023-11-10 00:42:03,051 - mmseg - INFO - Iter [24300/80000] lr: 2.785e-05, eta: 4:24:51, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5779, decode.acc_seg: 78.7800, loss: 0.5779 2023-11-10 00:42:13,571 - mmseg - INFO - Iter [24350/80000] lr: 2.783e-05, eta: 4:24:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5862, decode.acc_seg: 78.9020, loss: 0.5862 2023-11-10 00:42:24,081 - mmseg - INFO - Iter [24400/80000] lr: 2.780e-05, eta: 4:24:05, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5856, decode.acc_seg: 78.4749, loss: 0.5856 2023-11-10 00:42:34,586 - mmseg - INFO - Iter [24450/80000] lr: 2.778e-05, eta: 4:23:43, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5707, decode.acc_seg: 78.7302, loss: 0.5707 2023-11-10 00:42:45,111 - mmseg - INFO - Iter [24500/80000] lr: 2.775e-05, eta: 4:23:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5837, decode.acc_seg: 77.8810, loss: 0.5837 2023-11-10 00:42:55,622 - mmseg - INFO - Iter [24550/80000] lr: 2.773e-05, eta: 4:22:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5622, decode.acc_seg: 78.9509, loss: 0.5622 2023-11-10 00:43:06,140 - mmseg - INFO - Iter [24600/80000] lr: 2.770e-05, eta: 4:22:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5770, decode.acc_seg: 78.6463, loss: 0.5770 2023-11-10 00:43:16,663 - mmseg - INFO - Iter [24650/80000] lr: 2.768e-05, eta: 4:22:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5497, decode.acc_seg: 79.5988, loss: 0.5497 2023-11-10 00:43:27,196 - mmseg - INFO - Iter [24700/80000] lr: 2.765e-05, eta: 4:21:50, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5670, decode.acc_seg: 79.2185, loss: 0.5670 2023-11-10 00:43:37,707 - mmseg - INFO - Iter [24750/80000] lr: 2.763e-05, eta: 4:21:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6082, decode.acc_seg: 77.4570, loss: 0.6082 2023-11-10 00:43:48,224 - mmseg - INFO - Iter [24800/80000] lr: 2.760e-05, eta: 4:21:05, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5952, decode.acc_seg: 78.4943, loss: 0.5952 2023-11-10 00:43:58,737 - mmseg - INFO - Iter [24850/80000] lr: 2.758e-05, eta: 4:20:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5648, decode.acc_seg: 79.0222, loss: 0.5648 2023-11-10 00:44:09,256 - mmseg - INFO - Iter [24900/80000] lr: 2.755e-05, eta: 4:20:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5793, decode.acc_seg: 78.8418, loss: 0.5793 2023-11-10 00:44:19,770 - mmseg - INFO - Iter [24950/80000] lr: 2.753e-05, eta: 4:19:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5531, decode.acc_seg: 79.7387, loss: 0.5531 2023-11-10 00:44:30,286 - mmseg - INFO - Saving checkpoint at 25000 iterations 2023-11-10 00:44:55,444 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:44:55,444 - mmseg - INFO - Iter [25000/80000] lr: 2.750e-05, eta: 4:20:31, time: 0.713, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5785, decode.acc_seg: 78.6173, loss: 0.5785 2023-11-10 00:45:41,209 - mmseg - INFO - per class results: 2023-11-10 00:45:41,215 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 68.99 | 85.38 | | building | 79.01 | 92.19 | | sky | 89.15 | 95.08 | | floor | 72.92 | 86.58 | | tree | 68.97 | 84.81 | | ceiling | 76.0 | 86.22 | | road | 77.94 | 87.95 | | bed | 82.85 | 93.11 | | windowpane | 57.77 | 74.95 | | grass | 65.93 | 80.98 | | cabinet | 53.23 | 65.1 | | sidewalk | 55.8 | 71.53 | | person | 74.76 | 90.22 | | earth | 33.79 | 46.14 | | door | 38.85 | 47.18 | | table | 52.81 | 66.7 | | mountain | 55.23 | 69.61 | | plant | 49.81 | 60.89 | | curtain | 63.07 | 73.43 | | chair | 52.27 | 67.02 | | car | 78.11 | 91.38 | | water | 54.88 | 70.86 | | painting | 65.37 | 79.32 | | sofa | 65.59 | 81.28 | | shelf | 35.84 | 47.42 | | house | 45.3 | 58.9 | | sea | 60.13 | 78.76 | | mirror | 57.06 | 69.17 | | rug | 48.76 | 53.9 | | field | 34.41 | 52.83 | | armchair | 40.53 | 54.41 | | seat | 54.49 | 77.3 | | fence | 36.34 | 47.08 | | desk | 40.49 | 67.13 | | rock | 50.22 | 65.62 | | wardrobe | 43.47 | 59.33 | | lamp | 55.61 | 69.18 | | bathtub | 70.29 | 76.92 | | railing | 32.49 | 44.59 | | cushion | 56.6 | 70.63 | | base | 25.67 | 37.99 | | box | 26.36 | 33.6 | | column | 33.93 | 40.31 | | signboard | 30.26 | 44.87 | | chest of drawers | 38.4 | 49.39 | | counter | 31.23 | 39.15 | | sand | 42.73 | 56.29 | | sink | 67.37 | 77.02 | | skyscraper | 44.39 | 60.93 | | fireplace | 62.36 | 79.03 | | refrigerator | 55.06 | 61.97 | | grandstand | 50.61 | 79.39 | | path | 17.27 | 23.7 | | stairs | 26.97 | 30.01 | | runway | 63.65 | 83.23 | | case | 52.27 | 68.43 | | pool table | 84.96 | 94.3 | | pillow | 51.58 | 59.8 | | screen door | 53.47 | 59.97 | | stairway | 48.82 | 62.02 | | river | 16.15 | 26.55 | | bridge | 42.98 | 52.01 | | bookcase | 30.42 | 44.59 | | blind | 24.49 | 26.98 | | coffee table | 57.41 | 76.85 | | toilet | 77.4 | 87.71 | | flower | 38.41 | 51.11 | | book | 47.11 | 67.6 | | hill | 5.87 | 8.32 | | bench | 45.95 | 56.46 | | countertop | 51.42 | 64.45 | | stove | 69.1 | 76.91 | | palm | 47.85 | 61.9 | | kitchen island | 38.2 | 62.16 | | computer | 62.34 | 77.62 | | swivel chair | 42.11 | 54.0 | | boat | 56.56 | 75.67 | | bar | 52.41 | 62.01 | | arcade machine | 64.41 | 73.54 | | hovel | 33.31 | 37.9 | | bus | 81.43 | 91.44 | | towel | 65.27 | 76.26 | | light | 32.99 | 37.66 | | truck | 35.84 | 48.96 | | tower | 17.58 | 26.84 | | chandelier | 61.7 | 77.05 | | awning | 23.75 | 29.75 | | streetlight | 21.37 | 25.83 | | booth | 32.88 | 39.92 | | television receiver | 65.24 | 74.04 | | airplane | 52.4 | 65.05 | | dirt track | 11.93 | 15.55 | | apparel | 45.45 | 59.2 | | pole | 13.12 | 15.55 | | land | 1.38 | 1.87 | | bannister | 6.11 | 7.78 | | escalator | 52.68 | 66.36 | | ottoman | 44.01 | 53.5 | | bottle | 40.74 | 65.32 | | buffet | 41.47 | 47.64 | | poster | 19.6 | 24.14 | | stage | 14.59 | 30.06 | | van | 32.97 | 42.54 | | ship | 23.26 | 25.77 | | fountain | 20.66 | 21.36 | | conveyer belt | 65.47 | 92.49 | | canopy | 26.52 | 30.2 | | washer | 72.79 | 79.3 | | plaything | 28.36 | 41.66 | | swimming pool | 59.3 | 80.46 | | stool | 28.11 | 34.41 | | barrel | 28.69 | 38.84 | | basket | 35.43 | 45.57 | | waterfall | 49.28 | 57.98 | | tent | 81.63 | 96.93 | | bag | 14.9 | 16.84 | | minibike | 64.96 | 84.01 | | cradle | 70.71 | 92.91 | | oven | 44.37 | 53.25 | | ball | 50.96 | 58.87 | | food | 52.41 | 61.9 | | step | 5.27 | 5.79 | | tank | 55.5 | 69.96 | | trade name | 15.09 | 16.78 | | microwave | 69.04 | 75.58 | | pot | 37.7 | 42.44 | | animal | 53.27 | 59.11 | | bicycle | 55.54 | 77.57 | | lake | 20.18 | 22.27 | | dishwasher | 48.17 | 52.57 | | screen | 41.67 | 54.34 | | blanket | 13.33 | 15.18 | | sculpture | 54.66 | 76.03 | | hood | 50.64 | 54.43 | | sconce | 36.7 | 45.56 | | vase | 36.01 | 52.2 | | traffic light | 30.96 | 44.03 | | tray | 10.02 | 12.24 | | ashcan | 41.76 | 51.79 | | fan | 49.78 | 61.92 | | pier | 33.69 | 45.8 | | crt screen | 3.14 | 6.36 | | plate | 49.27 | 65.47 | | monitor | 16.79 | 18.96 | | bulletin board | 43.86 | 53.9 | | shower | 4.01 | 4.99 | | radiator | 59.12 | 67.14 | | glass | 16.39 | 17.95 | | clock | 33.57 | 37.14 | | flag | 42.79 | 48.97 | +---------------------+-------+-------+ 2023-11-10 00:45:41,215 - mmseg - INFO - Summary: 2023-11-10 00:45:41,215 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.32 | 45.11 | 56.12 | +-------+-------+-------+ 2023-11-10 00:45:41,216 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:45:41,216 - mmseg - INFO - Iter(val) [250] aAcc: 0.7932, mIoU: 0.4511, mAcc: 0.5612, IoU.wall: 0.6899, IoU.building: 0.7901, IoU.sky: 0.8915, IoU.floor: 0.7292, IoU.tree: 0.6897, IoU.ceiling: 0.7600, IoU.road: 0.7794, IoU.bed : 0.8285, IoU.windowpane: 0.5777, IoU.grass: 0.6593, IoU.cabinet: 0.5323, IoU.sidewalk: 0.5580, IoU.person: 0.7476, IoU.earth: 0.3379, IoU.door: 0.3885, IoU.table: 0.5281, IoU.mountain: 0.5523, IoU.plant: 0.4981, IoU.curtain: 0.6307, IoU.chair: 0.5227, IoU.car: 0.7811, IoU.water: 0.5488, IoU.painting: 0.6537, IoU.sofa: 0.6559, IoU.shelf: 0.3584, IoU.house: 0.4530, IoU.sea: 0.6013, IoU.mirror: 0.5706, IoU.rug: 0.4876, IoU.field: 0.3441, IoU.armchair: 0.4053, IoU.seat: 0.5449, IoU.fence: 0.3634, IoU.desk: 0.4049, IoU.rock: 0.5022, IoU.wardrobe: 0.4347, IoU.lamp: 0.5561, IoU.bathtub: 0.7029, IoU.railing: 0.3249, IoU.cushion: 0.5660, IoU.base: 0.2567, IoU.box: 0.2636, IoU.column: 0.3393, IoU.signboard: 0.3026, IoU.chest of drawers: 0.3840, IoU.counter: 0.3123, IoU.sand: 0.4273, IoU.sink: 0.6737, IoU.skyscraper: 0.4439, IoU.fireplace: 0.6236, IoU.refrigerator: 0.5506, IoU.grandstand: 0.5061, IoU.path: 0.1727, IoU.stairs: 0.2697, IoU.runway: 0.6365, IoU.case: 0.5227, IoU.pool table: 0.8496, IoU.pillow: 0.5158, IoU.screen door: 0.5347, IoU.stairway: 0.4882, IoU.river: 0.1615, IoU.bridge: 0.4298, IoU.bookcase: 0.3042, IoU.blind: 0.2449, IoU.coffee table: 0.5741, IoU.toilet: 0.7740, IoU.flower: 0.3841, IoU.book: 0.4711, IoU.hill: 0.0587, IoU.bench: 0.4595, IoU.countertop: 0.5142, IoU.stove: 0.6910, IoU.palm: 0.4785, IoU.kitchen island: 0.3820, IoU.computer: 0.6234, IoU.swivel chair: 0.4211, IoU.boat: 0.5656, IoU.bar: 0.5241, IoU.arcade machine: 0.6441, IoU.hovel: 0.3331, IoU.bus: 0.8143, IoU.towel: 0.6527, IoU.light: 0.3299, IoU.truck: 0.3584, IoU.tower: 0.1758, IoU.chandelier: 0.6170, IoU.awning: 0.2375, IoU.streetlight: 0.2137, IoU.booth: 0.3288, IoU.television receiver: 0.6524, IoU.airplane: 0.5240, IoU.dirt track: 0.1193, IoU.apparel: 0.4545, IoU.pole: 0.1312, IoU.land: 0.0138, IoU.bannister: 0.0611, IoU.escalator: 0.5268, IoU.ottoman: 0.4401, IoU.bottle: 0.4074, IoU.buffet: 0.4147, IoU.poster: 0.1960, IoU.stage: 0.1459, IoU.van: 0.3297, IoU.ship: 0.2326, IoU.fountain: 0.2066, IoU.conveyer belt: 0.6547, IoU.canopy: 0.2652, IoU.washer: 0.7279, IoU.plaything: 0.2836, IoU.swimming pool: 0.5930, IoU.stool: 0.2811, IoU.barrel: 0.2869, IoU.basket: 0.3543, IoU.waterfall: 0.4928, IoU.tent: 0.8163, IoU.bag: 0.1490, IoU.minibike: 0.6496, IoU.cradle: 0.7071, IoU.oven: 0.4437, IoU.ball: 0.5096, IoU.food: 0.5241, IoU.step: 0.0527, IoU.tank: 0.5550, IoU.trade name: 0.1509, IoU.microwave: 0.6904, IoU.pot: 0.3770, IoU.animal: 0.5327, IoU.bicycle: 0.5554, IoU.lake: 0.2018, IoU.dishwasher: 0.4817, IoU.screen: 0.4167, IoU.blanket: 0.1333, IoU.sculpture: 0.5466, IoU.hood: 0.5064, IoU.sconce: 0.3670, IoU.vase: 0.3601, IoU.traffic light: 0.3096, IoU.tray: 0.1002, IoU.ashcan: 0.4176, IoU.fan: 0.4978, IoU.pier: 0.3369, IoU.crt screen: 0.0314, IoU.plate: 0.4927, IoU.monitor: 0.1679, IoU.bulletin board: 0.4386, IoU.shower: 0.0401, IoU.radiator: 0.5912, IoU.glass: 0.1639, IoU.clock: 0.3357, IoU.flag: 0.4279, Acc.wall: 0.8538, Acc.building: 0.9219, Acc.sky: 0.9508, Acc.floor: 0.8658, Acc.tree: 0.8481, Acc.ceiling: 0.8622, Acc.road: 0.8795, Acc.bed : 0.9311, Acc.windowpane: 0.7495, Acc.grass: 0.8098, Acc.cabinet: 0.6510, Acc.sidewalk: 0.7153, Acc.person: 0.9022, Acc.earth: 0.4614, Acc.door: 0.4718, Acc.table: 0.6670, Acc.mountain: 0.6961, Acc.plant: 0.6089, Acc.curtain: 0.7343, Acc.chair: 0.6702, Acc.car: 0.9138, Acc.water: 0.7086, Acc.painting: 0.7932, Acc.sofa: 0.8128, Acc.shelf: 0.4742, Acc.house: 0.5890, Acc.sea: 0.7876, Acc.mirror: 0.6917, Acc.rug: 0.5390, Acc.field: 0.5283, Acc.armchair: 0.5441, Acc.seat: 0.7730, Acc.fence: 0.4708, Acc.desk: 0.6713, Acc.rock: 0.6562, Acc.wardrobe: 0.5933, Acc.lamp: 0.6918, Acc.bathtub: 0.7692, Acc.railing: 0.4459, Acc.cushion: 0.7063, Acc.base: 0.3799, Acc.box: 0.3360, Acc.column: 0.4031, Acc.signboard: 0.4487, Acc.chest of drawers: 0.4939, Acc.counter: 0.3915, Acc.sand: 0.5629, Acc.sink: 0.7702, Acc.skyscraper: 0.6093, Acc.fireplace: 0.7903, Acc.refrigerator: 0.6197, Acc.grandstand: 0.7939, Acc.path: 0.2370, Acc.stairs: 0.3001, Acc.runway: 0.8323, Acc.case: 0.6843, Acc.pool table: 0.9430, Acc.pillow: 0.5980, Acc.screen door: 0.5997, Acc.stairway: 0.6202, Acc.river: 0.2655, Acc.bridge: 0.5201, Acc.bookcase: 0.4459, Acc.blind: 0.2698, Acc.coffee table: 0.7685, Acc.toilet: 0.8771, Acc.flower: 0.5111, Acc.book: 0.6760, Acc.hill: 0.0832, Acc.bench: 0.5646, Acc.countertop: 0.6445, Acc.stove: 0.7691, Acc.palm: 0.6190, Acc.kitchen island: 0.6216, Acc.computer: 0.7762, Acc.swivel chair: 0.5400, Acc.boat: 0.7567, Acc.bar: 0.6201, Acc.arcade machine: 0.7354, Acc.hovel: 0.3790, Acc.bus: 0.9144, Acc.towel: 0.7626, Acc.light: 0.3766, Acc.truck: 0.4896, Acc.tower: 0.2684, Acc.chandelier: 0.7705, Acc.awning: 0.2975, Acc.streetlight: 0.2583, Acc.booth: 0.3992, Acc.television receiver: 0.7404, Acc.airplane: 0.6505, Acc.dirt track: 0.1555, Acc.apparel: 0.5920, Acc.pole: 0.1555, Acc.land: 0.0187, Acc.bannister: 0.0778, Acc.escalator: 0.6636, Acc.ottoman: 0.5350, Acc.bottle: 0.6532, Acc.buffet: 0.4764, Acc.poster: 0.2414, Acc.stage: 0.3006, Acc.van: 0.4254, Acc.ship: 0.2577, Acc.fountain: 0.2136, Acc.conveyer belt: 0.9249, Acc.canopy: 0.3020, Acc.washer: 0.7930, Acc.plaything: 0.4166, Acc.swimming pool: 0.8046, Acc.stool: 0.3441, Acc.barrel: 0.3884, Acc.basket: 0.4557, Acc.waterfall: 0.5798, Acc.tent: 0.9693, Acc.bag: 0.1684, Acc.minibike: 0.8401, Acc.cradle: 0.9291, Acc.oven: 0.5325, Acc.ball: 0.5887, Acc.food: 0.6190, Acc.step: 0.0579, Acc.tank: 0.6996, Acc.trade name: 0.1678, Acc.microwave: 0.7558, Acc.pot: 0.4244, Acc.animal: 0.5911, Acc.bicycle: 0.7757, Acc.lake: 0.2227, Acc.dishwasher: 0.5257, Acc.screen: 0.5434, Acc.blanket: 0.1518, Acc.sculpture: 0.7603, Acc.hood: 0.5443, Acc.sconce: 0.4556, Acc.vase: 0.5220, Acc.traffic light: 0.4403, Acc.tray: 0.1224, Acc.ashcan: 0.5179, Acc.fan: 0.6192, Acc.pier: 0.4580, Acc.crt screen: 0.0636, Acc.plate: 0.6547, Acc.monitor: 0.1896, Acc.bulletin board: 0.5390, Acc.shower: 0.0499, Acc.radiator: 0.6714, Acc.glass: 0.1795, Acc.clock: 0.3714, Acc.flag: 0.4897 2023-11-10 00:45:51,856 - mmseg - INFO - Iter [25050/80000] lr: 2.748e-05, eta: 4:21:50, time: 1.128, data_time: 0.922, memory: 16310, decode.loss_ce: 0.6032, decode.acc_seg: 77.9871, loss: 0.6032 2023-11-10 00:46:02,395 - mmseg - INFO - Iter [25100/80000] lr: 2.745e-05, eta: 4:21:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6096, decode.acc_seg: 77.4667, loss: 0.6096 2023-11-10 00:46:12,938 - mmseg - INFO - Iter [25150/80000] lr: 2.743e-05, eta: 4:21:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5875, decode.acc_seg: 78.3233, loss: 0.5875 2023-11-10 00:46:23,488 - mmseg - INFO - Iter [25200/80000] lr: 2.740e-05, eta: 4:20:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6098, decode.acc_seg: 77.2540, loss: 0.6098 2023-11-10 00:46:34,013 - mmseg - INFO - Iter [25250/80000] lr: 2.738e-05, eta: 4:20:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6012, decode.acc_seg: 78.5706, loss: 0.6012 2023-11-10 00:46:46,823 - mmseg - INFO - Iter [25300/80000] lr: 2.735e-05, eta: 4:20:02, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5640, decode.acc_seg: 78.9073, loss: 0.5640 2023-11-10 00:46:57,336 - mmseg - INFO - Iter [25350/80000] lr: 2.733e-05, eta: 4:19:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6039, decode.acc_seg: 77.3923, loss: 0.6039 2023-11-10 00:47:07,855 - mmseg - INFO - Iter [25400/80000] lr: 2.730e-05, eta: 4:19:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5804, decode.acc_seg: 78.5611, loss: 0.5804 2023-11-10 00:47:18,374 - mmseg - INFO - Iter [25450/80000] lr: 2.728e-05, eta: 4:18:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5596, decode.acc_seg: 79.5041, loss: 0.5596 2023-11-10 00:47:28,900 - mmseg - INFO - Iter [25500/80000] lr: 2.725e-05, eta: 4:18:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5490, decode.acc_seg: 79.5114, loss: 0.5490 2023-11-10 00:47:39,417 - mmseg - INFO - Iter [25550/80000] lr: 2.723e-05, eta: 4:18:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6002, decode.acc_seg: 78.0509, loss: 0.6002 2023-11-10 00:47:49,934 - mmseg - INFO - Iter [25600/80000] lr: 2.720e-05, eta: 4:17:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5815, decode.acc_seg: 78.0675, loss: 0.5815 2023-11-10 00:48:00,451 - mmseg - INFO - Iter [25650/80000] lr: 2.718e-05, eta: 4:17:27, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6098, decode.acc_seg: 77.3833, loss: 0.6098 2023-11-10 00:48:10,967 - mmseg - INFO - Iter [25700/80000] lr: 2.715e-05, eta: 4:17:05, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5705, decode.acc_seg: 79.0533, loss: 0.5705 2023-11-10 00:48:21,485 - mmseg - INFO - Iter [25750/80000] lr: 2.713e-05, eta: 4:16:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5694, decode.acc_seg: 78.8758, loss: 0.5694 2023-11-10 00:48:32,009 - mmseg - INFO - Iter [25800/80000] lr: 2.710e-05, eta: 4:16:21, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5725, decode.acc_seg: 79.0485, loss: 0.5725 2023-11-10 00:48:42,526 - mmseg - INFO - Iter [25850/80000] lr: 2.708e-05, eta: 4:15:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6035, decode.acc_seg: 77.4360, loss: 0.6035 2023-11-10 00:48:53,062 - mmseg - INFO - Iter [25900/80000] lr: 2.705e-05, eta: 4:15:38, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5718, decode.acc_seg: 79.1247, loss: 0.5718 2023-11-10 00:49:03,581 - mmseg - INFO - Iter [25950/80000] lr: 2.703e-05, eta: 4:15:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5784, decode.acc_seg: 78.6914, loss: 0.5784 2023-11-10 00:49:14,124 - mmseg - INFO - Saving checkpoint at 26000 iterations 2023-11-10 00:49:38,530 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:49:38,530 - mmseg - INFO - Iter [26000/80000] lr: 2.700e-05, eta: 4:15:45, time: 0.699, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5665, decode.acc_seg: 79.1500, loss: 0.5665 2023-11-10 00:50:24,313 - mmseg - INFO - per class results: 2023-11-10 00:50:24,318 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.37 | 83.51 | | building | 78.77 | 92.76 | | sky | 89.26 | 94.72 | | floor | 73.21 | 86.14 | | tree | 68.86 | 84.37 | | ceiling | 76.25 | 86.49 | | road | 77.95 | 88.25 | | bed | 82.81 | 93.79 | | windowpane | 57.93 | 75.87 | | grass | 66.18 | 83.77 | | cabinet | 53.97 | 67.48 | | sidewalk | 55.42 | 72.52 | | person | 73.35 | 91.68 | | earth | 33.63 | 45.06 | | door | 39.24 | 48.36 | | table | 53.16 | 69.54 | | mountain | 54.37 | 69.25 | | plant | 49.09 | 58.94 | | curtain | 63.5 | 75.11 | | chair | 52.54 | 67.88 | | car | 77.47 | 91.72 | | water | 54.88 | 72.3 | | painting | 65.25 | 82.19 | | sofa | 65.4 | 82.05 | | shelf | 37.53 | 52.27 | | house | 44.92 | 56.52 | | sea | 60.3 | 78.65 | | mirror | 57.01 | 68.31 | | rug | 49.65 | 55.48 | | field | 33.58 | 47.52 | | armchair | 41.47 | 56.68 | | seat | 54.45 | 75.51 | | fence | 37.19 | 47.95 | | desk | 40.79 | 66.08 | | rock | 49.66 | 68.02 | | wardrobe | 43.47 | 59.29 | | lamp | 55.71 | 70.48 | | bathtub | 71.59 | 79.12 | | railing | 32.94 | 45.94 | | cushion | 56.6 | 69.91 | | base | 26.52 | 40.01 | | box | 26.02 | 32.91 | | column | 35.32 | 42.62 | | signboard | 30.43 | 46.38 | | chest of drawers | 40.12 | 55.51 | | counter | 31.53 | 39.55 | | sand | 44.27 | 59.36 | | sink | 67.58 | 78.21 | | skyscraper | 44.03 | 59.54 | | fireplace | 62.1 | 81.43 | | refrigerator | 55.94 | 64.65 | | grandstand | 50.61 | 79.0 | | path | 16.19 | 21.6 | | stairs | 22.79 | 24.78 | | runway | 63.36 | 82.48 | | case | 53.35 | 67.26 | | pool table | 82.33 | 95.96 | | pillow | 53.55 | 63.8 | | screen door | 54.71 | 62.63 | | stairway | 46.21 | 59.19 | | river | 16.18 | 27.09 | | bridge | 41.59 | 50.95 | | bookcase | 31.31 | 46.91 | | blind | 22.1 | 24.26 | | coffee table | 57.83 | 77.87 | | toilet | 77.31 | 88.25 | | flower | 38.6 | 55.06 | | book | 46.53 | 65.31 | | hill | 6.01 | 9.56 | | bench | 45.84 | 54.61 | | countertop | 51.42 | 64.65 | | stove | 68.84 | 77.73 | | palm | 48.32 | 64.54 | | kitchen island | 37.4 | 57.88 | | computer | 62.38 | 79.11 | | swivel chair | 42.98 | 55.97 | | boat | 56.84 | 75.56 | | bar | 52.78 | 64.15 | | arcade machine | 64.77 | 74.03 | | hovel | 38.75 | 45.62 | | bus | 82.1 | 90.67 | | towel | 65.78 | 78.27 | | light | 34.98 | 40.95 | | truck | 34.8 | 47.74 | | tower | 16.36 | 25.31 | | chandelier | 61.84 | 78.02 | | awning | 25.15 | 32.37 | | streetlight | 20.72 | 24.5 | | booth | 33.98 | 45.53 | | television receiver | 65.97 | 76.45 | | airplane | 52.22 | 65.78 | | dirt track | 14.64 | 19.93 | | apparel | 45.91 | 64.83 | | pole | 13.29 | 15.91 | | land | 1.9 | 2.75 | | bannister | 6.47 | 8.26 | | escalator | 54.4 | 70.95 | | ottoman | 43.83 | 54.0 | | bottle | 40.23 | 65.89 | | buffet | 41.23 | 47.58 | | poster | 20.68 | 27.01 | | stage | 14.73 | 30.1 | | van | 33.87 | 45.57 | | ship | 19.65 | 21.4 | | fountain | 20.58 | 21.35 | | conveyer belt | 65.78 | 92.17 | | canopy | 29.34 | 33.98 | | washer | 72.65 | 78.55 | | plaything | 27.87 | 39.9 | | swimming pool | 59.44 | 80.76 | | stool | 29.27 | 37.38 | | barrel | 28.15 | 42.0 | | basket | 35.41 | 43.61 | | waterfall | 48.64 | 56.3 | | tent | 80.69 | 97.19 | | bag | 16.07 | 18.55 | | minibike | 64.55 | 82.71 | | cradle | 70.26 | 93.29 | | oven | 44.82 | 55.0 | | ball | 55.61 | 70.64 | | food | 53.38 | 62.85 | | step | 4.77 | 5.21 | | tank | 55.98 | 71.81 | | trade name | 15.01 | 16.72 | | microwave | 70.38 | 77.82 | | pot | 39.14 | 44.77 | | animal | 57.72 | 66.18 | | bicycle | 55.27 | 81.06 | | lake | 15.42 | 16.45 | | dishwasher | 46.9 | 50.22 | | screen | 42.87 | 57.29 | | blanket | 14.63 | 16.87 | | sculpture | 55.75 | 74.95 | | hood | 50.23 | 53.54 | | sconce | 36.43 | 45.9 | | vase | 35.85 | 51.28 | | traffic light | 30.53 | 42.2 | | tray | 10.8 | 13.65 | | ashcan | 41.26 | 49.51 | | fan | 51.07 | 65.54 | | pier | 35.24 | 43.75 | | crt screen | 5.33 | 11.23 | | plate | 48.4 | 62.95 | | monitor | 20.48 | 23.52 | | bulletin board | 43.41 | 57.81 | | shower | 3.77 | 5.5 | | radiator | 59.71 | 68.55 | | glass | 15.9 | 17.41 | | clock | 34.39 | 38.02 | | flag | 43.59 | 50.83 | +---------------------+-------+-------+ 2023-11-10 00:50:24,318 - mmseg - INFO - Summary: 2023-11-10 00:50:24,319 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.36 | 45.34 | 56.96 | +-------+-------+-------+ 2023-11-10 00:50:24,319 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:50:24,320 - mmseg - INFO - Iter(val) [250] aAcc: 0.7936, mIoU: 0.4534, mAcc: 0.5696, IoU.wall: 0.6937, IoU.building: 0.7877, IoU.sky: 0.8926, IoU.floor: 0.7321, IoU.tree: 0.6886, IoU.ceiling: 0.7625, IoU.road: 0.7795, IoU.bed : 0.8281, IoU.windowpane: 0.5793, IoU.grass: 0.6618, IoU.cabinet: 0.5397, IoU.sidewalk: 0.5542, IoU.person: 0.7335, IoU.earth: 0.3363, IoU.door: 0.3924, IoU.table: 0.5316, IoU.mountain: 0.5437, IoU.plant: 0.4909, IoU.curtain: 0.6350, IoU.chair: 0.5254, IoU.car: 0.7747, IoU.water: 0.5488, IoU.painting: 0.6525, IoU.sofa: 0.6540, IoU.shelf: 0.3753, IoU.house: 0.4492, IoU.sea: 0.6030, IoU.mirror: 0.5701, IoU.rug: 0.4965, IoU.field: 0.3358, IoU.armchair: 0.4147, IoU.seat: 0.5445, IoU.fence: 0.3719, IoU.desk: 0.4079, IoU.rock: 0.4966, IoU.wardrobe: 0.4347, IoU.lamp: 0.5571, IoU.bathtub: 0.7159, IoU.railing: 0.3294, IoU.cushion: 0.5660, IoU.base: 0.2652, IoU.box: 0.2602, IoU.column: 0.3532, IoU.signboard: 0.3043, IoU.chest of drawers: 0.4012, IoU.counter: 0.3153, IoU.sand: 0.4427, IoU.sink: 0.6758, IoU.skyscraper: 0.4403, IoU.fireplace: 0.6210, IoU.refrigerator: 0.5594, IoU.grandstand: 0.5061, IoU.path: 0.1619, IoU.stairs: 0.2279, IoU.runway: 0.6336, IoU.case: 0.5335, IoU.pool table: 0.8233, IoU.pillow: 0.5355, IoU.screen door: 0.5471, IoU.stairway: 0.4621, IoU.river: 0.1618, IoU.bridge: 0.4159, IoU.bookcase: 0.3131, IoU.blind: 0.2210, IoU.coffee table: 0.5783, IoU.toilet: 0.7731, IoU.flower: 0.3860, IoU.book: 0.4653, IoU.hill: 0.0601, IoU.bench: 0.4584, IoU.countertop: 0.5142, IoU.stove: 0.6884, IoU.palm: 0.4832, IoU.kitchen island: 0.3740, IoU.computer: 0.6238, IoU.swivel chair: 0.4298, IoU.boat: 0.5684, IoU.bar: 0.5278, IoU.arcade machine: 0.6477, IoU.hovel: 0.3875, IoU.bus: 0.8210, IoU.towel: 0.6578, IoU.light: 0.3498, IoU.truck: 0.3480, IoU.tower: 0.1636, IoU.chandelier: 0.6184, IoU.awning: 0.2515, IoU.streetlight: 0.2072, IoU.booth: 0.3398, IoU.television receiver: 0.6597, IoU.airplane: 0.5222, IoU.dirt track: 0.1464, IoU.apparel: 0.4591, IoU.pole: 0.1329, IoU.land: 0.0190, IoU.bannister: 0.0647, IoU.escalator: 0.5440, IoU.ottoman: 0.4383, IoU.bottle: 0.4023, IoU.buffet: 0.4123, IoU.poster: 0.2068, IoU.stage: 0.1473, IoU.van: 0.3387, IoU.ship: 0.1965, IoU.fountain: 0.2058, IoU.conveyer belt: 0.6578, IoU.canopy: 0.2934, IoU.washer: 0.7265, IoU.plaything: 0.2787, IoU.swimming pool: 0.5944, IoU.stool: 0.2927, IoU.barrel: 0.2815, IoU.basket: 0.3541, IoU.waterfall: 0.4864, IoU.tent: 0.8069, IoU.bag: 0.1607, IoU.minibike: 0.6455, IoU.cradle: 0.7026, IoU.oven: 0.4482, IoU.ball: 0.5561, IoU.food: 0.5338, IoU.step: 0.0477, IoU.tank: 0.5598, IoU.trade name: 0.1501, IoU.microwave: 0.7038, IoU.pot: 0.3914, IoU.animal: 0.5772, IoU.bicycle: 0.5527, IoU.lake: 0.1542, IoU.dishwasher: 0.4690, IoU.screen: 0.4287, IoU.blanket: 0.1463, IoU.sculpture: 0.5575, IoU.hood: 0.5023, IoU.sconce: 0.3643, IoU.vase: 0.3585, IoU.traffic light: 0.3053, IoU.tray: 0.1080, IoU.ashcan: 0.4126, IoU.fan: 0.5107, IoU.pier: 0.3524, IoU.crt screen: 0.0533, IoU.plate: 0.4840, IoU.monitor: 0.2048, IoU.bulletin board: 0.4341, IoU.shower: 0.0377, IoU.radiator: 0.5971, IoU.glass: 0.1590, IoU.clock: 0.3439, IoU.flag: 0.4359, Acc.wall: 0.8351, Acc.building: 0.9276, Acc.sky: 0.9472, Acc.floor: 0.8614, Acc.tree: 0.8437, Acc.ceiling: 0.8649, Acc.road: 0.8825, Acc.bed : 0.9379, Acc.windowpane: 0.7587, Acc.grass: 0.8377, Acc.cabinet: 0.6748, Acc.sidewalk: 0.7252, Acc.person: 0.9168, Acc.earth: 0.4506, Acc.door: 0.4836, Acc.table: 0.6954, Acc.mountain: 0.6925, Acc.plant: 0.5894, Acc.curtain: 0.7511, Acc.chair: 0.6788, Acc.car: 0.9172, Acc.water: 0.7230, Acc.painting: 0.8219, Acc.sofa: 0.8205, Acc.shelf: 0.5227, Acc.house: 0.5652, Acc.sea: 0.7865, Acc.mirror: 0.6831, Acc.rug: 0.5548, Acc.field: 0.4752, Acc.armchair: 0.5668, Acc.seat: 0.7551, Acc.fence: 0.4795, Acc.desk: 0.6608, Acc.rock: 0.6802, Acc.wardrobe: 0.5929, Acc.lamp: 0.7048, Acc.bathtub: 0.7912, Acc.railing: 0.4594, Acc.cushion: 0.6991, Acc.base: 0.4001, Acc.box: 0.3291, Acc.column: 0.4262, Acc.signboard: 0.4638, Acc.chest of drawers: 0.5551, Acc.counter: 0.3955, Acc.sand: 0.5936, Acc.sink: 0.7821, Acc.skyscraper: 0.5954, Acc.fireplace: 0.8143, Acc.refrigerator: 0.6465, Acc.grandstand: 0.7900, Acc.path: 0.2160, Acc.stairs: 0.2478, Acc.runway: 0.8248, Acc.case: 0.6726, Acc.pool table: 0.9596, Acc.pillow: 0.6380, Acc.screen door: 0.6263, Acc.stairway: 0.5919, Acc.river: 0.2709, Acc.bridge: 0.5095, Acc.bookcase: 0.4691, Acc.blind: 0.2426, Acc.coffee table: 0.7787, Acc.toilet: 0.8825, Acc.flower: 0.5506, Acc.book: 0.6531, Acc.hill: 0.0956, Acc.bench: 0.5461, Acc.countertop: 0.6465, Acc.stove: 0.7773, Acc.palm: 0.6454, Acc.kitchen island: 0.5788, Acc.computer: 0.7911, Acc.swivel chair: 0.5597, Acc.boat: 0.7556, Acc.bar: 0.6415, Acc.arcade machine: 0.7403, Acc.hovel: 0.4562, Acc.bus: 0.9067, Acc.towel: 0.7827, Acc.light: 0.4095, Acc.truck: 0.4774, Acc.tower: 0.2531, Acc.chandelier: 0.7802, Acc.awning: 0.3237, Acc.streetlight: 0.2450, Acc.booth: 0.4553, Acc.television receiver: 0.7645, Acc.airplane: 0.6578, Acc.dirt track: 0.1993, Acc.apparel: 0.6483, Acc.pole: 0.1591, Acc.land: 0.0275, Acc.bannister: 0.0826, Acc.escalator: 0.7095, Acc.ottoman: 0.5400, Acc.bottle: 0.6589, Acc.buffet: 0.4758, Acc.poster: 0.2701, Acc.stage: 0.3010, Acc.van: 0.4557, Acc.ship: 0.2140, Acc.fountain: 0.2135, Acc.conveyer belt: 0.9217, Acc.canopy: 0.3398, Acc.washer: 0.7855, Acc.plaything: 0.3990, Acc.swimming pool: 0.8076, Acc.stool: 0.3738, Acc.barrel: 0.4200, Acc.basket: 0.4361, Acc.waterfall: 0.5630, Acc.tent: 0.9719, Acc.bag: 0.1855, Acc.minibike: 0.8271, Acc.cradle: 0.9329, Acc.oven: 0.5500, Acc.ball: 0.7064, Acc.food: 0.6285, Acc.step: 0.0521, Acc.tank: 0.7181, Acc.trade name: 0.1672, Acc.microwave: 0.7782, Acc.pot: 0.4477, Acc.animal: 0.6618, Acc.bicycle: 0.8106, Acc.lake: 0.1645, Acc.dishwasher: 0.5022, Acc.screen: 0.5729, Acc.blanket: 0.1687, Acc.sculpture: 0.7495, Acc.hood: 0.5354, Acc.sconce: 0.4590, Acc.vase: 0.5128, Acc.traffic light: 0.4220, Acc.tray: 0.1365, Acc.ashcan: 0.4951, Acc.fan: 0.6554, Acc.pier: 0.4375, Acc.crt screen: 0.1123, Acc.plate: 0.6295, Acc.monitor: 0.2352, Acc.bulletin board: 0.5781, Acc.shower: 0.0550, Acc.radiator: 0.6855, Acc.glass: 0.1741, Acc.clock: 0.3802, Acc.flag: 0.5083 2023-11-10 00:50:34,934 - mmseg - INFO - Iter [26050/80000] lr: 2.698e-05, eta: 4:16:58, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5735, decode.acc_seg: 78.8426, loss: 0.5735 2023-11-10 00:50:45,498 - mmseg - INFO - Iter [26100/80000] lr: 2.695e-05, eta: 4:16:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5768, decode.acc_seg: 78.4004, loss: 0.5768 2023-11-10 00:50:56,028 - mmseg - INFO - Iter [26150/80000] lr: 2.693e-05, eta: 4:16:14, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5612, decode.acc_seg: 79.0083, loss: 0.5612 2023-11-10 00:51:06,574 - mmseg - INFO - Iter [26200/80000] lr: 2.690e-05, eta: 4:15:52, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5819, decode.acc_seg: 78.4067, loss: 0.5819 2023-11-10 00:51:17,116 - mmseg - INFO - Iter [26250/80000] lr: 2.688e-05, eta: 4:15:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5915, decode.acc_seg: 77.3267, loss: 0.5915 2023-11-10 00:51:27,653 - mmseg - INFO - Iter [26300/80000] lr: 2.685e-05, eta: 4:15:08, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5786, decode.acc_seg: 78.6132, loss: 0.5786 2023-11-10 00:51:38,205 - mmseg - INFO - Iter [26350/80000] lr: 2.683e-05, eta: 4:14:46, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5685, decode.acc_seg: 79.0353, loss: 0.5685 2023-11-10 00:51:48,751 - mmseg - INFO - Iter [26400/80000] lr: 2.680e-05, eta: 4:14:25, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5971, decode.acc_seg: 77.5721, loss: 0.5971 2023-11-10 00:51:59,276 - mmseg - INFO - Iter [26450/80000] lr: 2.678e-05, eta: 4:14:03, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6073, decode.acc_seg: 78.0019, loss: 0.6073 2023-11-10 00:52:09,793 - mmseg - INFO - Iter [26500/80000] lr: 2.675e-05, eta: 4:13:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5670, decode.acc_seg: 78.6741, loss: 0.5670 2023-11-10 00:52:22,631 - mmseg - INFO - Iter [26550/80000] lr: 2.673e-05, eta: 4:13:24, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5617, decode.acc_seg: 79.1351, loss: 0.5617 2023-11-10 00:52:33,146 - mmseg - INFO - Iter [26600/80000] lr: 2.670e-05, eta: 4:13:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.6111, loss: 0.5481 2023-11-10 00:52:43,653 - mmseg - INFO - Iter [26650/80000] lr: 2.668e-05, eta: 4:12:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5884, decode.acc_seg: 78.0346, loss: 0.5884 2023-11-10 00:52:54,160 - mmseg - INFO - Iter [26700/80000] lr: 2.665e-05, eta: 4:12:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5605, decode.acc_seg: 79.6226, loss: 0.5605 2023-11-10 00:53:04,669 - mmseg - INFO - Iter [26750/80000] lr: 2.663e-05, eta: 4:11:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5820, decode.acc_seg: 78.0887, loss: 0.5820 2023-11-10 00:53:15,185 - mmseg - INFO - Iter [26800/80000] lr: 2.660e-05, eta: 4:11:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5662, decode.acc_seg: 78.6381, loss: 0.5662 2023-11-10 00:53:25,704 - mmseg - INFO - Iter [26850/80000] lr: 2.658e-05, eta: 4:11:15, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5794, decode.acc_seg: 78.0532, loss: 0.5794 2023-11-10 00:53:36,218 - mmseg - INFO - Iter [26900/80000] lr: 2.655e-05, eta: 4:10:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5758, decode.acc_seg: 78.9241, loss: 0.5758 2023-11-10 00:53:46,732 - mmseg - INFO - Iter [26950/80000] lr: 2.653e-05, eta: 4:10:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5807, decode.acc_seg: 78.7725, loss: 0.5807 2023-11-10 00:53:57,288 - mmseg - INFO - Saving checkpoint at 27000 iterations 2023-11-10 00:54:23,022 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:54:23,022 - mmseg - INFO - Iter [27000/80000] lr: 2.650e-05, eta: 4:11:01, time: 0.726, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5797, decode.acc_seg: 78.3273, loss: 0.5797 2023-11-10 00:55:08,922 - mmseg - INFO - per class results: 2023-11-10 00:55:08,927 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.13 | 85.01 | | building | 79.3 | 91.64 | | sky | 89.25 | 95.28 | | floor | 72.85 | 86.91 | | tree | 69.14 | 83.65 | | ceiling | 76.27 | 88.06 | | road | 78.19 | 87.79 | | bed | 83.21 | 92.66 | | windowpane | 57.85 | 75.52 | | grass | 65.98 | 81.99 | | cabinet | 53.75 | 66.4 | | sidewalk | 56.02 | 71.54 | | person | 74.67 | 90.71 | | earth | 33.75 | 45.46 | | door | 38.91 | 47.53 | | table | 53.08 | 66.77 | | mountain | 54.97 | 69.5 | | plant | 49.86 | 60.63 | | curtain | 62.74 | 73.4 | | chair | 52.64 | 68.29 | | car | 78.14 | 91.74 | | water | 54.9 | 73.05 | | painting | 65.83 | 79.64 | | sofa | 65.63 | 82.24 | | shelf | 37.23 | 50.7 | | house | 45.55 | 63.12 | | sea | 60.66 | 77.81 | | mirror | 56.51 | 66.59 | | rug | 45.89 | 49.67 | | field | 34.02 | 50.73 | | armchair | 41.26 | 55.69 | | seat | 55.35 | 75.84 | | fence | 37.04 | 49.45 | | desk | 41.19 | 65.54 | | rock | 50.95 | 66.69 | | wardrobe | 43.74 | 58.88 | | lamp | 55.5 | 68.8 | | bathtub | 71.21 | 79.08 | | railing | 32.74 | 45.43 | | cushion | 56.37 | 67.94 | | base | 26.32 | 39.87 | | box | 26.63 | 33.83 | | column | 35.35 | 43.49 | | signboard | 30.3 | 43.87 | | chest of drawers | 38.47 | 49.02 | | counter | 31.95 | 39.16 | | sand | 44.17 | 60.08 | | sink | 67.48 | 76.13 | | skyscraper | 43.91 | 58.74 | | fireplace | 62.38 | 81.61 | | refrigerator | 56.21 | 64.43 | | grandstand | 51.71 | 78.86 | | path | 17.2 | 23.46 | | stairs | 26.88 | 29.79 | | runway | 64.24 | 84.73 | | case | 53.71 | 66.12 | | pool table | 84.07 | 95.46 | | pillow | 54.88 | 67.74 | | screen door | 53.31 | 59.51 | | stairway | 47.06 | 63.09 | | river | 15.59 | 26.42 | | bridge | 43.92 | 53.43 | | bookcase | 30.8 | 43.53 | | blind | 22.27 | 24.54 | | coffee table | 57.19 | 78.21 | | toilet | 77.74 | 86.88 | | flower | 38.61 | 52.25 | | book | 47.06 | 67.72 | | hill | 5.78 | 8.11 | | bench | 46.99 | 57.05 | | countertop | 51.14 | 63.46 | | stove | 69.41 | 78.37 | | palm | 47.9 | 62.87 | | kitchen island | 37.71 | 57.38 | | computer | 61.84 | 76.52 | | swivel chair | 42.32 | 53.72 | | boat | 59.33 | 75.13 | | bar | 53.96 | 64.75 | | arcade machine | 64.98 | 75.44 | | hovel | 30.94 | 35.47 | | bus | 82.37 | 90.92 | | towel | 65.06 | 77.79 | | light | 33.86 | 39.65 | | truck | 35.52 | 49.51 | | tower | 19.9 | 31.96 | | chandelier | 62.14 | 77.7 | | awning | 26.98 | 35.39 | | streetlight | 22.12 | 27.34 | | booth | 34.14 | 43.33 | | television receiver | 65.69 | 75.68 | | airplane | 52.02 | 65.68 | | dirt track | 14.19 | 22.17 | | apparel | 44.68 | 62.31 | | pole | 14.45 | 17.9 | | land | 1.82 | 2.59 | | bannister | 7.23 | 9.65 | | escalator | 52.63 | 66.68 | | ottoman | 44.37 | 53.55 | | bottle | 40.48 | 66.42 | | buffet | 41.57 | 48.02 | | poster | 20.61 | 26.54 | | stage | 14.09 | 27.56 | | van | 35.56 | 47.28 | | ship | 34.28 | 39.57 | | fountain | 20.04 | 20.79 | | conveyer belt | 66.39 | 91.51 | | canopy | 28.92 | 32.28 | | washer | 74.3 | 81.2 | | plaything | 28.12 | 39.56 | | swimming pool | 59.78 | 80.11 | | stool | 28.26 | 34.25 | | barrel | 28.17 | 43.25 | | basket | 35.32 | 44.56 | | waterfall | 45.54 | 51.64 | | tent | 79.21 | 98.33 | | bag | 14.53 | 16.29 | | minibike | 64.54 | 85.41 | | cradle | 72.26 | 92.36 | | oven | 43.58 | 50.48 | | ball | 55.63 | 70.35 | | food | 55.17 | 66.57 | | step | 5.29 | 5.89 | | tank | 56.01 | 74.37 | | trade name | 15.68 | 17.52 | | microwave | 68.93 | 75.74 | | pot | 36.49 | 40.82 | | animal | 57.64 | 64.19 | | bicycle | 55.87 | 78.87 | | lake | 15.4 | 16.63 | | dishwasher | 47.32 | 50.89 | | screen | 42.98 | 60.65 | | blanket | 16.35 | 18.92 | | sculpture | 56.21 | 73.78 | | hood | 53.21 | 57.66 | | sconce | 34.87 | 41.65 | | vase | 36.61 | 50.66 | | traffic light | 31.14 | 43.37 | | tray | 9.49 | 11.42 | | ashcan | 41.06 | 49.2 | | fan | 49.95 | 62.66 | | pier | 34.37 | 44.06 | | crt screen | 1.8 | 3.88 | | plate | 49.57 | 63.59 | | monitor | 16.94 | 20.22 | | bulletin board | 42.89 | 53.83 | | shower | 2.73 | 4.33 | | radiator | 57.35 | 63.38 | | glass | 16.48 | 18.19 | | clock | 32.18 | 35.13 | | flag | 43.56 | 50.9 | +---------------------+-------+-------+ 2023-11-10 00:55:08,927 - mmseg - INFO - Summary: 2023-11-10 00:55:08,927 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.43 | 45.45 | 56.69 | +-------+-------+-------+ 2023-11-10 00:55:08,928 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:55:08,928 - mmseg - INFO - Iter(val) [250] aAcc: 0.7943, mIoU: 0.4545, mAcc: 0.5669, IoU.wall: 0.6913, IoU.building: 0.7930, IoU.sky: 0.8925, IoU.floor: 0.7285, IoU.tree: 0.6914, IoU.ceiling: 0.7627, IoU.road: 0.7819, IoU.bed : 0.8321, IoU.windowpane: 0.5785, IoU.grass: 0.6598, IoU.cabinet: 0.5375, IoU.sidewalk: 0.5602, IoU.person: 0.7467, IoU.earth: 0.3375, IoU.door: 0.3891, IoU.table: 0.5308, IoU.mountain: 0.5497, IoU.plant: 0.4986, IoU.curtain: 0.6274, IoU.chair: 0.5264, IoU.car: 0.7814, IoU.water: 0.5490, IoU.painting: 0.6583, IoU.sofa: 0.6563, IoU.shelf: 0.3723, IoU.house: 0.4555, IoU.sea: 0.6066, IoU.mirror: 0.5651, IoU.rug: 0.4589, IoU.field: 0.3402, IoU.armchair: 0.4126, IoU.seat: 0.5535, IoU.fence: 0.3704, IoU.desk: 0.4119, IoU.rock: 0.5095, IoU.wardrobe: 0.4374, IoU.lamp: 0.5550, IoU.bathtub: 0.7121, IoU.railing: 0.3274, IoU.cushion: 0.5637, IoU.base: 0.2632, IoU.box: 0.2663, IoU.column: 0.3535, IoU.signboard: 0.3030, IoU.chest of drawers: 0.3847, IoU.counter: 0.3195, IoU.sand: 0.4417, IoU.sink: 0.6748, IoU.skyscraper: 0.4391, IoU.fireplace: 0.6238, IoU.refrigerator: 0.5621, IoU.grandstand: 0.5171, IoU.path: 0.1720, IoU.stairs: 0.2688, IoU.runway: 0.6424, IoU.case: 0.5371, IoU.pool table: 0.8407, IoU.pillow: 0.5488, IoU.screen door: 0.5331, IoU.stairway: 0.4706, IoU.river: 0.1559, IoU.bridge: 0.4392, IoU.bookcase: 0.3080, IoU.blind: 0.2227, IoU.coffee table: 0.5719, IoU.toilet: 0.7774, IoU.flower: 0.3861, IoU.book: 0.4706, IoU.hill: 0.0578, IoU.bench: 0.4699, IoU.countertop: 0.5114, IoU.stove: 0.6941, IoU.palm: 0.4790, IoU.kitchen island: 0.3771, IoU.computer: 0.6184, IoU.swivel chair: 0.4232, IoU.boat: 0.5933, IoU.bar: 0.5396, IoU.arcade machine: 0.6498, IoU.hovel: 0.3094, IoU.bus: 0.8237, IoU.towel: 0.6506, IoU.light: 0.3386, IoU.truck: 0.3552, IoU.tower: 0.1990, IoU.chandelier: 0.6214, IoU.awning: 0.2698, IoU.streetlight: 0.2212, IoU.booth: 0.3414, IoU.television receiver: 0.6569, IoU.airplane: 0.5202, IoU.dirt track: 0.1419, IoU.apparel: 0.4468, IoU.pole: 0.1445, IoU.land: 0.0182, IoU.bannister: 0.0723, IoU.escalator: 0.5263, IoU.ottoman: 0.4437, IoU.bottle: 0.4048, IoU.buffet: 0.4157, IoU.poster: 0.2061, IoU.stage: 0.1409, IoU.van: 0.3556, IoU.ship: 0.3428, IoU.fountain: 0.2004, IoU.conveyer belt: 0.6639, IoU.canopy: 0.2892, IoU.washer: 0.7430, IoU.plaything: 0.2812, IoU.swimming pool: 0.5978, IoU.stool: 0.2826, IoU.barrel: 0.2817, IoU.basket: 0.3532, IoU.waterfall: 0.4554, IoU.tent: 0.7921, IoU.bag: 0.1453, IoU.minibike: 0.6454, IoU.cradle: 0.7226, IoU.oven: 0.4358, IoU.ball: 0.5563, IoU.food: 0.5517, IoU.step: 0.0529, IoU.tank: 0.5601, IoU.trade name: 0.1568, IoU.microwave: 0.6893, IoU.pot: 0.3649, IoU.animal: 0.5764, IoU.bicycle: 0.5587, IoU.lake: 0.1540, IoU.dishwasher: 0.4732, IoU.screen: 0.4298, IoU.blanket: 0.1635, IoU.sculpture: 0.5621, IoU.hood: 0.5321, IoU.sconce: 0.3487, IoU.vase: 0.3661, IoU.traffic light: 0.3114, IoU.tray: 0.0949, IoU.ashcan: 0.4106, IoU.fan: 0.4995, IoU.pier: 0.3437, IoU.crt screen: 0.0180, IoU.plate: 0.4957, IoU.monitor: 0.1694, IoU.bulletin board: 0.4289, IoU.shower: 0.0273, IoU.radiator: 0.5735, IoU.glass: 0.1648, IoU.clock: 0.3218, IoU.flag: 0.4356, Acc.wall: 0.8501, Acc.building: 0.9164, Acc.sky: 0.9528, Acc.floor: 0.8691, Acc.tree: 0.8365, Acc.ceiling: 0.8806, Acc.road: 0.8779, Acc.bed : 0.9266, Acc.windowpane: 0.7552, Acc.grass: 0.8199, Acc.cabinet: 0.6640, Acc.sidewalk: 0.7154, Acc.person: 0.9071, Acc.earth: 0.4546, Acc.door: 0.4753, Acc.table: 0.6677, Acc.mountain: 0.6950, Acc.plant: 0.6063, Acc.curtain: 0.7340, Acc.chair: 0.6829, Acc.car: 0.9174, Acc.water: 0.7305, Acc.painting: 0.7964, Acc.sofa: 0.8224, Acc.shelf: 0.5070, Acc.house: 0.6312, Acc.sea: 0.7781, Acc.mirror: 0.6659, Acc.rug: 0.4967, Acc.field: 0.5073, Acc.armchair: 0.5569, Acc.seat: 0.7584, Acc.fence: 0.4945, Acc.desk: 0.6554, Acc.rock: 0.6669, Acc.wardrobe: 0.5888, Acc.lamp: 0.6880, Acc.bathtub: 0.7908, Acc.railing: 0.4543, Acc.cushion: 0.6794, Acc.base: 0.3987, Acc.box: 0.3383, Acc.column: 0.4349, Acc.signboard: 0.4387, Acc.chest of drawers: 0.4902, Acc.counter: 0.3916, Acc.sand: 0.6008, Acc.sink: 0.7613, Acc.skyscraper: 0.5874, Acc.fireplace: 0.8161, Acc.refrigerator: 0.6443, Acc.grandstand: 0.7886, Acc.path: 0.2346, Acc.stairs: 0.2979, Acc.runway: 0.8473, Acc.case: 0.6612, Acc.pool table: 0.9546, Acc.pillow: 0.6774, Acc.screen door: 0.5951, Acc.stairway: 0.6309, Acc.river: 0.2642, Acc.bridge: 0.5343, Acc.bookcase: 0.4353, Acc.blind: 0.2454, Acc.coffee table: 0.7821, Acc.toilet: 0.8688, Acc.flower: 0.5225, Acc.book: 0.6772, Acc.hill: 0.0811, Acc.bench: 0.5705, Acc.countertop: 0.6346, Acc.stove: 0.7837, Acc.palm: 0.6287, Acc.kitchen island: 0.5738, Acc.computer: 0.7652, Acc.swivel chair: 0.5372, Acc.boat: 0.7513, Acc.bar: 0.6475, Acc.arcade machine: 0.7544, Acc.hovel: 0.3547, Acc.bus: 0.9092, Acc.towel: 0.7779, Acc.light: 0.3965, Acc.truck: 0.4951, Acc.tower: 0.3196, Acc.chandelier: 0.7770, Acc.awning: 0.3539, Acc.streetlight: 0.2734, Acc.booth: 0.4333, Acc.television receiver: 0.7568, Acc.airplane: 0.6568, Acc.dirt track: 0.2217, Acc.apparel: 0.6231, Acc.pole: 0.1790, Acc.land: 0.0259, Acc.bannister: 0.0965, Acc.escalator: 0.6668, Acc.ottoman: 0.5355, Acc.bottle: 0.6642, Acc.buffet: 0.4802, Acc.poster: 0.2654, Acc.stage: 0.2756, Acc.van: 0.4728, Acc.ship: 0.3957, Acc.fountain: 0.2079, Acc.conveyer belt: 0.9151, Acc.canopy: 0.3228, Acc.washer: 0.8120, Acc.plaything: 0.3956, Acc.swimming pool: 0.8011, Acc.stool: 0.3425, Acc.barrel: 0.4325, Acc.basket: 0.4456, Acc.waterfall: 0.5164, Acc.tent: 0.9833, Acc.bag: 0.1629, Acc.minibike: 0.8541, Acc.cradle: 0.9236, Acc.oven: 0.5048, Acc.ball: 0.7035, Acc.food: 0.6657, Acc.step: 0.0589, Acc.tank: 0.7437, Acc.trade name: 0.1752, Acc.microwave: 0.7574, Acc.pot: 0.4082, Acc.animal: 0.6419, Acc.bicycle: 0.7887, Acc.lake: 0.1663, Acc.dishwasher: 0.5089, Acc.screen: 0.6065, Acc.blanket: 0.1892, Acc.sculpture: 0.7378, Acc.hood: 0.5766, Acc.sconce: 0.4165, Acc.vase: 0.5066, Acc.traffic light: 0.4337, Acc.tray: 0.1142, Acc.ashcan: 0.4920, Acc.fan: 0.6266, Acc.pier: 0.4406, Acc.crt screen: 0.0388, Acc.plate: 0.6359, Acc.monitor: 0.2022, Acc.bulletin board: 0.5383, Acc.shower: 0.0433, Acc.radiator: 0.6338, Acc.glass: 0.1819, Acc.clock: 0.3513, Acc.flag: 0.5090 2023-11-10 00:55:19,514 - mmseg - INFO - Iter [27050/80000] lr: 2.648e-05, eta: 4:12:10, time: 1.130, data_time: 0.925, memory: 16310, decode.loss_ce: 0.5938, decode.acc_seg: 78.1697, loss: 0.5938 2023-11-10 00:55:30,062 - mmseg - INFO - Iter [27100/80000] lr: 2.645e-05, eta: 4:11:48, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5796, decode.acc_seg: 78.4508, loss: 0.5796 2023-11-10 00:55:40,615 - mmseg - INFO - Iter [27150/80000] lr: 2.643e-05, eta: 4:11:27, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5588, decode.acc_seg: 79.2571, loss: 0.5588 2023-11-10 00:55:51,161 - mmseg - INFO - Iter [27200/80000] lr: 2.640e-05, eta: 4:11:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5963, decode.acc_seg: 77.6923, loss: 0.5963 2023-11-10 00:56:01,708 - mmseg - INFO - Iter [27250/80000] lr: 2.638e-05, eta: 4:10:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5618, decode.acc_seg: 79.1824, loss: 0.5618 2023-11-10 00:56:12,240 - mmseg - INFO - Iter [27300/80000] lr: 2.635e-05, eta: 4:10:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6069, decode.acc_seg: 77.8951, loss: 0.6069 2023-11-10 00:56:22,769 - mmseg - INFO - Iter [27350/80000] lr: 2.633e-05, eta: 4:10:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5801, decode.acc_seg: 77.9610, loss: 0.5801 2023-11-10 00:56:33,307 - mmseg - INFO - Iter [27400/80000] lr: 2.630e-05, eta: 4:09:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5616, decode.acc_seg: 79.2169, loss: 0.5616 2023-11-10 00:56:43,827 - mmseg - INFO - Iter [27450/80000] lr: 2.628e-05, eta: 4:09:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5764, decode.acc_seg: 78.8082, loss: 0.5764 2023-11-10 00:56:54,355 - mmseg - INFO - Iter [27500/80000] lr: 2.625e-05, eta: 4:08:57, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5492, decode.acc_seg: 79.5387, loss: 0.5492 2023-11-10 00:57:04,875 - mmseg - INFO - Iter [27550/80000] lr: 2.623e-05, eta: 4:08:35, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5669, decode.acc_seg: 79.0628, loss: 0.5669 2023-11-10 00:57:15,399 - mmseg - INFO - Iter [27600/80000] lr: 2.620e-05, eta: 4:08:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5829, decode.acc_seg: 78.3534, loss: 0.5829 2023-11-10 00:57:25,914 - mmseg - INFO - Iter [27650/80000] lr: 2.618e-05, eta: 4:07:53, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5830, decode.acc_seg: 78.2620, loss: 0.5830 2023-11-10 00:57:36,432 - mmseg - INFO - Iter [27700/80000] lr: 2.615e-05, eta: 4:07:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5812, decode.acc_seg: 78.3893, loss: 0.5812 2023-11-10 00:57:46,954 - mmseg - INFO - Iter [27750/80000] lr: 2.613e-05, eta: 4:07:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5841, decode.acc_seg: 78.6159, loss: 0.5841 2023-11-10 00:57:59,790 - mmseg - INFO - Iter [27800/80000] lr: 2.610e-05, eta: 4:06:54, time: 0.257, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5642, decode.acc_seg: 78.5755, loss: 0.5642 2023-11-10 00:58:10,310 - mmseg - INFO - Iter [27850/80000] lr: 2.608e-05, eta: 4:06:33, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5726, decode.acc_seg: 78.6523, loss: 0.5726 2023-11-10 00:58:20,834 - mmseg - INFO - Iter [27900/80000] lr: 2.605e-05, eta: 4:06:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5888, decode.acc_seg: 78.0368, loss: 0.5888 2023-11-10 00:58:31,349 - mmseg - INFO - Iter [27950/80000] lr: 2.603e-05, eta: 4:05:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5757, decode.acc_seg: 78.7611, loss: 0.5757 2023-11-10 00:58:41,868 - mmseg - INFO - Saving checkpoint at 28000 iterations 2023-11-10 00:59:06,368 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:59:06,368 - mmseg - INFO - Iter [28000/80000] lr: 2.600e-05, eta: 4:06:15, time: 0.700, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5413, decode.acc_seg: 79.9837, loss: 0.5413 2023-11-10 00:59:52,119 - mmseg - INFO - per class results: 2023-11-10 00:59:52,124 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.29 | 84.92 | | building | 79.17 | 92.32 | | sky | 89.4 | 94.95 | | floor | 73.26 | 86.19 | | tree | 69.08 | 83.86 | | ceiling | 76.3 | 86.87 | | road | 77.77 | 88.65 | | bed | 82.85 | 93.43 | | windowpane | 57.82 | 74.76 | | grass | 65.76 | 79.88 | | cabinet | 53.7 | 66.66 | | sidewalk | 55.52 | 71.1 | | person | 75.22 | 89.54 | | earth | 34.35 | 47.42 | | door | 39.74 | 49.76 | | table | 53.09 | 67.91 | | mountain | 54.63 | 68.23 | | plant | 49.56 | 60.28 | | curtain | 63.03 | 74.36 | | chair | 52.37 | 67.51 | | car | 77.8 | 91.82 | | water | 55.28 | 71.98 | | painting | 65.67 | 80.18 | | sofa | 65.42 | 82.71 | | shelf | 38.66 | 54.8 | | house | 44.21 | 58.15 | | sea | 60.15 | 78.7 | | mirror | 57.41 | 69.63 | | rug | 49.36 | 54.67 | | field | 33.46 | 51.46 | | armchair | 40.78 | 54.76 | | seat | 55.75 | 76.63 | | fence | 37.72 | 48.95 | | desk | 40.95 | 66.57 | | rock | 51.14 | 66.5 | | wardrobe | 43.49 | 58.47 | | lamp | 55.96 | 70.96 | | bathtub | 70.97 | 77.27 | | railing | 32.51 | 43.68 | | cushion | 56.39 | 71.05 | | base | 25.88 | 37.05 | | box | 26.16 | 33.18 | | column | 33.51 | 39.43 | | signboard | 30.52 | 47.28 | | chest of drawers | 39.57 | 54.9 | | counter | 33.05 | 41.96 | | sand | 43.47 | 56.92 | | sink | 67.92 | 79.04 | | skyscraper | 44.77 | 60.9 | | fireplace | 62.42 | 81.6 | | refrigerator | 55.74 | 64.17 | | grandstand | 50.53 | 79.58 | | path | 16.88 | 22.72 | | stairs | 27.1 | 30.61 | | runway | 64.47 | 84.84 | | case | 54.2 | 65.91 | | pool table | 84.48 | 95.34 | | pillow | 50.49 | 58.32 | | screen door | 51.14 | 55.83 | | stairway | 47.48 | 59.4 | | river | 15.67 | 27.46 | | bridge | 42.94 | 52.48 | | bookcase | 31.77 | 43.49 | | blind | 21.55 | 23.7 | | coffee table | 57.62 | 78.41 | | toilet | 78.19 | 87.65 | | flower | 36.42 | 51.55 | | book | 46.99 | 68.32 | | hill | 5.53 | 9.45 | | bench | 46.27 | 55.56 | | countertop | 51.44 | 64.93 | | stove | 68.99 | 77.39 | | palm | 47.38 | 60.04 | | kitchen island | 37.24 | 59.58 | | computer | 63.23 | 78.57 | | swivel chair | 43.24 | 58.95 | | boat | 56.75 | 77.57 | | bar | 52.89 | 62.41 | | arcade machine | 64.29 | 73.95 | | hovel | 32.14 | 36.75 | | bus | 82.7 | 90.44 | | towel | 65.25 | 76.37 | | light | 33.34 | 37.89 | | truck | 36.44 | 53.1 | | tower | 20.25 | 32.09 | | chandelier | 61.93 | 76.5 | | awning | 24.92 | 31.52 | | streetlight | 21.77 | 26.79 | | booth | 33.45 | 41.21 | | television receiver | 65.31 | 73.69 | | airplane | 52.01 | 66.47 | | dirt track | 13.65 | 18.47 | | apparel | 46.61 | 65.56 | | pole | 14.9 | 18.6 | | land | 1.76 | 2.45 | | bannister | 5.78 | 7.51 | | escalator | 51.71 | 65.49 | | ottoman | 43.36 | 52.94 | | bottle | 40.54 | 65.4 | | buffet | 43.34 | 52.14 | | poster | 20.14 | 26.13 | | stage | 14.23 | 26.49 | | van | 28.44 | 35.41 | | ship | 19.44 | 21.18 | | fountain | 21.15 | 22.01 | | conveyer belt | 64.98 | 92.41 | | canopy | 29.22 | 34.02 | | washer | 74.41 | 81.64 | | plaything | 28.24 | 40.42 | | swimming pool | 60.21 | 79.19 | | stool | 28.7 | 38.22 | | barrel | 28.44 | 41.36 | | basket | 35.68 | 45.21 | | waterfall | 46.13 | 52.91 | | tent | 80.61 | 97.96 | | bag | 16.98 | 20.03 | | minibike | 64.68 | 81.72 | | cradle | 71.32 | 93.21 | | oven | 45.71 | 55.34 | | ball | 55.84 | 69.97 | | food | 55.44 | 68.09 | | step | 5.75 | 6.39 | | tank | 56.39 | 74.33 | | trade name | 14.96 | 16.62 | | microwave | 68.48 | 73.93 | | pot | 36.93 | 41.21 | | animal | 56.9 | 63.45 | | bicycle | 55.42 | 78.6 | | lake | 22.04 | 25.42 | | dishwasher | 47.16 | 50.39 | | screen | 41.56 | 53.19 | | blanket | 14.08 | 16.08 | | sculpture | 56.03 | 75.06 | | hood | 47.87 | 50.24 | | sconce | 35.94 | 45.52 | | vase | 36.59 | 51.22 | | traffic light | 30.95 | 42.46 | | tray | 11.26 | 14.06 | | ashcan | 41.86 | 53.15 | | fan | 48.99 | 59.67 | | pier | 34.4 | 44.0 | | crt screen | 4.59 | 9.76 | | plate | 48.92 | 63.38 | | monitor | 17.51 | 20.13 | | bulletin board | 42.59 | 52.7 | | shower | 2.15 | 2.87 | | radiator | 59.24 | 67.64 | | glass | 16.04 | 17.62 | | clock | 34.03 | 38.07 | | flag | 43.6 | 50.02 | +---------------------+-------+-------+ 2023-11-10 00:59:52,124 - mmseg - INFO - Summary: 2023-11-10 00:59:52,124 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 79.41 | 45.31 | 56.6 | +-------+-------+------+ 2023-11-10 00:59:52,125 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 00:59:52,125 - mmseg - INFO - Iter(val) [250] aAcc: 0.7941, mIoU: 0.4531, mAcc: 0.5660, IoU.wall: 0.6929, IoU.building: 0.7917, IoU.sky: 0.8940, IoU.floor: 0.7326, IoU.tree: 0.6908, IoU.ceiling: 0.7630, IoU.road: 0.7777, IoU.bed : 0.8285, IoU.windowpane: 0.5782, IoU.grass: 0.6576, IoU.cabinet: 0.5370, IoU.sidewalk: 0.5552, IoU.person: 0.7522, IoU.earth: 0.3435, IoU.door: 0.3974, IoU.table: 0.5309, IoU.mountain: 0.5463, IoU.plant: 0.4956, IoU.curtain: 0.6303, IoU.chair: 0.5237, IoU.car: 0.7780, IoU.water: 0.5528, IoU.painting: 0.6567, IoU.sofa: 0.6542, IoU.shelf: 0.3866, IoU.house: 0.4421, IoU.sea: 0.6015, IoU.mirror: 0.5741, IoU.rug: 0.4936, IoU.field: 0.3346, IoU.armchair: 0.4078, IoU.seat: 0.5575, IoU.fence: 0.3772, IoU.desk: 0.4095, IoU.rock: 0.5114, IoU.wardrobe: 0.4349, IoU.lamp: 0.5596, IoU.bathtub: 0.7097, IoU.railing: 0.3251, IoU.cushion: 0.5639, IoU.base: 0.2588, IoU.box: 0.2616, IoU.column: 0.3351, IoU.signboard: 0.3052, IoU.chest of drawers: 0.3957, IoU.counter: 0.3305, IoU.sand: 0.4347, IoU.sink: 0.6792, IoU.skyscraper: 0.4477, IoU.fireplace: 0.6242, IoU.refrigerator: 0.5574, IoU.grandstand: 0.5053, IoU.path: 0.1688, IoU.stairs: 0.2710, IoU.runway: 0.6447, IoU.case: 0.5420, IoU.pool table: 0.8448, IoU.pillow: 0.5049, IoU.screen door: 0.5114, IoU.stairway: 0.4748, IoU.river: 0.1567, IoU.bridge: 0.4294, IoU.bookcase: 0.3177, IoU.blind: 0.2155, IoU.coffee table: 0.5762, IoU.toilet: 0.7819, IoU.flower: 0.3642, IoU.book: 0.4699, IoU.hill: 0.0553, IoU.bench: 0.4627, IoU.countertop: 0.5144, IoU.stove: 0.6899, IoU.palm: 0.4738, IoU.kitchen island: 0.3724, IoU.computer: 0.6323, IoU.swivel chair: 0.4324, IoU.boat: 0.5675, IoU.bar: 0.5289, IoU.arcade machine: 0.6429, IoU.hovel: 0.3214, IoU.bus: 0.8270, IoU.towel: 0.6525, IoU.light: 0.3334, IoU.truck: 0.3644, IoU.tower: 0.2025, IoU.chandelier: 0.6193, IoU.awning: 0.2492, IoU.streetlight: 0.2177, IoU.booth: 0.3345, IoU.television receiver: 0.6531, IoU.airplane: 0.5201, IoU.dirt track: 0.1365, IoU.apparel: 0.4661, IoU.pole: 0.1490, IoU.land: 0.0176, IoU.bannister: 0.0578, IoU.escalator: 0.5171, IoU.ottoman: 0.4336, IoU.bottle: 0.4054, IoU.buffet: 0.4334, IoU.poster: 0.2014, IoU.stage: 0.1423, IoU.van: 0.2844, IoU.ship: 0.1944, IoU.fountain: 0.2115, IoU.conveyer belt: 0.6498, IoU.canopy: 0.2922, IoU.washer: 0.7441, IoU.plaything: 0.2824, IoU.swimming pool: 0.6021, IoU.stool: 0.2870, IoU.barrel: 0.2844, IoU.basket: 0.3568, IoU.waterfall: 0.4613, IoU.tent: 0.8061, IoU.bag: 0.1698, IoU.minibike: 0.6468, IoU.cradle: 0.7132, IoU.oven: 0.4571, IoU.ball: 0.5584, IoU.food: 0.5544, IoU.step: 0.0575, IoU.tank: 0.5639, IoU.trade name: 0.1496, IoU.microwave: 0.6848, IoU.pot: 0.3693, IoU.animal: 0.5690, IoU.bicycle: 0.5542, IoU.lake: 0.2204, IoU.dishwasher: 0.4716, IoU.screen: 0.4156, IoU.blanket: 0.1408, IoU.sculpture: 0.5603, IoU.hood: 0.4787, IoU.sconce: 0.3594, IoU.vase: 0.3659, IoU.traffic light: 0.3095, IoU.tray: 0.1126, IoU.ashcan: 0.4186, IoU.fan: 0.4899, IoU.pier: 0.3440, IoU.crt screen: 0.0459, IoU.plate: 0.4892, IoU.monitor: 0.1751, IoU.bulletin board: 0.4259, IoU.shower: 0.0215, IoU.radiator: 0.5924, IoU.glass: 0.1604, IoU.clock: 0.3403, IoU.flag: 0.4360, Acc.wall: 0.8492, Acc.building: 0.9232, Acc.sky: 0.9495, Acc.floor: 0.8619, Acc.tree: 0.8386, Acc.ceiling: 0.8687, Acc.road: 0.8865, Acc.bed : 0.9343, Acc.windowpane: 0.7476, Acc.grass: 0.7988, Acc.cabinet: 0.6666, Acc.sidewalk: 0.7110, Acc.person: 0.8954, Acc.earth: 0.4742, Acc.door: 0.4976, Acc.table: 0.6791, Acc.mountain: 0.6823, Acc.plant: 0.6028, Acc.curtain: 0.7436, Acc.chair: 0.6751, Acc.car: 0.9182, Acc.water: 0.7198, Acc.painting: 0.8018, Acc.sofa: 0.8271, Acc.shelf: 0.5480, Acc.house: 0.5815, Acc.sea: 0.7870, Acc.mirror: 0.6963, Acc.rug: 0.5467, Acc.field: 0.5146, Acc.armchair: 0.5476, Acc.seat: 0.7663, Acc.fence: 0.4895, Acc.desk: 0.6657, Acc.rock: 0.6650, Acc.wardrobe: 0.5847, Acc.lamp: 0.7096, Acc.bathtub: 0.7727, Acc.railing: 0.4368, Acc.cushion: 0.7105, Acc.base: 0.3705, Acc.box: 0.3318, Acc.column: 0.3943, Acc.signboard: 0.4728, Acc.chest of drawers: 0.5490, Acc.counter: 0.4196, Acc.sand: 0.5692, Acc.sink: 0.7904, Acc.skyscraper: 0.6090, Acc.fireplace: 0.8160, Acc.refrigerator: 0.6417, Acc.grandstand: 0.7958, Acc.path: 0.2272, Acc.stairs: 0.3061, Acc.runway: 0.8484, Acc.case: 0.6591, Acc.pool table: 0.9534, Acc.pillow: 0.5832, Acc.screen door: 0.5583, Acc.stairway: 0.5940, Acc.river: 0.2746, Acc.bridge: 0.5248, Acc.bookcase: 0.4349, Acc.blind: 0.2370, Acc.coffee table: 0.7841, Acc.toilet: 0.8765, Acc.flower: 0.5155, Acc.book: 0.6832, Acc.hill: 0.0945, Acc.bench: 0.5556, Acc.countertop: 0.6493, Acc.stove: 0.7739, Acc.palm: 0.6004, Acc.kitchen island: 0.5958, Acc.computer: 0.7857, Acc.swivel chair: 0.5895, Acc.boat: 0.7757, Acc.bar: 0.6241, Acc.arcade machine: 0.7395, Acc.hovel: 0.3675, Acc.bus: 0.9044, Acc.towel: 0.7637, Acc.light: 0.3789, Acc.truck: 0.5310, Acc.tower: 0.3209, Acc.chandelier: 0.7650, Acc.awning: 0.3152, Acc.streetlight: 0.2679, Acc.booth: 0.4121, Acc.television receiver: 0.7369, Acc.airplane: 0.6647, Acc.dirt track: 0.1847, Acc.apparel: 0.6556, Acc.pole: 0.1860, Acc.land: 0.0245, Acc.bannister: 0.0751, Acc.escalator: 0.6549, Acc.ottoman: 0.5294, Acc.bottle: 0.6540, Acc.buffet: 0.5214, Acc.poster: 0.2613, Acc.stage: 0.2649, Acc.van: 0.3541, Acc.ship: 0.2118, Acc.fountain: 0.2201, Acc.conveyer belt: 0.9241, Acc.canopy: 0.3402, Acc.washer: 0.8164, Acc.plaything: 0.4042, Acc.swimming pool: 0.7919, Acc.stool: 0.3822, Acc.barrel: 0.4136, Acc.basket: 0.4521, Acc.waterfall: 0.5291, Acc.tent: 0.9796, Acc.bag: 0.2003, Acc.minibike: 0.8172, Acc.cradle: 0.9321, Acc.oven: 0.5534, Acc.ball: 0.6997, Acc.food: 0.6809, Acc.step: 0.0639, Acc.tank: 0.7433, Acc.trade name: 0.1662, Acc.microwave: 0.7393, Acc.pot: 0.4121, Acc.animal: 0.6345, Acc.bicycle: 0.7860, Acc.lake: 0.2542, Acc.dishwasher: 0.5039, Acc.screen: 0.5319, Acc.blanket: 0.1608, Acc.sculpture: 0.7506, Acc.hood: 0.5024, Acc.sconce: 0.4552, Acc.vase: 0.5122, Acc.traffic light: 0.4246, Acc.tray: 0.1406, Acc.ashcan: 0.5315, Acc.fan: 0.5967, Acc.pier: 0.4400, Acc.crt screen: 0.0976, Acc.plate: 0.6338, Acc.monitor: 0.2013, Acc.bulletin board: 0.5270, Acc.shower: 0.0287, Acc.radiator: 0.6764, Acc.glass: 0.1762, Acc.clock: 0.3807, Acc.flag: 0.5002 2023-11-10 01:00:02,754 - mmseg - INFO - Iter [28050/80000] lr: 2.598e-05, eta: 4:07:19, time: 1.128, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5643, decode.acc_seg: 79.3106, loss: 0.5643 2023-11-10 01:00:13,355 - mmseg - INFO - Iter [28100/80000] lr: 2.595e-05, eta: 4:06:58, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5775, decode.acc_seg: 78.4984, loss: 0.5775 2023-11-10 01:00:23,908 - mmseg - INFO - Iter [28150/80000] lr: 2.593e-05, eta: 4:06:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5643, decode.acc_seg: 78.8594, loss: 0.5643 2023-11-10 01:00:34,439 - mmseg - INFO - Iter [28200/80000] lr: 2.590e-05, eta: 4:06:16, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5778, decode.acc_seg: 78.3994, loss: 0.5778 2023-11-10 01:00:44,955 - mmseg - INFO - Iter [28250/80000] lr: 2.588e-05, eta: 4:05:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5792, decode.acc_seg: 78.6371, loss: 0.5792 2023-11-10 01:00:55,494 - mmseg - INFO - Iter [28300/80000] lr: 2.585e-05, eta: 4:05:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5639, decode.acc_seg: 79.0811, loss: 0.5639 2023-11-10 01:01:06,025 - mmseg - INFO - Iter [28350/80000] lr: 2.583e-05, eta: 4:05:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5723, decode.acc_seg: 78.8497, loss: 0.5723 2023-11-10 01:01:16,540 - mmseg - INFO - Iter [28400/80000] lr: 2.580e-05, eta: 4:04:52, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5798, decode.acc_seg: 78.6162, loss: 0.5798 2023-11-10 01:01:27,065 - mmseg - INFO - Iter [28450/80000] lr: 2.578e-05, eta: 4:04:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5601, decode.acc_seg: 78.9962, loss: 0.5601 2023-11-10 01:01:37,583 - mmseg - INFO - Iter [28500/80000] lr: 2.575e-05, eta: 4:04:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5620, decode.acc_seg: 79.0706, loss: 0.5620 2023-11-10 01:01:48,100 - mmseg - INFO - Iter [28550/80000] lr: 2.573e-05, eta: 4:03:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.3895, loss: 0.5481 2023-11-10 01:01:58,614 - mmseg - INFO - Iter [28600/80000] lr: 2.570e-05, eta: 4:03:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5736, decode.acc_seg: 78.6306, loss: 0.5736 2023-11-10 01:02:09,134 - mmseg - INFO - Iter [28650/80000] lr: 2.568e-05, eta: 4:03:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5847, decode.acc_seg: 78.6166, loss: 0.5847 2023-11-10 01:02:19,653 - mmseg - INFO - Iter [28700/80000] lr: 2.565e-05, eta: 4:02:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5726, decode.acc_seg: 78.8084, loss: 0.5726 2023-11-10 01:02:30,167 - mmseg - INFO - Iter [28750/80000] lr: 2.563e-05, eta: 4:02:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5668, decode.acc_seg: 78.8247, loss: 0.5668 2023-11-10 01:02:40,669 - mmseg - INFO - Iter [28800/80000] lr: 2.560e-05, eta: 4:02:05, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5766, decode.acc_seg: 78.8003, loss: 0.5766 2023-11-10 01:02:51,201 - mmseg - INFO - Iter [28850/80000] lr: 2.558e-05, eta: 4:01:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5763, decode.acc_seg: 78.1300, loss: 0.5763 2023-11-10 01:03:01,710 - mmseg - INFO - Iter [28900/80000] lr: 2.555e-05, eta: 4:01:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.6025, decode.acc_seg: 77.9672, loss: 0.6025 2023-11-10 01:03:12,219 - mmseg - INFO - Iter [28950/80000] lr: 2.553e-05, eta: 4:01:03, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5687, decode.acc_seg: 78.8392, loss: 0.5687 2023-11-10 01:03:22,736 - mmseg - INFO - Saving checkpoint at 29000 iterations 2023-11-10 01:03:49,001 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:03:49,002 - mmseg - INFO - Iter [29000/80000] lr: 2.550e-05, eta: 4:01:29, time: 0.736, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5417, decode.acc_seg: 79.4839, loss: 0.5417 2023-11-10 01:04:34,901 - mmseg - INFO - per class results: 2023-11-10 01:04:34,906 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.28 | 85.04 | | building | 79.43 | 91.95 | | sky | 89.35 | 95.35 | | floor | 72.92 | 87.31 | | tree | 69.4 | 83.69 | | ceiling | 76.33 | 87.76 | | road | 78.38 | 86.67 | | bed | 83.17 | 92.89 | | windowpane | 57.76 | 74.72 | | grass | 65.76 | 81.04 | | cabinet | 53.67 | 66.12 | | sidewalk | 56.28 | 75.72 | | person | 74.79 | 90.3 | | earth | 34.49 | 48.53 | | door | 38.93 | 47.46 | | table | 53.16 | 66.58 | | mountain | 54.78 | 69.41 | | plant | 49.45 | 59.92 | | curtain | 63.29 | 73.46 | | chair | 52.78 | 67.82 | | car | 78.44 | 91.39 | | water | 54.88 | 71.25 | | painting | 65.57 | 81.28 | | sofa | 65.62 | 79.88 | | shelf | 37.75 | 52.06 | | house | 46.27 | 61.75 | | sea | 59.99 | 77.81 | | mirror | 57.32 | 68.25 | | rug | 44.93 | 48.25 | | field | 34.99 | 56.22 | | armchair | 41.45 | 56.83 | | seat | 55.74 | 76.94 | | fence | 38.13 | 50.18 | | desk | 40.98 | 65.43 | | rock | 50.82 | 67.26 | | wardrobe | 43.01 | 55.98 | | lamp | 55.92 | 69.79 | | bathtub | 71.55 | 78.4 | | railing | 32.92 | 44.56 | | cushion | 56.03 | 67.63 | | base | 25.97 | 39.91 | | box | 25.93 | 32.7 | | column | 35.72 | 44.09 | | signboard | 30.83 | 45.38 | | chest of drawers | 38.57 | 50.44 | | counter | 30.29 | 37.46 | | sand | 44.46 | 58.73 | | sink | 67.19 | 74.78 | | skyscraper | 44.09 | 58.41 | | fireplace | 62.77 | 79.0 | | refrigerator | 54.7 | 61.3 | | grandstand | 53.53 | 76.7 | | path | 16.2 | 21.3 | | stairs | 28.09 | 31.41 | | runway | 65.29 | 86.56 | | case | 53.08 | 68.8 | | pool table | 85.11 | 94.72 | | pillow | 54.48 | 66.19 | | screen door | 51.29 | 56.76 | | stairway | 47.09 | 61.87 | | river | 15.72 | 26.29 | | bridge | 43.55 | 52.32 | | bookcase | 31.83 | 45.39 | | blind | 23.16 | 25.39 | | coffee table | 57.66 | 78.23 | | toilet | 77.91 | 87.19 | | flower | 37.85 | 53.62 | | book | 46.9 | 67.21 | | hill | 5.7 | 8.86 | | bench | 47.1 | 57.38 | | countertop | 51.5 | 65.26 | | stove | 69.57 | 78.58 | | palm | 48.53 | 65.85 | | kitchen island | 37.05 | 60.21 | | computer | 62.29 | 76.0 | | swivel chair | 42.32 | 53.68 | | boat | 59.16 | 76.19 | | bar | 53.32 | 65.45 | | arcade machine | 64.77 | 74.3 | | hovel | 30.73 | 34.42 | | bus | 82.57 | 90.21 | | towel | 64.68 | 76.08 | | light | 32.22 | 36.33 | | truck | 36.46 | 51.47 | | tower | 18.78 | 28.65 | | chandelier | 61.86 | 75.86 | | awning | 26.01 | 33.0 | | streetlight | 21.33 | 25.91 | | booth | 32.71 | 41.19 | | television receiver | 65.74 | 74.22 | | airplane | 52.88 | 64.81 | | dirt track | 11.82 | 16.28 | | apparel | 45.74 | 57.59 | | pole | 12.16 | 14.2 | | land | 1.57 | 2.2 | | bannister | 6.41 | 8.25 | | escalator | 52.63 | 67.85 | | ottoman | 43.62 | 52.9 | | bottle | 40.63 | 63.47 | | buffet | 40.04 | 45.78 | | poster | 19.31 | 23.31 | | stage | 14.79 | 30.3 | | van | 36.28 | 47.25 | | ship | 27.3 | 30.56 | | fountain | 19.23 | 19.89 | | conveyer belt | 65.18 | 92.3 | | canopy | 32.38 | 37.68 | | washer | 74.73 | 82.66 | | plaything | 28.24 | 39.99 | | swimming pool | 60.22 | 81.17 | | stool | 28.2 | 35.21 | | barrel | 28.73 | 41.11 | | basket | 35.31 | 45.88 | | waterfall | 46.04 | 51.76 | | tent | 79.92 | 98.11 | | bag | 15.6 | 17.96 | | minibike | 65.13 | 84.45 | | cradle | 70.5 | 93.83 | | oven | 44.75 | 52.34 | | ball | 55.32 | 66.76 | | food | 53.72 | 63.74 | | step | 4.74 | 5.16 | | tank | 56.6 | 73.89 | | trade name | 16.34 | 18.52 | | microwave | 68.7 | 74.75 | | pot | 36.89 | 41.23 | | animal | 57.56 | 63.67 | | bicycle | 55.68 | 79.28 | | lake | 16.09 | 18.01 | | dishwasher | 46.46 | 48.87 | | screen | 42.25 | 55.55 | | blanket | 15.42 | 17.95 | | sculpture | 55.77 | 75.52 | | hood | 50.04 | 53.41 | | sconce | 36.13 | 45.14 | | vase | 36.05 | 48.64 | | traffic light | 31.05 | 42.0 | | tray | 10.81 | 13.31 | | ashcan | 40.82 | 48.74 | | fan | 49.44 | 60.43 | | pier | 34.69 | 42.67 | | crt screen | 2.81 | 6.38 | | plate | 49.52 | 64.02 | | monitor | 18.22 | 20.88 | | bulletin board | 43.53 | 53.96 | | shower | 2.79 | 4.64 | | radiator | 59.66 | 67.03 | | glass | 16.75 | 18.6 | | clock | 33.9 | 37.22 | | flag | 44.38 | 51.55 | +---------------------+-------+-------+ 2023-11-10 01:04:34,906 - mmseg - INFO - Summary: 2023-11-10 01:04:34,906 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.47 | 45.41 | 56.43 | +-------+-------+-------+ 2023-11-10 01:04:34,907 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:04:34,907 - mmseg - INFO - Iter(val) [250] aAcc: 0.7947, mIoU: 0.4541, mAcc: 0.5643, IoU.wall: 0.6928, IoU.building: 0.7943, IoU.sky: 0.8935, IoU.floor: 0.7292, IoU.tree: 0.6940, IoU.ceiling: 0.7633, IoU.road: 0.7838, IoU.bed : 0.8317, IoU.windowpane: 0.5776, IoU.grass: 0.6576, IoU.cabinet: 0.5367, IoU.sidewalk: 0.5628, IoU.person: 0.7479, IoU.earth: 0.3449, IoU.door: 0.3893, IoU.table: 0.5316, IoU.mountain: 0.5478, IoU.plant: 0.4945, IoU.curtain: 0.6329, IoU.chair: 0.5278, IoU.car: 0.7844, IoU.water: 0.5488, IoU.painting: 0.6557, IoU.sofa: 0.6562, IoU.shelf: 0.3775, IoU.house: 0.4627, IoU.sea: 0.5999, IoU.mirror: 0.5732, IoU.rug: 0.4493, IoU.field: 0.3499, IoU.armchair: 0.4145, IoU.seat: 0.5574, IoU.fence: 0.3813, IoU.desk: 0.4098, IoU.rock: 0.5082, IoU.wardrobe: 0.4301, IoU.lamp: 0.5592, IoU.bathtub: 0.7155, IoU.railing: 0.3292, IoU.cushion: 0.5603, IoU.base: 0.2597, IoU.box: 0.2593, IoU.column: 0.3572, IoU.signboard: 0.3083, IoU.chest of drawers: 0.3857, IoU.counter: 0.3029, IoU.sand: 0.4446, IoU.sink: 0.6719, IoU.skyscraper: 0.4409, IoU.fireplace: 0.6277, IoU.refrigerator: 0.5470, IoU.grandstand: 0.5353, IoU.path: 0.1620, IoU.stairs: 0.2809, IoU.runway: 0.6529, IoU.case: 0.5308, IoU.pool table: 0.8511, IoU.pillow: 0.5448, IoU.screen door: 0.5129, IoU.stairway: 0.4709, IoU.river: 0.1572, IoU.bridge: 0.4355, IoU.bookcase: 0.3183, IoU.blind: 0.2316, IoU.coffee table: 0.5766, IoU.toilet: 0.7791, IoU.flower: 0.3785, IoU.book: 0.4690, IoU.hill: 0.0570, IoU.bench: 0.4710, IoU.countertop: 0.5150, IoU.stove: 0.6957, IoU.palm: 0.4853, IoU.kitchen island: 0.3705, IoU.computer: 0.6229, IoU.swivel chair: 0.4232, IoU.boat: 0.5916, IoU.bar: 0.5332, IoU.arcade machine: 0.6477, IoU.hovel: 0.3073, IoU.bus: 0.8257, IoU.towel: 0.6468, IoU.light: 0.3222, IoU.truck: 0.3646, IoU.tower: 0.1878, IoU.chandelier: 0.6186, IoU.awning: 0.2601, IoU.streetlight: 0.2133, IoU.booth: 0.3271, IoU.television receiver: 0.6574, IoU.airplane: 0.5288, IoU.dirt track: 0.1182, IoU.apparel: 0.4574, IoU.pole: 0.1216, IoU.land: 0.0157, IoU.bannister: 0.0641, IoU.escalator: 0.5263, IoU.ottoman: 0.4362, IoU.bottle: 0.4063, IoU.buffet: 0.4004, IoU.poster: 0.1931, IoU.stage: 0.1479, IoU.van: 0.3628, IoU.ship: 0.2730, IoU.fountain: 0.1923, IoU.conveyer belt: 0.6518, IoU.canopy: 0.3238, IoU.washer: 0.7473, IoU.plaything: 0.2824, IoU.swimming pool: 0.6022, IoU.stool: 0.2820, IoU.barrel: 0.2873, IoU.basket: 0.3531, IoU.waterfall: 0.4604, IoU.tent: 0.7992, IoU.bag: 0.1560, IoU.minibike: 0.6513, IoU.cradle: 0.7050, IoU.oven: 0.4475, IoU.ball: 0.5532, IoU.food: 0.5372, IoU.step: 0.0474, IoU.tank: 0.5660, IoU.trade name: 0.1634, IoU.microwave: 0.6870, IoU.pot: 0.3689, IoU.animal: 0.5756, IoU.bicycle: 0.5568, IoU.lake: 0.1609, IoU.dishwasher: 0.4646, IoU.screen: 0.4225, IoU.blanket: 0.1542, IoU.sculpture: 0.5577, IoU.hood: 0.5004, IoU.sconce: 0.3613, IoU.vase: 0.3605, IoU.traffic light: 0.3105, IoU.tray: 0.1081, IoU.ashcan: 0.4082, IoU.fan: 0.4944, IoU.pier: 0.3469, IoU.crt screen: 0.0281, IoU.plate: 0.4952, IoU.monitor: 0.1822, IoU.bulletin board: 0.4353, IoU.shower: 0.0279, IoU.radiator: 0.5966, IoU.glass: 0.1675, IoU.clock: 0.3390, IoU.flag: 0.4438, Acc.wall: 0.8504, Acc.building: 0.9195, Acc.sky: 0.9535, Acc.floor: 0.8731, Acc.tree: 0.8369, Acc.ceiling: 0.8776, Acc.road: 0.8667, Acc.bed : 0.9289, Acc.windowpane: 0.7472, Acc.grass: 0.8104, Acc.cabinet: 0.6612, Acc.sidewalk: 0.7572, Acc.person: 0.9030, Acc.earth: 0.4853, Acc.door: 0.4746, Acc.table: 0.6658, Acc.mountain: 0.6941, Acc.plant: 0.5992, Acc.curtain: 0.7346, Acc.chair: 0.6782, Acc.car: 0.9139, Acc.water: 0.7125, Acc.painting: 0.8128, Acc.sofa: 0.7988, Acc.shelf: 0.5206, Acc.house: 0.6175, Acc.sea: 0.7781, Acc.mirror: 0.6825, Acc.rug: 0.4825, Acc.field: 0.5622, Acc.armchair: 0.5683, Acc.seat: 0.7694, Acc.fence: 0.5018, Acc.desk: 0.6543, Acc.rock: 0.6726, Acc.wardrobe: 0.5598, Acc.lamp: 0.6979, Acc.bathtub: 0.7840, Acc.railing: 0.4456, Acc.cushion: 0.6763, Acc.base: 0.3991, Acc.box: 0.3270, Acc.column: 0.4409, Acc.signboard: 0.4538, Acc.chest of drawers: 0.5044, Acc.counter: 0.3746, Acc.sand: 0.5873, Acc.sink: 0.7478, Acc.skyscraper: 0.5841, Acc.fireplace: 0.7900, Acc.refrigerator: 0.6130, Acc.grandstand: 0.7670, Acc.path: 0.2130, Acc.stairs: 0.3141, Acc.runway: 0.8656, Acc.case: 0.6880, Acc.pool table: 0.9472, Acc.pillow: 0.6619, Acc.screen door: 0.5676, Acc.stairway: 0.6187, Acc.river: 0.2629, Acc.bridge: 0.5232, Acc.bookcase: 0.4539, Acc.blind: 0.2539, Acc.coffee table: 0.7823, Acc.toilet: 0.8719, Acc.flower: 0.5362, Acc.book: 0.6721, Acc.hill: 0.0886, Acc.bench: 0.5738, Acc.countertop: 0.6526, Acc.stove: 0.7858, Acc.palm: 0.6585, Acc.kitchen island: 0.6021, Acc.computer: 0.7600, Acc.swivel chair: 0.5368, Acc.boat: 0.7619, Acc.bar: 0.6545, Acc.arcade machine: 0.7430, Acc.hovel: 0.3442, Acc.bus: 0.9021, Acc.towel: 0.7608, Acc.light: 0.3633, Acc.truck: 0.5147, Acc.tower: 0.2865, Acc.chandelier: 0.7586, Acc.awning: 0.3300, Acc.streetlight: 0.2591, Acc.booth: 0.4119, Acc.television receiver: 0.7422, Acc.airplane: 0.6481, Acc.dirt track: 0.1628, Acc.apparel: 0.5759, Acc.pole: 0.1420, Acc.land: 0.0220, Acc.bannister: 0.0825, Acc.escalator: 0.6785, Acc.ottoman: 0.5290, Acc.bottle: 0.6347, Acc.buffet: 0.4578, Acc.poster: 0.2331, Acc.stage: 0.3030, Acc.van: 0.4725, Acc.ship: 0.3056, Acc.fountain: 0.1989, Acc.conveyer belt: 0.9230, Acc.canopy: 0.3768, Acc.washer: 0.8266, Acc.plaything: 0.3999, Acc.swimming pool: 0.8117, Acc.stool: 0.3521, Acc.barrel: 0.4111, Acc.basket: 0.4588, Acc.waterfall: 0.5176, Acc.tent: 0.9811, Acc.bag: 0.1796, Acc.minibike: 0.8445, Acc.cradle: 0.9383, Acc.oven: 0.5234, Acc.ball: 0.6676, Acc.food: 0.6374, Acc.step: 0.0516, Acc.tank: 0.7389, Acc.trade name: 0.1852, Acc.microwave: 0.7475, Acc.pot: 0.4123, Acc.animal: 0.6367, Acc.bicycle: 0.7928, Acc.lake: 0.1801, Acc.dishwasher: 0.4887, Acc.screen: 0.5555, Acc.blanket: 0.1795, Acc.sculpture: 0.7552, Acc.hood: 0.5341, Acc.sconce: 0.4514, Acc.vase: 0.4864, Acc.traffic light: 0.4200, Acc.tray: 0.1331, Acc.ashcan: 0.4874, Acc.fan: 0.6043, Acc.pier: 0.4267, Acc.crt screen: 0.0638, Acc.plate: 0.6402, Acc.monitor: 0.2088, Acc.bulletin board: 0.5396, Acc.shower: 0.0464, Acc.radiator: 0.6703, Acc.glass: 0.1860, Acc.clock: 0.3722, Acc.flag: 0.5155 2023-11-10 01:04:47,747 - mmseg - INFO - Iter [29050/80000] lr: 2.548e-05, eta: 4:02:32, time: 1.175, data_time: 0.969, memory: 16310, decode.loss_ce: 0.5571, decode.acc_seg: 79.3767, loss: 0.5571 2023-11-10 01:04:58,324 - mmseg - INFO - Iter [29100/80000] lr: 2.545e-05, eta: 4:02:12, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5652, decode.acc_seg: 78.9621, loss: 0.5652 2023-11-10 01:05:08,876 - mmseg - INFO - Iter [29150/80000] lr: 2.543e-05, eta: 4:01:51, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5579, decode.acc_seg: 79.2059, loss: 0.5579 2023-11-10 01:05:19,405 - mmseg - INFO - Iter [29200/80000] lr: 2.540e-05, eta: 4:01:30, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5744, decode.acc_seg: 78.5128, loss: 0.5744 2023-11-10 01:05:29,929 - mmseg - INFO - Iter [29250/80000] lr: 2.538e-05, eta: 4:01:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5638, decode.acc_seg: 78.6787, loss: 0.5638 2023-11-10 01:05:40,455 - mmseg - INFO - Iter [29300/80000] lr: 2.535e-05, eta: 4:00:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5718, decode.acc_seg: 78.8415, loss: 0.5718 2023-11-10 01:05:50,972 - mmseg - INFO - Iter [29350/80000] lr: 2.533e-05, eta: 4:00:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5932, decode.acc_seg: 78.3979, loss: 0.5932 2023-11-10 01:06:01,492 - mmseg - INFO - Iter [29400/80000] lr: 2.530e-05, eta: 4:00:07, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5488, decode.acc_seg: 79.5146, loss: 0.5488 2023-11-10 01:06:12,013 - mmseg - INFO - Iter [29450/80000] lr: 2.528e-05, eta: 3:59:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5762, decode.acc_seg: 78.0264, loss: 0.5762 2023-11-10 01:06:22,529 - mmseg - INFO - Iter [29500/80000] lr: 2.525e-05, eta: 3:59:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5303, decode.acc_seg: 80.0983, loss: 0.5303 2023-11-10 01:06:33,043 - mmseg - INFO - Iter [29550/80000] lr: 2.523e-05, eta: 3:59:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5658, decode.acc_seg: 78.9447, loss: 0.5658 2023-11-10 01:06:43,558 - mmseg - INFO - Iter [29600/80000] lr: 2.520e-05, eta: 3:58:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5604, decode.acc_seg: 78.9967, loss: 0.5604 2023-11-10 01:06:54,077 - mmseg - INFO - Iter [29650/80000] lr: 2.518e-05, eta: 3:58:25, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5691, decode.acc_seg: 78.9302, loss: 0.5691 2023-11-10 01:07:04,594 - mmseg - INFO - Iter [29700/80000] lr: 2.515e-05, eta: 3:58:04, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5544, decode.acc_seg: 79.1306, loss: 0.5544 2023-11-10 01:07:15,124 - mmseg - INFO - Iter [29750/80000] lr: 2.513e-05, eta: 3:57:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5700, decode.acc_seg: 78.9201, loss: 0.5700 2023-11-10 01:07:25,643 - mmseg - INFO - Iter [29800/80000] lr: 2.510e-05, eta: 3:57:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5633, decode.acc_seg: 78.9609, loss: 0.5633 2023-11-10 01:07:36,166 - mmseg - INFO - Iter [29850/80000] lr: 2.508e-05, eta: 3:57:03, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5758, decode.acc_seg: 78.9026, loss: 0.5758 2023-11-10 01:07:46,683 - mmseg - INFO - Iter [29900/80000] lr: 2.505e-05, eta: 3:56:43, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5665, decode.acc_seg: 79.0526, loss: 0.5665 2023-11-10 01:07:57,195 - mmseg - INFO - Iter [29950/80000] lr: 2.503e-05, eta: 3:56:22, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5730, decode.acc_seg: 78.7181, loss: 0.5730 2023-11-10 01:08:07,719 - mmseg - INFO - Saving checkpoint at 30000 iterations 2023-11-10 01:08:32,215 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:08:32,215 - mmseg - INFO - Iter [30000/80000] lr: 2.500e-05, eta: 3:56:43, time: 0.700, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5822, decode.acc_seg: 78.5138, loss: 0.5822 2023-11-10 01:09:17,928 - mmseg - INFO - per class results: 2023-11-10 01:09:17,934 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.47 | 84.67 | | building | 79.19 | 92.23 | | sky | 89.44 | 94.96 | | floor | 73.41 | 86.2 | | tree | 69.17 | 84.9 | | ceiling | 76.33 | 87.14 | | road | 78.36 | 87.5 | | bed | 83.1 | 93.38 | | windowpane | 57.91 | 73.68 | | grass | 66.04 | 79.76 | | cabinet | 54.0 | 68.3 | | sidewalk | 56.11 | 72.87 | | person | 74.94 | 90.07 | | earth | 34.51 | 48.15 | | door | 39.89 | 49.81 | | table | 52.9 | 66.47 | | mountain | 55.18 | 70.05 | | plant | 49.8 | 60.78 | | curtain | 63.96 | 74.43 | | chair | 52.7 | 68.9 | | car | 78.39 | 91.55 | | water | 55.15 | 72.94 | | painting | 65.56 | 79.91 | | sofa | 65.36 | 80.74 | | shelf | 38.62 | 54.06 | | house | 46.17 | 61.54 | | sea | 59.84 | 76.23 | | mirror | 57.62 | 68.71 | | rug | 49.57 | 54.92 | | field | 34.59 | 55.22 | | armchair | 41.22 | 56.75 | | seat | 56.32 | 75.8 | | fence | 36.79 | 47.61 | | desk | 40.83 | 66.21 | | rock | 50.92 | 66.73 | | wardrobe | 43.82 | 58.49 | | lamp | 55.78 | 68.85 | | bathtub | 71.9 | 79.0 | | railing | 32.47 | 44.22 | | cushion | 56.5 | 70.5 | | base | 26.02 | 38.74 | | box | 27.0 | 35.62 | | column | 34.61 | 41.47 | | signboard | 30.63 | 43.67 | | chest of drawers | 38.47 | 53.54 | | counter | 32.52 | 41.11 | | sand | 44.41 | 59.45 | | sink | 67.8 | 76.9 | | skyscraper | 44.35 | 61.2 | | fireplace | 62.39 | 79.52 | | refrigerator | 55.32 | 62.88 | | grandstand | 50.64 | 79.74 | | path | 16.87 | 22.59 | | stairs | 26.6 | 29.3 | | runway | 65.69 | 87.34 | | case | 53.79 | 65.02 | | pool table | 83.94 | 95.71 | | pillow | 50.95 | 59.32 | | screen door | 55.64 | 64.51 | | stairway | 48.46 | 62.37 | | river | 15.3 | 26.5 | | bridge | 43.08 | 52.17 | | bookcase | 31.66 | 43.6 | | blind | 28.11 | 31.96 | | coffee table | 57.12 | 79.1 | | toilet | 77.85 | 87.9 | | flower | 39.45 | 53.18 | | book | 47.11 | 66.78 | | hill | 6.18 | 9.04 | | bench | 46.93 | 59.21 | | countertop | 52.17 | 68.72 | | stove | 69.25 | 78.42 | | palm | 49.18 | 63.53 | | kitchen island | 36.7 | 56.78 | | computer | 62.85 | 79.84 | | swivel chair | 41.77 | 52.86 | | boat | 56.54 | 77.26 | | bar | 53.93 | 64.01 | | arcade machine | 64.31 | 74.43 | | hovel | 35.13 | 40.66 | | bus | 82.38 | 91.22 | | towel | 65.51 | 78.31 | | light | 34.15 | 39.29 | | truck | 36.35 | 51.21 | | tower | 19.74 | 30.44 | | chandelier | 61.75 | 76.02 | | awning | 25.96 | 33.25 | | streetlight | 21.46 | 25.6 | | booth | 33.42 | 41.14 | | television receiver | 66.2 | 75.84 | | airplane | 52.66 | 65.98 | | dirt track | 12.82 | 20.02 | | apparel | 46.8 | 58.44 | | pole | 14.47 | 17.81 | | land | 1.73 | 2.53 | | bannister | 7.17 | 9.32 | | escalator | 53.16 | 68.45 | | ottoman | 43.88 | 53.44 | | bottle | 40.72 | 63.36 | | buffet | 40.79 | 47.58 | | poster | 21.47 | 28.8 | | stage | 15.06 | 29.32 | | van | 38.61 | 50.69 | | ship | 26.01 | 28.84 | | fountain | 21.95 | 22.88 | | conveyer belt | 62.71 | 93.08 | | canopy | 33.03 | 38.78 | | washer | 74.49 | 82.27 | | plaything | 27.65 | 37.29 | | swimming pool | 59.29 | 82.5 | | stool | 29.05 | 38.1 | | barrel | 29.05 | 41.38 | | basket | 35.66 | 44.36 | | waterfall | 46.49 | 53.42 | | tent | 79.34 | 98.2 | | bag | 15.92 | 18.51 | | minibike | 64.94 | 82.78 | | cradle | 70.7 | 93.65 | | oven | 45.17 | 53.35 | | ball | 55.9 | 69.68 | | food | 55.0 | 66.45 | | step | 5.2 | 5.75 | | tank | 57.51 | 75.48 | | trade name | 15.03 | 16.63 | | microwave | 69.01 | 74.8 | | pot | 37.76 | 42.37 | | animal | 56.52 | 62.1 | | bicycle | 55.29 | 77.3 | | lake | 12.84 | 13.97 | | dishwasher | 48.13 | 51.91 | | screen | 43.29 | 56.85 | | blanket | 15.32 | 17.8 | | sculpture | 54.29 | 76.98 | | hood | 48.45 | 51.39 | | sconce | 38.56 | 49.27 | | vase | 36.31 | 50.32 | | traffic light | 30.71 | 41.46 | | tray | 12.01 | 15.41 | | ashcan | 41.49 | 51.07 | | fan | 49.22 | 60.11 | | pier | 34.19 | 44.17 | | crt screen | 2.17 | 4.23 | | plate | 50.28 | 66.2 | | monitor | 19.16 | 21.86 | | bulletin board | 42.81 | 55.48 | | shower | 4.6 | 5.23 | | radiator | 60.21 | 68.47 | | glass | 15.67 | 17.12 | | clock | 34.84 | 38.23 | | flag | 45.01 | 52.47 | +---------------------+-------+-------+ 2023-11-10 01:09:17,934 - mmseg - INFO - Summary: 2023-11-10 01:09:17,934 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.55 | 45.66 | 57.05 | +-------+-------+-------+ 2023-11-10 01:09:17,935 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:09:17,935 - mmseg - INFO - Iter(val) [250] aAcc: 0.7955, mIoU: 0.4566, mAcc: 0.5705, IoU.wall: 0.6947, IoU.building: 0.7919, IoU.sky: 0.8944, IoU.floor: 0.7341, IoU.tree: 0.6917, IoU.ceiling: 0.7633, IoU.road: 0.7836, IoU.bed : 0.8310, IoU.windowpane: 0.5791, IoU.grass: 0.6604, IoU.cabinet: 0.5400, IoU.sidewalk: 0.5611, IoU.person: 0.7494, IoU.earth: 0.3451, IoU.door: 0.3989, IoU.table: 0.5290, IoU.mountain: 0.5518, IoU.plant: 0.4980, IoU.curtain: 0.6396, IoU.chair: 0.5270, IoU.car: 0.7839, IoU.water: 0.5515, IoU.painting: 0.6556, IoU.sofa: 0.6536, IoU.shelf: 0.3862, IoU.house: 0.4617, IoU.sea: 0.5984, IoU.mirror: 0.5762, IoU.rug: 0.4957, IoU.field: 0.3459, IoU.armchair: 0.4122, IoU.seat: 0.5632, IoU.fence: 0.3679, IoU.desk: 0.4083, IoU.rock: 0.5092, IoU.wardrobe: 0.4382, IoU.lamp: 0.5578, IoU.bathtub: 0.7190, IoU.railing: 0.3247, IoU.cushion: 0.5650, IoU.base: 0.2602, IoU.box: 0.2700, IoU.column: 0.3461, IoU.signboard: 0.3063, IoU.chest of drawers: 0.3847, IoU.counter: 0.3252, IoU.sand: 0.4441, IoU.sink: 0.6780, IoU.skyscraper: 0.4435, IoU.fireplace: 0.6239, IoU.refrigerator: 0.5532, IoU.grandstand: 0.5064, IoU.path: 0.1687, IoU.stairs: 0.2660, IoU.runway: 0.6569, IoU.case: 0.5379, IoU.pool table: 0.8394, IoU.pillow: 0.5095, IoU.screen door: 0.5564, IoU.stairway: 0.4846, IoU.river: 0.1530, IoU.bridge: 0.4308, IoU.bookcase: 0.3166, IoU.blind: 0.2811, IoU.coffee table: 0.5712, IoU.toilet: 0.7785, IoU.flower: 0.3945, IoU.book: 0.4711, IoU.hill: 0.0618, IoU.bench: 0.4693, IoU.countertop: 0.5217, IoU.stove: 0.6925, IoU.palm: 0.4918, IoU.kitchen island: 0.3670, IoU.computer: 0.6285, IoU.swivel chair: 0.4177, IoU.boat: 0.5654, IoU.bar: 0.5393, IoU.arcade machine: 0.6431, IoU.hovel: 0.3513, IoU.bus: 0.8238, IoU.towel: 0.6551, IoU.light: 0.3415, IoU.truck: 0.3635, IoU.tower: 0.1974, IoU.chandelier: 0.6175, IoU.awning: 0.2596, IoU.streetlight: 0.2146, IoU.booth: 0.3342, IoU.television receiver: 0.6620, IoU.airplane: 0.5266, IoU.dirt track: 0.1282, IoU.apparel: 0.4680, IoU.pole: 0.1447, IoU.land: 0.0173, IoU.bannister: 0.0717, IoU.escalator: 0.5316, IoU.ottoman: 0.4388, IoU.bottle: 0.4072, IoU.buffet: 0.4079, IoU.poster: 0.2147, IoU.stage: 0.1506, IoU.van: 0.3861, IoU.ship: 0.2601, IoU.fountain: 0.2195, IoU.conveyer belt: 0.6271, IoU.canopy: 0.3303, IoU.washer: 0.7449, IoU.plaything: 0.2765, IoU.swimming pool: 0.5929, IoU.stool: 0.2905, IoU.barrel: 0.2905, IoU.basket: 0.3566, IoU.waterfall: 0.4649, IoU.tent: 0.7934, IoU.bag: 0.1592, IoU.minibike: 0.6494, IoU.cradle: 0.7070, IoU.oven: 0.4517, IoU.ball: 0.5590, IoU.food: 0.5500, IoU.step: 0.0520, IoU.tank: 0.5751, IoU.trade name: 0.1503, IoU.microwave: 0.6901, IoU.pot: 0.3776, IoU.animal: 0.5652, IoU.bicycle: 0.5529, IoU.lake: 0.1284, IoU.dishwasher: 0.4813, IoU.screen: 0.4329, IoU.blanket: 0.1532, IoU.sculpture: 0.5429, IoU.hood: 0.4845, IoU.sconce: 0.3856, IoU.vase: 0.3631, IoU.traffic light: 0.3071, IoU.tray: 0.1201, IoU.ashcan: 0.4149, IoU.fan: 0.4922, IoU.pier: 0.3419, IoU.crt screen: 0.0217, IoU.plate: 0.5028, IoU.monitor: 0.1916, IoU.bulletin board: 0.4281, IoU.shower: 0.0460, IoU.radiator: 0.6021, IoU.glass: 0.1567, IoU.clock: 0.3484, IoU.flag: 0.4501, Acc.wall: 0.8467, Acc.building: 0.9223, Acc.sky: 0.9496, Acc.floor: 0.8620, Acc.tree: 0.8490, Acc.ceiling: 0.8714, Acc.road: 0.8750, Acc.bed : 0.9338, Acc.windowpane: 0.7368, Acc.grass: 0.7976, Acc.cabinet: 0.6830, Acc.sidewalk: 0.7287, Acc.person: 0.9007, Acc.earth: 0.4815, Acc.door: 0.4981, Acc.table: 0.6647, Acc.mountain: 0.7005, Acc.plant: 0.6078, Acc.curtain: 0.7443, Acc.chair: 0.6890, Acc.car: 0.9155, Acc.water: 0.7294, Acc.painting: 0.7991, Acc.sofa: 0.8074, Acc.shelf: 0.5406, Acc.house: 0.6154, Acc.sea: 0.7623, Acc.mirror: 0.6871, Acc.rug: 0.5492, Acc.field: 0.5522, Acc.armchair: 0.5675, Acc.seat: 0.7580, Acc.fence: 0.4761, Acc.desk: 0.6621, Acc.rock: 0.6673, Acc.wardrobe: 0.5849, Acc.lamp: 0.6885, Acc.bathtub: 0.7900, Acc.railing: 0.4422, Acc.cushion: 0.7050, Acc.base: 0.3874, Acc.box: 0.3562, Acc.column: 0.4147, Acc.signboard: 0.4367, Acc.chest of drawers: 0.5354, Acc.counter: 0.4111, Acc.sand: 0.5945, Acc.sink: 0.7690, Acc.skyscraper: 0.6120, Acc.fireplace: 0.7952, Acc.refrigerator: 0.6288, Acc.grandstand: 0.7974, Acc.path: 0.2259, Acc.stairs: 0.2930, Acc.runway: 0.8734, Acc.case: 0.6502, Acc.pool table: 0.9571, Acc.pillow: 0.5932, Acc.screen door: 0.6451, Acc.stairway: 0.6237, Acc.river: 0.2650, Acc.bridge: 0.5217, Acc.bookcase: 0.4360, Acc.blind: 0.3196, Acc.coffee table: 0.7910, Acc.toilet: 0.8790, Acc.flower: 0.5318, Acc.book: 0.6678, Acc.hill: 0.0904, Acc.bench: 0.5921, Acc.countertop: 0.6872, Acc.stove: 0.7842, Acc.palm: 0.6353, Acc.kitchen island: 0.5678, Acc.computer: 0.7984, Acc.swivel chair: 0.5286, Acc.boat: 0.7726, Acc.bar: 0.6401, Acc.arcade machine: 0.7443, Acc.hovel: 0.4066, Acc.bus: 0.9122, Acc.towel: 0.7831, Acc.light: 0.3929, Acc.truck: 0.5121, Acc.tower: 0.3044, Acc.chandelier: 0.7602, Acc.awning: 0.3325, Acc.streetlight: 0.2560, Acc.booth: 0.4114, Acc.television receiver: 0.7584, Acc.airplane: 0.6598, Acc.dirt track: 0.2002, Acc.apparel: 0.5844, Acc.pole: 0.1781, Acc.land: 0.0253, Acc.bannister: 0.0932, Acc.escalator: 0.6845, Acc.ottoman: 0.5344, Acc.bottle: 0.6336, Acc.buffet: 0.4758, Acc.poster: 0.2880, Acc.stage: 0.2932, Acc.van: 0.5069, Acc.ship: 0.2884, Acc.fountain: 0.2288, Acc.conveyer belt: 0.9308, Acc.canopy: 0.3878, Acc.washer: 0.8227, Acc.plaything: 0.3729, Acc.swimming pool: 0.8250, Acc.stool: 0.3810, Acc.barrel: 0.4138, Acc.basket: 0.4436, Acc.waterfall: 0.5342, Acc.tent: 0.9820, Acc.bag: 0.1851, Acc.minibike: 0.8278, Acc.cradle: 0.9365, Acc.oven: 0.5335, Acc.ball: 0.6968, Acc.food: 0.6645, Acc.step: 0.0575, Acc.tank: 0.7548, Acc.trade name: 0.1663, Acc.microwave: 0.7480, Acc.pot: 0.4237, Acc.animal: 0.6210, Acc.bicycle: 0.7730, Acc.lake: 0.1397, Acc.dishwasher: 0.5191, Acc.screen: 0.5685, Acc.blanket: 0.1780, Acc.sculpture: 0.7698, Acc.hood: 0.5139, Acc.sconce: 0.4927, Acc.vase: 0.5032, Acc.traffic light: 0.4146, Acc.tray: 0.1541, Acc.ashcan: 0.5107, Acc.fan: 0.6011, Acc.pier: 0.4417, Acc.crt screen: 0.0423, Acc.plate: 0.6620, Acc.monitor: 0.2186, Acc.bulletin board: 0.5548, Acc.shower: 0.0523, Acc.radiator: 0.6847, Acc.glass: 0.1712, Acc.clock: 0.3823, Acc.flag: 0.5247 2023-11-10 01:09:28,534 - mmseg - INFO - Iter [30050/80000] lr: 2.498e-05, eta: 3:57:39, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.5658, decode.acc_seg: 78.7074, loss: 0.5658 2023-11-10 01:09:39,131 - mmseg - INFO - Iter [30100/80000] lr: 2.495e-05, eta: 3:57:18, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5562, decode.acc_seg: 79.3008, loss: 0.5562 2023-11-10 01:09:49,705 - mmseg - INFO - Iter [30150/80000] lr: 2.493e-05, eta: 3:56:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5536, decode.acc_seg: 79.2246, loss: 0.5536 2023-11-10 01:10:00,251 - mmseg - INFO - Iter [30200/80000] lr: 2.490e-05, eta: 3:56:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5980, decode.acc_seg: 77.3231, loss: 0.5980 2023-11-10 01:10:10,781 - mmseg - INFO - Iter [30250/80000] lr: 2.488e-05, eta: 3:56:17, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5650, decode.acc_seg: 79.1612, loss: 0.5650 2023-11-10 01:10:21,309 - mmseg - INFO - Iter [30300/80000] lr: 2.485e-05, eta: 3:55:57, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5665, decode.acc_seg: 79.1796, loss: 0.5665 2023-11-10 01:10:34,124 - mmseg - INFO - Iter [30350/80000] lr: 2.483e-05, eta: 3:55:40, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5701, decode.acc_seg: 79.0747, loss: 0.5701 2023-11-10 01:10:44,648 - mmseg - INFO - Iter [30400/80000] lr: 2.480e-05, eta: 3:55:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5643, decode.acc_seg: 79.1989, loss: 0.5643 2023-11-10 01:10:55,163 - mmseg - INFO - Iter [30450/80000] lr: 2.478e-05, eta: 3:55:00, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5680, decode.acc_seg: 78.8094, loss: 0.5680 2023-11-10 01:11:05,706 - mmseg - INFO - Iter [30500/80000] lr: 2.475e-05, eta: 3:54:40, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5559, decode.acc_seg: 79.3832, loss: 0.5559 2023-11-10 01:11:16,235 - mmseg - INFO - Iter [30550/80000] lr: 2.473e-05, eta: 3:54:19, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5857, decode.acc_seg: 78.5854, loss: 0.5857 2023-11-10 01:11:26,757 - mmseg - INFO - Iter [30600/80000] lr: 2.470e-05, eta: 3:53:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5532, decode.acc_seg: 79.1621, loss: 0.5532 2023-11-10 01:11:37,282 - mmseg - INFO - Iter [30650/80000] lr: 2.468e-05, eta: 3:53:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5901, decode.acc_seg: 78.6158, loss: 0.5901 2023-11-10 01:11:47,805 - mmseg - INFO - Iter [30700/80000] lr: 2.465e-05, eta: 3:53:19, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5645, decode.acc_seg: 78.7870, loss: 0.5645 2023-11-10 01:11:58,318 - mmseg - INFO - Iter [30750/80000] lr: 2.463e-05, eta: 3:52:59, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5724, decode.acc_seg: 79.1716, loss: 0.5724 2023-11-10 01:12:08,830 - mmseg - INFO - Iter [30800/80000] lr: 2.460e-05, eta: 3:52:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5720, decode.acc_seg: 78.6711, loss: 0.5720 2023-11-10 01:12:19,343 - mmseg - INFO - Iter [30850/80000] lr: 2.458e-05, eta: 3:52:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5461, decode.acc_seg: 79.6091, loss: 0.5461 2023-11-10 01:12:29,854 - mmseg - INFO - Iter [30900/80000] lr: 2.455e-05, eta: 3:51:59, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5529, decode.acc_seg: 79.2645, loss: 0.5529 2023-11-10 01:12:40,363 - mmseg - INFO - Iter [30950/80000] lr: 2.453e-05, eta: 3:51:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5789, decode.acc_seg: 78.3726, loss: 0.5789 2023-11-10 01:12:50,887 - mmseg - INFO - Saving checkpoint at 31000 iterations 2023-11-10 01:13:15,376 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:13:15,376 - mmseg - INFO - Iter [31000/80000] lr: 2.450e-05, eta: 3:51:57, time: 0.700, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5547, decode.acc_seg: 79.1875, loss: 0.5547 2023-11-10 01:14:01,250 - mmseg - INFO - per class results: 2023-11-10 01:14:01,255 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.44 | 85.22 | | building | 79.78 | 91.38 | | sky | 89.38 | 95.31 | | floor | 72.64 | 87.71 | | tree | 69.25 | 85.29 | | ceiling | 76.4 | 87.62 | | road | 78.51 | 86.98 | | bed | 83.3 | 92.8 | | windowpane | 58.06 | 75.91 | | grass | 66.26 | 82.56 | | cabinet | 53.72 | 65.8 | | sidewalk | 56.49 | 72.83 | | person | 74.77 | 90.69 | | earth | 33.67 | 45.66 | | door | 39.38 | 48.68 | | table | 53.13 | 67.63 | | mountain | 55.13 | 69.33 | | plant | 49.63 | 59.93 | | curtain | 63.71 | 74.07 | | chair | 52.93 | 69.66 | | car | 78.76 | 91.38 | | water | 55.25 | 71.53 | | painting | 65.39 | 79.98 | | sofa | 65.42 | 81.5 | | shelf | 37.92 | 51.97 | | house | 46.07 | 59.73 | | sea | 59.79 | 76.24 | | mirror | 57.36 | 68.65 | | rug | 45.97 | 49.67 | | field | 34.45 | 53.1 | | armchair | 41.22 | 56.92 | | seat | 55.88 | 76.65 | | fence | 37.58 | 49.54 | | desk | 41.45 | 64.6 | | rock | 50.85 | 68.69 | | wardrobe | 43.19 | 57.94 | | lamp | 55.76 | 69.18 | | bathtub | 70.98 | 77.15 | | railing | 32.58 | 44.98 | | cushion | 55.81 | 67.47 | | base | 25.4 | 37.59 | | box | 25.84 | 33.02 | | column | 34.48 | 41.53 | | signboard | 31.14 | 45.25 | | chest of drawers | 38.74 | 52.66 | | counter | 31.14 | 37.93 | | sand | 43.95 | 59.02 | | sink | 68.04 | 77.44 | | skyscraper | 44.85 | 60.71 | | fireplace | 62.44 | 81.32 | | refrigerator | 55.53 | 62.89 | | grandstand | 48.79 | 78.97 | | path | 17.79 | 24.56 | | stairs | 25.83 | 28.79 | | runway | 65.18 | 85.27 | | case | 53.67 | 66.18 | | pool table | 84.8 | 95.04 | | pillow | 54.29 | 65.28 | | screen door | 51.58 | 56.42 | | stairway | 46.55 | 61.09 | | river | 14.68 | 25.24 | | bridge | 43.64 | 53.59 | | bookcase | 31.92 | 44.34 | | blind | 25.97 | 29.16 | | coffee table | 58.13 | 76.55 | | toilet | 77.9 | 87.07 | | flower | 39.04 | 53.19 | | book | 46.78 | 68.29 | | hill | 5.55 | 7.79 | | bench | 46.47 | 56.26 | | countertop | 51.53 | 65.05 | | stove | 69.63 | 78.5 | | palm | 47.99 | 60.02 | | kitchen island | 36.3 | 56.36 | | computer | 62.73 | 77.33 | | swivel chair | 42.38 | 53.14 | | boat | 58.16 | 77.72 | | bar | 54.19 | 64.95 | | arcade machine | 63.01 | 71.05 | | hovel | 38.2 | 44.43 | | bus | 82.76 | 90.62 | | towel | 65.04 | 75.25 | | light | 34.53 | 39.97 | | truck | 36.41 | 49.01 | | tower | 24.05 | 39.09 | | chandelier | 62.22 | 77.11 | | awning | 25.81 | 31.9 | | streetlight | 21.31 | 25.77 | | booth | 33.58 | 41.28 | | television receiver | 65.97 | 75.71 | | airplane | 53.2 | 65.66 | | dirt track | 10.3 | 16.13 | | apparel | 46.64 | 63.09 | | pole | 13.31 | 15.89 | | land | 1.22 | 1.76 | | bannister | 6.47 | 8.37 | | escalator | 52.76 | 66.87 | | ottoman | 44.0 | 55.05 | | bottle | 40.52 | 64.02 | | buffet | 42.25 | 49.87 | | poster | 20.08 | 25.25 | | stage | 14.78 | 28.31 | | van | 37.64 | 50.36 | | ship | 20.11 | 21.98 | | fountain | 18.28 | 18.79 | | conveyer belt | 66.51 | 91.67 | | canopy | 34.75 | 41.98 | | washer | 73.15 | 79.51 | | plaything | 28.86 | 40.4 | | swimming pool | 60.22 | 78.07 | | stool | 29.52 | 37.41 | | barrel | 28.4 | 39.52 | | basket | 35.36 | 43.55 | | waterfall | 46.17 | 51.9 | | tent | 84.33 | 96.72 | | bag | 14.03 | 15.61 | | minibike | 64.86 | 83.75 | | cradle | 68.31 | 94.62 | | oven | 45.93 | 54.48 | | ball | 55.68 | 67.78 | | food | 54.32 | 64.88 | | step | 4.48 | 4.81 | | tank | 57.31 | 71.85 | | trade name | 17.04 | 19.09 | | microwave | 66.98 | 71.56 | | pot | 38.23 | 43.0 | | animal | 56.85 | 62.7 | | bicycle | 55.77 | 81.05 | | lake | 20.67 | 23.73 | | dishwasher | 48.6 | 52.48 | | screen | 42.51 | 54.98 | | blanket | 12.31 | 13.89 | | sculpture | 55.83 | 75.23 | | hood | 48.53 | 51.22 | | sconce | 37.61 | 47.47 | | vase | 36.23 | 50.75 | | traffic light | 30.85 | 42.37 | | tray | 9.99 | 11.89 | | ashcan | 41.56 | 49.35 | | fan | 46.23 | 54.29 | | pier | 33.85 | 43.49 | | crt screen | 4.69 | 10.87 | | plate | 49.71 | 65.17 | | monitor | 15.17 | 17.21 | | bulletin board | 43.35 | 52.67 | | shower | 2.85 | 3.1 | | radiator | 58.04 | 65.15 | | glass | 15.74 | 17.15 | | clock | 35.11 | 39.33 | | flag | 44.4 | 51.61 | +---------------------+-------+-------+ 2023-11-10 01:14:01,256 - mmseg - INFO - Summary: 2023-11-10 01:14:01,256 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 79.55 | 45.5 | 56.53 | +-------+------+-------+ 2023-11-10 01:14:01,256 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:14:01,257 - mmseg - INFO - Iter(val) [250] aAcc: 0.7955, mIoU: 0.4550, mAcc: 0.5653, IoU.wall: 0.6944, IoU.building: 0.7978, IoU.sky: 0.8938, IoU.floor: 0.7264, IoU.tree: 0.6925, IoU.ceiling: 0.7640, IoU.road: 0.7851, IoU.bed : 0.8330, IoU.windowpane: 0.5806, IoU.grass: 0.6626, IoU.cabinet: 0.5372, IoU.sidewalk: 0.5649, IoU.person: 0.7477, IoU.earth: 0.3367, IoU.door: 0.3938, IoU.table: 0.5313, IoU.mountain: 0.5513, IoU.plant: 0.4963, IoU.curtain: 0.6371, IoU.chair: 0.5293, IoU.car: 0.7876, IoU.water: 0.5525, IoU.painting: 0.6539, IoU.sofa: 0.6542, IoU.shelf: 0.3792, IoU.house: 0.4607, IoU.sea: 0.5979, IoU.mirror: 0.5736, IoU.rug: 0.4597, IoU.field: 0.3445, IoU.armchair: 0.4122, IoU.seat: 0.5588, IoU.fence: 0.3758, IoU.desk: 0.4145, IoU.rock: 0.5085, IoU.wardrobe: 0.4319, IoU.lamp: 0.5576, IoU.bathtub: 0.7098, IoU.railing: 0.3258, IoU.cushion: 0.5581, IoU.base: 0.2540, IoU.box: 0.2584, IoU.column: 0.3448, IoU.signboard: 0.3114, IoU.chest of drawers: 0.3874, IoU.counter: 0.3114, IoU.sand: 0.4395, IoU.sink: 0.6804, IoU.skyscraper: 0.4485, IoU.fireplace: 0.6244, IoU.refrigerator: 0.5553, IoU.grandstand: 0.4879, IoU.path: 0.1779, IoU.stairs: 0.2583, IoU.runway: 0.6518, IoU.case: 0.5367, IoU.pool table: 0.8480, IoU.pillow: 0.5429, IoU.screen door: 0.5158, IoU.stairway: 0.4655, IoU.river: 0.1468, IoU.bridge: 0.4364, IoU.bookcase: 0.3192, IoU.blind: 0.2597, IoU.coffee table: 0.5813, IoU.toilet: 0.7790, IoU.flower: 0.3904, IoU.book: 0.4678, IoU.hill: 0.0555, IoU.bench: 0.4647, IoU.countertop: 0.5153, IoU.stove: 0.6963, IoU.palm: 0.4799, IoU.kitchen island: 0.3630, IoU.computer: 0.6273, IoU.swivel chair: 0.4238, IoU.boat: 0.5816, IoU.bar: 0.5419, IoU.arcade machine: 0.6301, IoU.hovel: 0.3820, IoU.bus: 0.8276, IoU.towel: 0.6504, IoU.light: 0.3453, IoU.truck: 0.3641, IoU.tower: 0.2405, IoU.chandelier: 0.6222, IoU.awning: 0.2581, IoU.streetlight: 0.2131, IoU.booth: 0.3358, IoU.television receiver: 0.6597, IoU.airplane: 0.5320, IoU.dirt track: 0.1030, IoU.apparel: 0.4664, IoU.pole: 0.1331, IoU.land: 0.0122, IoU.bannister: 0.0647, IoU.escalator: 0.5276, IoU.ottoman: 0.4400, IoU.bottle: 0.4052, IoU.buffet: 0.4225, IoU.poster: 0.2008, IoU.stage: 0.1478, IoU.van: 0.3764, IoU.ship: 0.2011, IoU.fountain: 0.1828, IoU.conveyer belt: 0.6651, IoU.canopy: 0.3475, IoU.washer: 0.7315, IoU.plaything: 0.2886, IoU.swimming pool: 0.6022, IoU.stool: 0.2952, IoU.barrel: 0.2840, IoU.basket: 0.3536, IoU.waterfall: 0.4617, IoU.tent: 0.8433, IoU.bag: 0.1403, IoU.minibike: 0.6486, IoU.cradle: 0.6831, IoU.oven: 0.4593, IoU.ball: 0.5568, IoU.food: 0.5432, IoU.step: 0.0448, IoU.tank: 0.5731, IoU.trade name: 0.1704, IoU.microwave: 0.6698, IoU.pot: 0.3823, IoU.animal: 0.5685, IoU.bicycle: 0.5577, IoU.lake: 0.2067, IoU.dishwasher: 0.4860, IoU.screen: 0.4251, IoU.blanket: 0.1231, IoU.sculpture: 0.5583, IoU.hood: 0.4853, IoU.sconce: 0.3761, IoU.vase: 0.3623, IoU.traffic light: 0.3085, IoU.tray: 0.0999, IoU.ashcan: 0.4156, IoU.fan: 0.4623, IoU.pier: 0.3385, IoU.crt screen: 0.0469, IoU.plate: 0.4971, IoU.monitor: 0.1517, IoU.bulletin board: 0.4335, IoU.shower: 0.0285, IoU.radiator: 0.5804, IoU.glass: 0.1574, IoU.clock: 0.3511, IoU.flag: 0.4440, Acc.wall: 0.8522, Acc.building: 0.9138, Acc.sky: 0.9531, Acc.floor: 0.8771, Acc.tree: 0.8529, Acc.ceiling: 0.8762, Acc.road: 0.8698, Acc.bed : 0.9280, Acc.windowpane: 0.7591, Acc.grass: 0.8256, Acc.cabinet: 0.6580, Acc.sidewalk: 0.7283, Acc.person: 0.9069, Acc.earth: 0.4566, Acc.door: 0.4868, Acc.table: 0.6763, Acc.mountain: 0.6933, Acc.plant: 0.5993, Acc.curtain: 0.7407, Acc.chair: 0.6966, Acc.car: 0.9138, Acc.water: 0.7153, Acc.painting: 0.7998, Acc.sofa: 0.8150, Acc.shelf: 0.5197, Acc.house: 0.5973, Acc.sea: 0.7624, Acc.mirror: 0.6865, Acc.rug: 0.4967, Acc.field: 0.5310, Acc.armchair: 0.5692, Acc.seat: 0.7665, Acc.fence: 0.4954, Acc.desk: 0.6460, Acc.rock: 0.6869, Acc.wardrobe: 0.5794, Acc.lamp: 0.6918, Acc.bathtub: 0.7715, Acc.railing: 0.4498, Acc.cushion: 0.6747, Acc.base: 0.3759, Acc.box: 0.3302, Acc.column: 0.4153, Acc.signboard: 0.4525, Acc.chest of drawers: 0.5266, Acc.counter: 0.3793, Acc.sand: 0.5902, Acc.sink: 0.7744, Acc.skyscraper: 0.6071, Acc.fireplace: 0.8132, Acc.refrigerator: 0.6289, Acc.grandstand: 0.7897, Acc.path: 0.2456, Acc.stairs: 0.2879, Acc.runway: 0.8527, Acc.case: 0.6618, Acc.pool table: 0.9504, Acc.pillow: 0.6528, Acc.screen door: 0.5642, Acc.stairway: 0.6109, Acc.river: 0.2524, Acc.bridge: 0.5359, Acc.bookcase: 0.4434, Acc.blind: 0.2916, Acc.coffee table: 0.7655, Acc.toilet: 0.8707, Acc.flower: 0.5319, Acc.book: 0.6829, Acc.hill: 0.0779, Acc.bench: 0.5626, Acc.countertop: 0.6505, Acc.stove: 0.7850, Acc.palm: 0.6002, Acc.kitchen island: 0.5636, Acc.computer: 0.7733, Acc.swivel chair: 0.5314, Acc.boat: 0.7772, Acc.bar: 0.6495, Acc.arcade machine: 0.7105, Acc.hovel: 0.4443, Acc.bus: 0.9062, Acc.towel: 0.7525, Acc.light: 0.3997, Acc.truck: 0.4901, Acc.tower: 0.3909, Acc.chandelier: 0.7711, Acc.awning: 0.3190, Acc.streetlight: 0.2577, Acc.booth: 0.4128, Acc.television receiver: 0.7571, Acc.airplane: 0.6566, Acc.dirt track: 0.1613, Acc.apparel: 0.6309, Acc.pole: 0.1589, Acc.land: 0.0176, Acc.bannister: 0.0837, Acc.escalator: 0.6687, Acc.ottoman: 0.5505, Acc.bottle: 0.6402, Acc.buffet: 0.4987, Acc.poster: 0.2525, Acc.stage: 0.2831, Acc.van: 0.5036, Acc.ship: 0.2198, Acc.fountain: 0.1879, Acc.conveyer belt: 0.9167, Acc.canopy: 0.4198, Acc.washer: 0.7951, Acc.plaything: 0.4040, Acc.swimming pool: 0.7807, Acc.stool: 0.3741, Acc.barrel: 0.3952, Acc.basket: 0.4355, Acc.waterfall: 0.5190, Acc.tent: 0.9672, Acc.bag: 0.1561, Acc.minibike: 0.8375, Acc.cradle: 0.9462, Acc.oven: 0.5448, Acc.ball: 0.6778, Acc.food: 0.6488, Acc.step: 0.0481, Acc.tank: 0.7185, Acc.trade name: 0.1909, Acc.microwave: 0.7156, Acc.pot: 0.4300, Acc.animal: 0.6270, Acc.bicycle: 0.8105, Acc.lake: 0.2373, Acc.dishwasher: 0.5248, Acc.screen: 0.5498, Acc.blanket: 0.1389, Acc.sculpture: 0.7523, Acc.hood: 0.5122, Acc.sconce: 0.4747, Acc.vase: 0.5075, Acc.traffic light: 0.4237, Acc.tray: 0.1189, Acc.ashcan: 0.4935, Acc.fan: 0.5429, Acc.pier: 0.4349, Acc.crt screen: 0.1087, Acc.plate: 0.6517, Acc.monitor: 0.1721, Acc.bulletin board: 0.5267, Acc.shower: 0.0310, Acc.radiator: 0.6515, Acc.glass: 0.1715, Acc.clock: 0.3933, Acc.flag: 0.5161 2023-11-10 01:14:11,856 - mmseg - INFO - Iter [31050/80000] lr: 2.448e-05, eta: 3:52:50, time: 1.130, data_time: 0.924, memory: 16310, decode.loss_ce: 0.5767, decode.acc_seg: 79.1316, loss: 0.5767 2023-11-10 01:14:22,442 - mmseg - INFO - Iter [31100/80000] lr: 2.445e-05, eta: 3:52:30, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5859, decode.acc_seg: 78.6820, loss: 0.5859 2023-11-10 01:14:33,012 - mmseg - INFO - Iter [31150/80000] lr: 2.443e-05, eta: 3:52:10, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5503, decode.acc_seg: 79.4402, loss: 0.5503 2023-11-10 01:14:43,554 - mmseg - INFO - Iter [31200/80000] lr: 2.440e-05, eta: 3:51:50, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5482, decode.acc_seg: 79.4877, loss: 0.5482 2023-11-10 01:14:54,104 - mmseg - INFO - Iter [31250/80000] lr: 2.438e-05, eta: 3:51:30, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5884, decode.acc_seg: 78.3787, loss: 0.5884 2023-11-10 01:15:04,650 - mmseg - INFO - Iter [31300/80000] lr: 2.435e-05, eta: 3:51:10, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.6902, loss: 0.5481 2023-11-10 01:15:15,194 - mmseg - INFO - Iter [31350/80000] lr: 2.433e-05, eta: 3:50:50, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5523, decode.acc_seg: 78.9382, loss: 0.5523 2023-11-10 01:15:25,714 - mmseg - INFO - Iter [31400/80000] lr: 2.430e-05, eta: 3:50:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5787, decode.acc_seg: 79.0802, loss: 0.5787 2023-11-10 01:15:36,235 - mmseg - INFO - Iter [31450/80000] lr: 2.428e-05, eta: 3:50:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5796, decode.acc_seg: 78.4585, loss: 0.5796 2023-11-10 01:15:46,757 - mmseg - INFO - Iter [31500/80000] lr: 2.425e-05, eta: 3:49:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5661, decode.acc_seg: 78.9735, loss: 0.5661 2023-11-10 01:15:57,274 - mmseg - INFO - Iter [31550/80000] lr: 2.423e-05, eta: 3:49:30, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5536, decode.acc_seg: 79.6602, loss: 0.5536 2023-11-10 01:16:10,121 - mmseg - INFO - Iter [31600/80000] lr: 2.420e-05, eta: 3:49:14, time: 0.257, data_time: 0.049, memory: 16310, decode.loss_ce: 0.5664, decode.acc_seg: 78.7404, loss: 0.5664 2023-11-10 01:16:20,660 - mmseg - INFO - Iter [31650/80000] lr: 2.418e-05, eta: 3:48:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5583, decode.acc_seg: 79.7647, loss: 0.5583 2023-11-10 01:16:31,189 - mmseg - INFO - Iter [31700/80000] lr: 2.415e-05, eta: 3:48:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5622, decode.acc_seg: 78.9600, loss: 0.5622 2023-11-10 01:16:41,704 - mmseg - INFO - Iter [31750/80000] lr: 2.413e-05, eta: 3:48:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5530, decode.acc_seg: 78.6672, loss: 0.5530 2023-11-10 01:16:52,210 - mmseg - INFO - Iter [31800/80000] lr: 2.410e-05, eta: 3:47:54, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5811, decode.acc_seg: 78.4258, loss: 0.5811 2023-11-10 01:17:02,737 - mmseg - INFO - Iter [31850/80000] lr: 2.408e-05, eta: 3:47:35, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5515, decode.acc_seg: 79.3664, loss: 0.5515 2023-11-10 01:17:13,245 - mmseg - INFO - Iter [31900/80000] lr: 2.405e-05, eta: 3:47:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5866, decode.acc_seg: 77.6623, loss: 0.5866 2023-11-10 01:17:23,754 - mmseg - INFO - Iter [31950/80000] lr: 2.403e-05, eta: 3:46:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5550, decode.acc_seg: 79.2574, loss: 0.5550 2023-11-10 01:17:34,268 - mmseg - INFO - Saving checkpoint at 32000 iterations 2023-11-10 01:17:57,959 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:17:57,959 - mmseg - INFO - Iter [32000/80000] lr: 2.400e-05, eta: 3:47:11, time: 0.684, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5499, decode.acc_seg: 79.3945, loss: 0.5499 2023-11-10 01:18:43,686 - mmseg - INFO - per class results: 2023-11-10 01:18:43,691 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.55 | 85.09 | | building | 79.53 | 92.32 | | sky | 89.74 | 94.87 | | floor | 73.27 | 87.12 | | tree | 69.4 | 84.31 | | ceiling | 76.43 | 86.87 | | road | 78.14 | 88.42 | | bed | 83.15 | 93.18 | | windowpane | 57.74 | 75.01 | | grass | 66.17 | 80.07 | | cabinet | 53.86 | 68.34 | | sidewalk | 55.83 | 70.54 | | person | 74.89 | 90.41 | | earth | 34.25 | 47.77 | | door | 39.56 | 48.83 | | table | 53.38 | 67.8 | | mountain | 54.35 | 67.7 | | plant | 50.56 | 62.18 | | curtain | 63.84 | 75.74 | | chair | 52.68 | 67.85 | | car | 78.61 | 91.53 | | water | 54.99 | 73.34 | | painting | 65.71 | 79.91 | | sofa | 65.55 | 82.59 | | shelf | 37.92 | 52.39 | | house | 45.58 | 60.44 | | sea | 59.98 | 76.4 | | mirror | 57.77 | 71.02 | | rug | 47.86 | 52.2 | | field | 34.47 | 54.99 | | armchair | 41.0 | 56.67 | | seat | 55.83 | 75.78 | | fence | 36.93 | 48.89 | | desk | 41.56 | 62.99 | | rock | 50.94 | 69.23 | | wardrobe | 44.38 | 60.24 | | lamp | 56.2 | 70.58 | | bathtub | 72.19 | 80.14 | | railing | 32.34 | 44.49 | | cushion | 55.72 | 67.19 | | base | 25.55 | 36.85 | | box | 26.48 | 34.59 | | column | 34.23 | 40.77 | | signboard | 30.88 | 44.71 | | chest of drawers | 37.76 | 48.2 | | counter | 34.1 | 43.57 | | sand | 43.53 | 57.96 | | sink | 68.14 | 77.99 | | skyscraper | 44.03 | 56.94 | | fireplace | 62.87 | 80.2 | | refrigerator | 55.04 | 62.46 | | grandstand | 50.38 | 78.23 | | path | 15.83 | 20.78 | | stairs | 24.72 | 27.29 | | runway | 64.66 | 84.75 | | case | 54.24 | 67.0 | | pool table | 84.4 | 95.46 | | pillow | 52.96 | 63.24 | | screen door | 53.85 | 61.1 | | stairway | 45.72 | 62.33 | | river | 14.75 | 25.97 | | bridge | 43.23 | 51.84 | | bookcase | 32.43 | 48.85 | | blind | 17.09 | 18.26 | | coffee table | 57.7 | 79.31 | | toilet | 77.91 | 87.19 | | flower | 38.75 | 50.25 | | book | 46.06 | 63.0 | | hill | 5.69 | 9.56 | | bench | 46.63 | 56.07 | | countertop | 51.38 | 63.62 | | stove | 69.56 | 78.93 | | palm | 49.5 | 64.48 | | kitchen island | 36.88 | 55.28 | | computer | 62.96 | 79.22 | | swivel chair | 43.08 | 55.52 | | boat | 58.23 | 75.99 | | bar | 53.81 | 62.77 | | arcade machine | 64.25 | 73.6 | | hovel | 34.24 | 39.43 | | bus | 82.86 | 90.77 | | towel | 65.47 | 78.55 | | light | 34.35 | 39.65 | | truck | 36.41 | 50.85 | | tower | 19.18 | 29.38 | | chandelier | 62.02 | 75.3 | | awning | 26.35 | 33.51 | | streetlight | 21.37 | 25.99 | | booth | 32.91 | 44.57 | | television receiver | 65.59 | 73.41 | | airplane | 52.67 | 66.67 | | dirt track | 11.88 | 19.76 | | apparel | 45.0 | 59.17 | | pole | 12.95 | 15.54 | | land | 1.62 | 2.41 | | bannister | 5.69 | 7.07 | | escalator | 55.37 | 72.87 | | ottoman | 43.46 | 52.87 | | bottle | 40.42 | 63.6 | | buffet | 39.44 | 45.0 | | poster | 19.84 | 24.71 | | stage | 15.17 | 30.33 | | van | 39.17 | 53.0 | | ship | 22.14 | 24.45 | | fountain | 20.07 | 20.82 | | conveyer belt | 68.1 | 91.62 | | canopy | 33.74 | 40.06 | | washer | 71.73 | 77.1 | | plaything | 27.37 | 36.85 | | swimming pool | 60.81 | 78.52 | | stool | 28.63 | 35.17 | | barrel | 29.73 | 41.04 | | basket | 35.48 | 44.32 | | waterfall | 46.0 | 51.43 | | tent | 82.21 | 97.3 | | bag | 16.02 | 18.57 | | minibike | 64.94 | 85.86 | | cradle | 70.63 | 93.79 | | oven | 43.47 | 50.06 | | ball | 55.58 | 67.02 | | food | 53.66 | 64.11 | | step | 5.39 | 5.98 | | tank | 57.63 | 72.54 | | trade name | 17.5 | 19.66 | | microwave | 68.71 | 74.72 | | pot | 39.25 | 44.46 | | animal | 53.13 | 57.28 | | bicycle | 55.25 | 77.68 | | lake | 13.59 | 14.73 | | dishwasher | 48.42 | 52.0 | | screen | 42.3 | 53.09 | | blanket | 13.68 | 15.53 | | sculpture | 55.0 | 75.81 | | hood | 50.1 | 53.23 | | sconce | 36.93 | 45.87 | | vase | 36.45 | 51.73 | | traffic light | 29.83 | 38.16 | | tray | 10.82 | 13.27 | | ashcan | 41.32 | 48.99 | | fan | 50.42 | 62.46 | | pier | 34.35 | 43.42 | | crt screen | 5.14 | 11.46 | | plate | 49.14 | 62.43 | | monitor | 16.55 | 18.38 | | bulletin board | 42.48 | 51.93 | | shower | 3.22 | 5.12 | | radiator | 58.93 | 67.44 | | glass | 16.08 | 17.63 | | clock | 32.82 | 35.51 | | flag | 44.87 | 52.47 | +---------------------+-------+-------+ 2023-11-10 01:18:43,691 - mmseg - INFO - Summary: 2023-11-10 01:18:43,691 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.55 | 45.43 | 56.43 | +-------+-------+-------+ 2023-11-10 01:18:43,692 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:18:43,692 - mmseg - INFO - Iter(val) [250] aAcc: 0.7955, mIoU: 0.4543, mAcc: 0.5643, IoU.wall: 0.6955, IoU.building: 0.7953, IoU.sky: 0.8974, IoU.floor: 0.7327, IoU.tree: 0.6940, IoU.ceiling: 0.7643, IoU.road: 0.7814, IoU.bed : 0.8315, IoU.windowpane: 0.5774, IoU.grass: 0.6617, IoU.cabinet: 0.5386, IoU.sidewalk: 0.5583, IoU.person: 0.7489, IoU.earth: 0.3425, IoU.door: 0.3956, IoU.table: 0.5338, IoU.mountain: 0.5435, IoU.plant: 0.5056, IoU.curtain: 0.6384, IoU.chair: 0.5268, IoU.car: 0.7861, IoU.water: 0.5499, IoU.painting: 0.6571, IoU.sofa: 0.6555, IoU.shelf: 0.3792, IoU.house: 0.4558, IoU.sea: 0.5998, IoU.mirror: 0.5777, IoU.rug: 0.4786, IoU.field: 0.3447, IoU.armchair: 0.4100, IoU.seat: 0.5583, IoU.fence: 0.3693, IoU.desk: 0.4156, IoU.rock: 0.5094, IoU.wardrobe: 0.4438, IoU.lamp: 0.5620, IoU.bathtub: 0.7219, IoU.railing: 0.3234, IoU.cushion: 0.5572, IoU.base: 0.2555, IoU.box: 0.2648, IoU.column: 0.3423, IoU.signboard: 0.3088, IoU.chest of drawers: 0.3776, IoU.counter: 0.3410, IoU.sand: 0.4353, IoU.sink: 0.6814, IoU.skyscraper: 0.4403, IoU.fireplace: 0.6287, IoU.refrigerator: 0.5504, IoU.grandstand: 0.5038, IoU.path: 0.1583, IoU.stairs: 0.2472, IoU.runway: 0.6466, IoU.case: 0.5424, IoU.pool table: 0.8440, IoU.pillow: 0.5296, IoU.screen door: 0.5385, IoU.stairway: 0.4572, IoU.river: 0.1475, IoU.bridge: 0.4323, IoU.bookcase: 0.3243, IoU.blind: 0.1709, IoU.coffee table: 0.5770, IoU.toilet: 0.7791, IoU.flower: 0.3875, IoU.book: 0.4606, IoU.hill: 0.0569, IoU.bench: 0.4663, IoU.countertop: 0.5138, IoU.stove: 0.6956, IoU.palm: 0.4950, IoU.kitchen island: 0.3688, IoU.computer: 0.6296, IoU.swivel chair: 0.4308, IoU.boat: 0.5823, IoU.bar: 0.5381, IoU.arcade machine: 0.6425, IoU.hovel: 0.3424, IoU.bus: 0.8286, IoU.towel: 0.6547, IoU.light: 0.3435, IoU.truck: 0.3641, IoU.tower: 0.1918, IoU.chandelier: 0.6202, IoU.awning: 0.2635, IoU.streetlight: 0.2137, IoU.booth: 0.3291, IoU.television receiver: 0.6559, IoU.airplane: 0.5267, IoU.dirt track: 0.1188, IoU.apparel: 0.4500, IoU.pole: 0.1295, IoU.land: 0.0162, IoU.bannister: 0.0569, IoU.escalator: 0.5537, IoU.ottoman: 0.4346, IoU.bottle: 0.4042, IoU.buffet: 0.3944, IoU.poster: 0.1984, IoU.stage: 0.1517, IoU.van: 0.3917, IoU.ship: 0.2214, IoU.fountain: 0.2007, IoU.conveyer belt: 0.6810, IoU.canopy: 0.3374, IoU.washer: 0.7173, IoU.plaything: 0.2737, IoU.swimming pool: 0.6081, IoU.stool: 0.2863, IoU.barrel: 0.2973, IoU.basket: 0.3548, IoU.waterfall: 0.4600, IoU.tent: 0.8221, IoU.bag: 0.1602, IoU.minibike: 0.6494, IoU.cradle: 0.7063, IoU.oven: 0.4347, IoU.ball: 0.5558, IoU.food: 0.5366, IoU.step: 0.0539, IoU.tank: 0.5763, IoU.trade name: 0.1750, IoU.microwave: 0.6871, IoU.pot: 0.3925, IoU.animal: 0.5313, IoU.bicycle: 0.5525, IoU.lake: 0.1359, IoU.dishwasher: 0.4842, IoU.screen: 0.4230, IoU.blanket: 0.1368, IoU.sculpture: 0.5500, IoU.hood: 0.5010, IoU.sconce: 0.3693, IoU.vase: 0.3645, IoU.traffic light: 0.2983, IoU.tray: 0.1082, IoU.ashcan: 0.4132, IoU.fan: 0.5042, IoU.pier: 0.3435, IoU.crt screen: 0.0514, IoU.plate: 0.4914, IoU.monitor: 0.1655, IoU.bulletin board: 0.4248, IoU.shower: 0.0322, IoU.radiator: 0.5893, IoU.glass: 0.1608, IoU.clock: 0.3282, IoU.flag: 0.4487, Acc.wall: 0.8509, Acc.building: 0.9232, Acc.sky: 0.9487, Acc.floor: 0.8712, Acc.tree: 0.8431, Acc.ceiling: 0.8687, Acc.road: 0.8842, Acc.bed : 0.9318, Acc.windowpane: 0.7501, Acc.grass: 0.8007, Acc.cabinet: 0.6834, Acc.sidewalk: 0.7054, Acc.person: 0.9041, Acc.earth: 0.4777, Acc.door: 0.4883, Acc.table: 0.6780, Acc.mountain: 0.6770, Acc.plant: 0.6218, Acc.curtain: 0.7574, Acc.chair: 0.6785, Acc.car: 0.9153, Acc.water: 0.7334, Acc.painting: 0.7991, Acc.sofa: 0.8259, Acc.shelf: 0.5239, Acc.house: 0.6044, Acc.sea: 0.7640, Acc.mirror: 0.7102, Acc.rug: 0.5220, Acc.field: 0.5499, Acc.armchair: 0.5667, Acc.seat: 0.7578, Acc.fence: 0.4889, Acc.desk: 0.6299, Acc.rock: 0.6923, Acc.wardrobe: 0.6024, Acc.lamp: 0.7058, Acc.bathtub: 0.8014, Acc.railing: 0.4449, Acc.cushion: 0.6719, Acc.base: 0.3685, Acc.box: 0.3459, Acc.column: 0.4077, Acc.signboard: 0.4471, Acc.chest of drawers: 0.4820, Acc.counter: 0.4357, Acc.sand: 0.5796, Acc.sink: 0.7799, Acc.skyscraper: 0.5694, Acc.fireplace: 0.8020, Acc.refrigerator: 0.6246, Acc.grandstand: 0.7823, Acc.path: 0.2078, Acc.stairs: 0.2729, Acc.runway: 0.8475, Acc.case: 0.6700, Acc.pool table: 0.9546, Acc.pillow: 0.6324, Acc.screen door: 0.6110, Acc.stairway: 0.6233, Acc.river: 0.2597, Acc.bridge: 0.5184, Acc.bookcase: 0.4885, Acc.blind: 0.1826, Acc.coffee table: 0.7931, Acc.toilet: 0.8719, Acc.flower: 0.5025, Acc.book: 0.6300, Acc.hill: 0.0956, Acc.bench: 0.5607, Acc.countertop: 0.6362, Acc.stove: 0.7893, Acc.palm: 0.6448, Acc.kitchen island: 0.5528, Acc.computer: 0.7922, Acc.swivel chair: 0.5552, Acc.boat: 0.7599, Acc.bar: 0.6277, Acc.arcade machine: 0.7360, Acc.hovel: 0.3943, Acc.bus: 0.9077, Acc.towel: 0.7855, Acc.light: 0.3965, Acc.truck: 0.5085, Acc.tower: 0.2938, Acc.chandelier: 0.7530, Acc.awning: 0.3351, Acc.streetlight: 0.2599, Acc.booth: 0.4457, Acc.television receiver: 0.7341, Acc.airplane: 0.6667, Acc.dirt track: 0.1976, Acc.apparel: 0.5917, Acc.pole: 0.1554, Acc.land: 0.0241, Acc.bannister: 0.0707, Acc.escalator: 0.7287, Acc.ottoman: 0.5287, Acc.bottle: 0.6360, Acc.buffet: 0.4500, Acc.poster: 0.2471, Acc.stage: 0.3033, Acc.van: 0.5300, Acc.ship: 0.2445, Acc.fountain: 0.2082, Acc.conveyer belt: 0.9162, Acc.canopy: 0.4006, Acc.washer: 0.7710, Acc.plaything: 0.3685, Acc.swimming pool: 0.7852, Acc.stool: 0.3517, Acc.barrel: 0.4104, Acc.basket: 0.4432, Acc.waterfall: 0.5143, Acc.tent: 0.9730, Acc.bag: 0.1857, Acc.minibike: 0.8586, Acc.cradle: 0.9379, Acc.oven: 0.5006, Acc.ball: 0.6702, Acc.food: 0.6411, Acc.step: 0.0598, Acc.tank: 0.7254, Acc.trade name: 0.1966, Acc.microwave: 0.7472, Acc.pot: 0.4446, Acc.animal: 0.5728, Acc.bicycle: 0.7768, Acc.lake: 0.1473, Acc.dishwasher: 0.5200, Acc.screen: 0.5309, Acc.blanket: 0.1553, Acc.sculpture: 0.7581, Acc.hood: 0.5323, Acc.sconce: 0.4587, Acc.vase: 0.5173, Acc.traffic light: 0.3816, Acc.tray: 0.1327, Acc.ashcan: 0.4899, Acc.fan: 0.6246, Acc.pier: 0.4342, Acc.crt screen: 0.1146, Acc.plate: 0.6243, Acc.monitor: 0.1838, Acc.bulletin board: 0.5193, Acc.shower: 0.0512, Acc.radiator: 0.6744, Acc.glass: 0.1763, Acc.clock: 0.3551, Acc.flag: 0.5247 2023-11-10 01:18:54,235 - mmseg - INFO - Iter [32050/80000] lr: 2.398e-05, eta: 3:48:00, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.5703, decode.acc_seg: 78.7335, loss: 0.5703 2023-11-10 01:19:04,840 - mmseg - INFO - Iter [32100/80000] lr: 2.395e-05, eta: 3:47:40, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5611, decode.acc_seg: 78.9685, loss: 0.5611 2023-11-10 01:19:15,431 - mmseg - INFO - Iter [32150/80000] lr: 2.393e-05, eta: 3:47:21, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5754, decode.acc_seg: 78.6021, loss: 0.5754 2023-11-10 01:19:25,987 - mmseg - INFO - Iter [32200/80000] lr: 2.390e-05, eta: 3:47:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5560, decode.acc_seg: 79.1510, loss: 0.5560 2023-11-10 01:19:36,508 - mmseg - INFO - Iter [32250/80000] lr: 2.388e-05, eta: 3:46:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5638, decode.acc_seg: 79.1262, loss: 0.5638 2023-11-10 01:19:47,029 - mmseg - INFO - Iter [32300/80000] lr: 2.385e-05, eta: 3:46:21, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 79.9922, loss: 0.5366 2023-11-10 01:19:57,565 - mmseg - INFO - Iter [32350/80000] lr: 2.383e-05, eta: 3:46:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5628, decode.acc_seg: 79.3202, loss: 0.5628 2023-11-10 01:20:08,103 - mmseg - INFO - Iter [32400/80000] lr: 2.380e-05, eta: 3:45:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5571, decode.acc_seg: 79.0673, loss: 0.5571 2023-11-10 01:20:18,627 - mmseg - INFO - Iter [32450/80000] lr: 2.378e-05, eta: 3:45:22, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5750, decode.acc_seg: 79.4034, loss: 0.5750 2023-11-10 01:20:29,163 - mmseg - INFO - Iter [32500/80000] lr: 2.375e-05, eta: 3:45:03, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5446, decode.acc_seg: 79.8372, loss: 0.5446 2023-11-10 01:20:39,675 - mmseg - INFO - Iter [32550/80000] lr: 2.373e-05, eta: 3:44:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5665, decode.acc_seg: 79.2617, loss: 0.5665 2023-11-10 01:20:50,189 - mmseg - INFO - Iter [32600/80000] lr: 2.370e-05, eta: 3:44:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5600, decode.acc_seg: 79.2029, loss: 0.5600 2023-11-10 01:21:00,722 - mmseg - INFO - Iter [32650/80000] lr: 2.368e-05, eta: 3:44:04, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5778, decode.acc_seg: 78.5065, loss: 0.5778 2023-11-10 01:21:11,252 - mmseg - INFO - Iter [32700/80000] lr: 2.365e-05, eta: 3:43:44, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5720, decode.acc_seg: 78.8531, loss: 0.5720 2023-11-10 01:21:21,770 - mmseg - INFO - Iter [32750/80000] lr: 2.363e-05, eta: 3:43:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5493, decode.acc_seg: 79.3435, loss: 0.5493 2023-11-10 01:21:32,282 - mmseg - INFO - Iter [32800/80000] lr: 2.360e-05, eta: 3:43:06, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5562, decode.acc_seg: 79.4153, loss: 0.5562 2023-11-10 01:21:45,107 - mmseg - INFO - Iter [32850/80000] lr: 2.358e-05, eta: 3:42:49, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5705, decode.acc_seg: 78.7599, loss: 0.5705 2023-11-10 01:21:55,629 - mmseg - INFO - Iter [32900/80000] lr: 2.355e-05, eta: 3:42:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5819, decode.acc_seg: 78.8099, loss: 0.5819 2023-11-10 01:22:06,152 - mmseg - INFO - Iter [32950/80000] lr: 2.353e-05, eta: 3:42:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5660, decode.acc_seg: 78.4723, loss: 0.5660 2023-11-10 01:22:16,673 - mmseg - INFO - Saving checkpoint at 33000 iterations 2023-11-10 01:22:42,027 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:22:42,027 - mmseg - INFO - Iter [33000/80000] lr: 2.350e-05, eta: 3:42:27, time: 0.717, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5838, decode.acc_seg: 78.6886, loss: 0.5838 2023-11-10 01:23:27,966 - mmseg - INFO - per class results: 2023-11-10 01:23:27,971 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.61 | 84.38 | | building | 79.49 | 91.53 | | sky | 89.61 | 95.18 | | floor | 73.29 | 86.89 | | tree | 69.44 | 84.48 | | ceiling | 76.38 | 87.13 | | road | 78.27 | 87.79 | | bed | 82.66 | 94.11 | | windowpane | 57.93 | 75.25 | | grass | 66.31 | 83.42 | | cabinet | 53.89 | 67.36 | | sidewalk | 56.05 | 73.02 | | person | 74.8 | 90.56 | | earth | 33.68 | 46.11 | | door | 39.62 | 49.82 | | table | 53.21 | 68.31 | | mountain | 54.37 | 67.19 | | plant | 49.75 | 60.22 | | curtain | 63.79 | 74.96 | | chair | 52.59 | 68.48 | | car | 78.24 | 91.97 | | water | 54.46 | 69.26 | | painting | 65.83 | 81.04 | | sofa | 65.87 | 82.15 | | shelf | 37.04 | 50.8 | | house | 45.82 | 63.79 | | sea | 59.06 | 79.24 | | mirror | 57.4 | 67.92 | | rug | 47.77 | 52.13 | | field | 33.62 | 51.7 | | armchair | 41.34 | 55.85 | | seat | 55.45 | 77.12 | | fence | 37.14 | 48.0 | | desk | 40.27 | 68.14 | | rock | 51.14 | 68.93 | | wardrobe | 43.91 | 60.14 | | lamp | 56.08 | 70.3 | | bathtub | 72.26 | 79.0 | | railing | 32.46 | 44.05 | | cushion | 56.47 | 69.79 | | base | 25.29 | 37.51 | | box | 26.54 | 34.33 | | column | 34.78 | 41.91 | | signboard | 30.64 | 46.04 | | chest of drawers | 37.49 | 49.34 | | counter | 31.77 | 39.14 | | sand | 44.09 | 59.12 | | sink | 67.96 | 77.89 | | skyscraper | 44.34 | 62.65 | | fireplace | 62.69 | 80.56 | | refrigerator | 55.42 | 63.06 | | grandstand | 50.95 | 79.01 | | path | 16.62 | 22.02 | | stairs | 28.81 | 32.62 | | runway | 65.16 | 85.99 | | case | 53.25 | 66.12 | | pool table | 83.64 | 95.88 | | pillow | 50.81 | 58.92 | | screen door | 46.02 | 49.12 | | stairway | 47.44 | 60.56 | | river | 15.11 | 26.59 | | bridge | 42.09 | 51.54 | | bookcase | 32.0 | 49.01 | | blind | 22.87 | 25.29 | | coffee table | 58.12 | 79.19 | | toilet | 77.76 | 88.58 | | flower | 38.38 | 52.47 | | book | 46.41 | 64.84 | | hill | 5.47 | 9.67 | | bench | 45.72 | 54.79 | | countertop | 52.4 | 68.58 | | stove | 69.74 | 78.92 | | palm | 49.53 | 66.27 | | kitchen island | 37.75 | 61.16 | | computer | 63.26 | 77.56 | | swivel chair | 43.22 | 57.77 | | boat | 58.07 | 77.68 | | bar | 53.87 | 66.64 | | arcade machine | 64.19 | 74.11 | | hovel | 28.39 | 31.78 | | bus | 82.9 | 91.68 | | towel | 65.88 | 79.3 | | light | 34.06 | 38.93 | | truck | 36.29 | 49.61 | | tower | 21.95 | 34.66 | | chandelier | 62.3 | 77.54 | | awning | 27.25 | 35.0 | | streetlight | 21.78 | 25.95 | | booth | 32.08 | 41.49 | | television receiver | 66.24 | 75.62 | | airplane | 52.89 | 66.83 | | dirt track | 11.55 | 17.57 | | apparel | 46.15 | 62.4 | | pole | 14.76 | 18.31 | | land | 2.06 | 3.16 | | bannister | 7.2 | 9.6 | | escalator | 53.3 | 68.3 | | ottoman | 42.43 | 50.92 | | bottle | 40.39 | 66.14 | | buffet | 40.37 | 46.63 | | poster | 19.84 | 24.56 | | stage | 15.03 | 30.55 | | van | 39.1 | 53.01 | | ship | 29.94 | 34.22 | | fountain | 23.21 | 24.14 | | conveyer belt | 65.98 | 92.0 | | canopy | 31.3 | 37.51 | | washer | 74.59 | 81.92 | | plaything | 28.45 | 40.97 | | swimming pool | 60.01 | 80.73 | | stool | 29.6 | 39.83 | | barrel | 28.83 | 40.84 | | basket | 35.35 | 44.61 | | waterfall | 45.63 | 50.6 | | tent | 82.06 | 97.88 | | bag | 16.33 | 18.97 | | minibike | 65.23 | 83.53 | | cradle | 71.54 | 93.32 | | oven | 45.17 | 53.22 | | ball | 55.93 | 67.33 | | food | 53.69 | 64.35 | | step | 5.32 | 5.87 | | tank | 57.83 | 78.4 | | trade name | 15.55 | 17.21 | | microwave | 69.28 | 75.18 | | pot | 37.55 | 42.26 | | animal | 56.08 | 62.8 | | bicycle | 55.5 | 79.98 | | lake | 24.61 | 29.05 | | dishwasher | 49.38 | 53.8 | | screen | 42.52 | 56.92 | | blanket | 17.94 | 21.26 | | sculpture | 55.72 | 76.38 | | hood | 50.94 | 54.23 | | sconce | 37.84 | 47.48 | | vase | 36.34 | 51.91 | | traffic light | 31.27 | 44.25 | | tray | 10.74 | 13.21 | | ashcan | 41.95 | 50.98 | | fan | 52.28 | 67.01 | | pier | 33.53 | 44.51 | | crt screen | 4.2 | 8.6 | | plate | 49.51 | 64.37 | | monitor | 24.23 | 29.92 | | bulletin board | 42.45 | 52.9 | | shower | 2.09 | 3.64 | | radiator | 59.54 | 69.89 | | glass | 16.08 | 17.55 | | clock | 34.76 | 38.67 | | flag | 44.76 | 52.79 | +---------------------+-------+-------+ 2023-11-10 01:23:27,971 - mmseg - INFO - Summary: 2023-11-10 01:23:27,972 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.51 | 45.69 | 57.31 | +-------+-------+-------+ 2023-11-10 01:23:27,972 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:23:27,972 - mmseg - INFO - Iter(val) [250] aAcc: 0.7951, mIoU: 0.4569, mAcc: 0.5731, IoU.wall: 0.6961, IoU.building: 0.7949, IoU.sky: 0.8961, IoU.floor: 0.7329, IoU.tree: 0.6944, IoU.ceiling: 0.7638, IoU.road: 0.7827, IoU.bed : 0.8266, IoU.windowpane: 0.5793, IoU.grass: 0.6631, IoU.cabinet: 0.5389, IoU.sidewalk: 0.5605, IoU.person: 0.7480, IoU.earth: 0.3368, IoU.door: 0.3962, IoU.table: 0.5321, IoU.mountain: 0.5437, IoU.plant: 0.4975, IoU.curtain: 0.6379, IoU.chair: 0.5259, IoU.car: 0.7824, IoU.water: 0.5446, IoU.painting: 0.6583, IoU.sofa: 0.6587, IoU.shelf: 0.3704, IoU.house: 0.4582, IoU.sea: 0.5906, IoU.mirror: 0.5740, IoU.rug: 0.4777, IoU.field: 0.3362, IoU.armchair: 0.4134, IoU.seat: 0.5545, IoU.fence: 0.3714, IoU.desk: 0.4027, IoU.rock: 0.5114, IoU.wardrobe: 0.4391, IoU.lamp: 0.5608, IoU.bathtub: 0.7226, IoU.railing: 0.3246, IoU.cushion: 0.5647, IoU.base: 0.2529, IoU.box: 0.2654, IoU.column: 0.3478, IoU.signboard: 0.3064, IoU.chest of drawers: 0.3749, IoU.counter: 0.3177, IoU.sand: 0.4409, IoU.sink: 0.6796, IoU.skyscraper: 0.4434, IoU.fireplace: 0.6269, IoU.refrigerator: 0.5542, IoU.grandstand: 0.5095, IoU.path: 0.1662, IoU.stairs: 0.2881, IoU.runway: 0.6516, IoU.case: 0.5325, IoU.pool table: 0.8364, IoU.pillow: 0.5081, IoU.screen door: 0.4602, IoU.stairway: 0.4744, IoU.river: 0.1511, IoU.bridge: 0.4209, IoU.bookcase: 0.3200, IoU.blind: 0.2287, IoU.coffee table: 0.5812, IoU.toilet: 0.7776, IoU.flower: 0.3838, IoU.book: 0.4641, IoU.hill: 0.0547, IoU.bench: 0.4572, IoU.countertop: 0.5240, IoU.stove: 0.6974, IoU.palm: 0.4953, IoU.kitchen island: 0.3775, IoU.computer: 0.6326, IoU.swivel chair: 0.4322, IoU.boat: 0.5807, IoU.bar: 0.5387, IoU.arcade machine: 0.6419, IoU.hovel: 0.2839, IoU.bus: 0.8290, IoU.towel: 0.6588, IoU.light: 0.3406, IoU.truck: 0.3629, IoU.tower: 0.2195, IoU.chandelier: 0.6230, IoU.awning: 0.2725, IoU.streetlight: 0.2178, IoU.booth: 0.3208, IoU.television receiver: 0.6624, IoU.airplane: 0.5289, IoU.dirt track: 0.1155, IoU.apparel: 0.4615, IoU.pole: 0.1476, IoU.land: 0.0206, IoU.bannister: 0.0720, IoU.escalator: 0.5330, IoU.ottoman: 0.4243, IoU.bottle: 0.4039, IoU.buffet: 0.4037, IoU.poster: 0.1984, IoU.stage: 0.1503, IoU.van: 0.3910, IoU.ship: 0.2994, IoU.fountain: 0.2321, IoU.conveyer belt: 0.6598, IoU.canopy: 0.3130, IoU.washer: 0.7459, IoU.plaything: 0.2845, IoU.swimming pool: 0.6001, IoU.stool: 0.2960, IoU.barrel: 0.2883, IoU.basket: 0.3535, IoU.waterfall: 0.4563, IoU.tent: 0.8206, IoU.bag: 0.1633, IoU.minibike: 0.6523, IoU.cradle: 0.7154, IoU.oven: 0.4517, IoU.ball: 0.5593, IoU.food: 0.5369, IoU.step: 0.0532, IoU.tank: 0.5783, IoU.trade name: 0.1555, IoU.microwave: 0.6928, IoU.pot: 0.3755, IoU.animal: 0.5608, IoU.bicycle: 0.5550, IoU.lake: 0.2461, IoU.dishwasher: 0.4938, IoU.screen: 0.4252, IoU.blanket: 0.1794, IoU.sculpture: 0.5572, IoU.hood: 0.5094, IoU.sconce: 0.3784, IoU.vase: 0.3634, IoU.traffic light: 0.3127, IoU.tray: 0.1074, IoU.ashcan: 0.4195, IoU.fan: 0.5228, IoU.pier: 0.3353, IoU.crt screen: 0.0420, IoU.plate: 0.4951, IoU.monitor: 0.2423, IoU.bulletin board: 0.4245, IoU.shower: 0.0209, IoU.radiator: 0.5954, IoU.glass: 0.1608, IoU.clock: 0.3476, IoU.flag: 0.4476, Acc.wall: 0.8438, Acc.building: 0.9153, Acc.sky: 0.9518, Acc.floor: 0.8689, Acc.tree: 0.8448, Acc.ceiling: 0.8713, Acc.road: 0.8779, Acc.bed : 0.9411, Acc.windowpane: 0.7525, Acc.grass: 0.8342, Acc.cabinet: 0.6736, Acc.sidewalk: 0.7302, Acc.person: 0.9056, Acc.earth: 0.4611, Acc.door: 0.4982, Acc.table: 0.6831, Acc.mountain: 0.6719, Acc.plant: 0.6022, Acc.curtain: 0.7496, Acc.chair: 0.6848, Acc.car: 0.9197, Acc.water: 0.6926, Acc.painting: 0.8104, Acc.sofa: 0.8215, Acc.shelf: 0.5080, Acc.house: 0.6379, Acc.sea: 0.7924, Acc.mirror: 0.6792, Acc.rug: 0.5213, Acc.field: 0.5170, Acc.armchair: 0.5585, Acc.seat: 0.7712, Acc.fence: 0.4800, Acc.desk: 0.6814, Acc.rock: 0.6893, Acc.wardrobe: 0.6014, Acc.lamp: 0.7030, Acc.bathtub: 0.7900, Acc.railing: 0.4405, Acc.cushion: 0.6979, Acc.base: 0.3751, Acc.box: 0.3433, Acc.column: 0.4191, Acc.signboard: 0.4604, Acc.chest of drawers: 0.4934, Acc.counter: 0.3914, Acc.sand: 0.5912, Acc.sink: 0.7789, Acc.skyscraper: 0.6265, Acc.fireplace: 0.8056, Acc.refrigerator: 0.6306, Acc.grandstand: 0.7901, Acc.path: 0.2202, Acc.stairs: 0.3262, Acc.runway: 0.8599, Acc.case: 0.6612, Acc.pool table: 0.9588, Acc.pillow: 0.5892, Acc.screen door: 0.4912, Acc.stairway: 0.6056, Acc.river: 0.2659, Acc.bridge: 0.5154, Acc.bookcase: 0.4901, Acc.blind: 0.2529, Acc.coffee table: 0.7919, Acc.toilet: 0.8858, Acc.flower: 0.5247, Acc.book: 0.6484, Acc.hill: 0.0967, Acc.bench: 0.5479, Acc.countertop: 0.6858, Acc.stove: 0.7892, Acc.palm: 0.6627, Acc.kitchen island: 0.6116, Acc.computer: 0.7756, Acc.swivel chair: 0.5777, Acc.boat: 0.7768, Acc.bar: 0.6664, Acc.arcade machine: 0.7411, Acc.hovel: 0.3178, Acc.bus: 0.9168, Acc.towel: 0.7930, Acc.light: 0.3893, Acc.truck: 0.4961, Acc.tower: 0.3466, Acc.chandelier: 0.7754, Acc.awning: 0.3500, Acc.streetlight: 0.2595, Acc.booth: 0.4149, Acc.television receiver: 0.7562, Acc.airplane: 0.6683, Acc.dirt track: 0.1757, Acc.apparel: 0.6240, Acc.pole: 0.1831, Acc.land: 0.0316, Acc.bannister: 0.0960, Acc.escalator: 0.6830, Acc.ottoman: 0.5092, Acc.bottle: 0.6614, Acc.buffet: 0.4663, Acc.poster: 0.2456, Acc.stage: 0.3055, Acc.van: 0.5301, Acc.ship: 0.3422, Acc.fountain: 0.2414, Acc.conveyer belt: 0.9200, Acc.canopy: 0.3751, Acc.washer: 0.8192, Acc.plaything: 0.4097, Acc.swimming pool: 0.8073, Acc.stool: 0.3983, Acc.barrel: 0.4084, Acc.basket: 0.4461, Acc.waterfall: 0.5060, Acc.tent: 0.9788, Acc.bag: 0.1897, Acc.minibike: 0.8353, Acc.cradle: 0.9332, Acc.oven: 0.5322, Acc.ball: 0.6733, Acc.food: 0.6435, Acc.step: 0.0587, Acc.tank: 0.7840, Acc.trade name: 0.1721, Acc.microwave: 0.7518, Acc.pot: 0.4226, Acc.animal: 0.6280, Acc.bicycle: 0.7998, Acc.lake: 0.2905, Acc.dishwasher: 0.5380, Acc.screen: 0.5692, Acc.blanket: 0.2126, Acc.sculpture: 0.7638, Acc.hood: 0.5423, Acc.sconce: 0.4748, Acc.vase: 0.5191, Acc.traffic light: 0.4425, Acc.tray: 0.1321, Acc.ashcan: 0.5098, Acc.fan: 0.6701, Acc.pier: 0.4451, Acc.crt screen: 0.0860, Acc.plate: 0.6437, Acc.monitor: 0.2992, Acc.bulletin board: 0.5290, Acc.shower: 0.0364, Acc.radiator: 0.6989, Acc.glass: 0.1755, Acc.clock: 0.3867, Acc.flag: 0.5279 2023-11-10 01:23:38,605 - mmseg - INFO - Iter [33050/80000] lr: 2.348e-05, eta: 3:43:13, time: 1.132, data_time: 0.926, memory: 16310, decode.loss_ce: 0.5596, decode.acc_seg: 79.1880, loss: 0.5596 2023-11-10 01:23:49,171 - mmseg - INFO - Iter [33100/80000] lr: 2.345e-05, eta: 3:42:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5483, decode.acc_seg: 79.4421, loss: 0.5483 2023-11-10 01:23:59,732 - mmseg - INFO - Iter [33150/80000] lr: 2.343e-05, eta: 3:42:34, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5509, decode.acc_seg: 79.5832, loss: 0.5509 2023-11-10 01:24:10,265 - mmseg - INFO - Iter [33200/80000] lr: 2.340e-05, eta: 3:42:15, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5607, decode.acc_seg: 79.6803, loss: 0.5607 2023-11-10 01:24:20,784 - mmseg - INFO - Iter [33250/80000] lr: 2.338e-05, eta: 3:41:55, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5714, decode.acc_seg: 78.5638, loss: 0.5714 2023-11-10 01:24:31,303 - mmseg - INFO - Iter [33300/80000] lr: 2.335e-05, eta: 3:41:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5517, decode.acc_seg: 79.2971, loss: 0.5517 2023-11-10 01:24:41,827 - mmseg - INFO - Iter [33350/80000] lr: 2.333e-05, eta: 3:41:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5681, decode.acc_seg: 78.7204, loss: 0.5681 2023-11-10 01:24:52,343 - mmseg - INFO - Iter [33400/80000] lr: 2.330e-05, eta: 3:40:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5707, decode.acc_seg: 78.6965, loss: 0.5707 2023-11-10 01:25:02,868 - mmseg - INFO - Iter [33450/80000] lr: 2.328e-05, eta: 3:40:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5620, decode.acc_seg: 78.6989, loss: 0.5620 2023-11-10 01:25:13,383 - mmseg - INFO - Iter [33500/80000] lr: 2.325e-05, eta: 3:40:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5536, decode.acc_seg: 79.4833, loss: 0.5536 2023-11-10 01:25:23,906 - mmseg - INFO - Iter [33550/80000] lr: 2.323e-05, eta: 3:39:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5351, decode.acc_seg: 79.6909, loss: 0.5351 2023-11-10 01:25:34,437 - mmseg - INFO - Iter [33600/80000] lr: 2.320e-05, eta: 3:39:40, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5649, decode.acc_seg: 79.3084, loss: 0.5649 2023-11-10 01:25:44,957 - mmseg - INFO - Iter [33650/80000] lr: 2.318e-05, eta: 3:39:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5723, decode.acc_seg: 78.7870, loss: 0.5723 2023-11-10 01:25:55,482 - mmseg - INFO - Iter [33700/80000] lr: 2.315e-05, eta: 3:39:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5616, decode.acc_seg: 79.4499, loss: 0.5616 2023-11-10 01:26:05,998 - mmseg - INFO - Iter [33750/80000] lr: 2.313e-05, eta: 3:38:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5535, decode.acc_seg: 78.9449, loss: 0.5535 2023-11-10 01:26:16,523 - mmseg - INFO - Iter [33800/80000] lr: 2.310e-05, eta: 3:38:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5626, decode.acc_seg: 79.3030, loss: 0.5626 2023-11-10 01:26:27,052 - mmseg - INFO - Iter [33850/80000] lr: 2.308e-05, eta: 3:38:04, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5567, decode.acc_seg: 79.3122, loss: 0.5567 2023-11-10 01:26:37,580 - mmseg - INFO - Iter [33900/80000] lr: 2.305e-05, eta: 3:37:45, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5959, decode.acc_seg: 78.6553, loss: 0.5959 2023-11-10 01:26:48,096 - mmseg - INFO - Iter [33950/80000] lr: 2.303e-05, eta: 3:37:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5711, decode.acc_seg: 78.9034, loss: 0.5711 2023-11-10 01:26:58,618 - mmseg - INFO - Saving checkpoint at 34000 iterations 2023-11-10 01:27:23,669 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:27:23,669 - mmseg - INFO - Iter [34000/80000] lr: 2.300e-05, eta: 3:37:40, time: 0.711, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5571, decode.acc_seg: 78.7434, loss: 0.5571 2023-11-10 01:28:09,360 - mmseg - INFO - per class results: 2023-11-10 01:28:09,369 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.61 | 84.57 | | building | 79.61 | 92.14 | | sky | 89.71 | 95.14 | | floor | 73.28 | 87.17 | | tree | 69.48 | 84.6 | | ceiling | 76.52 | 87.76 | | road | 78.4 | 87.87 | | bed | 83.38 | 93.19 | | windowpane | 57.83 | 75.7 | | grass | 66.43 | 83.21 | | cabinet | 53.91 | 67.38 | | sidewalk | 56.39 | 72.12 | | person | 75.1 | 90.31 | | earth | 33.68 | 45.67 | | door | 39.42 | 49.04 | | table | 53.39 | 68.11 | | mountain | 54.65 | 70.66 | | plant | 49.69 | 60.36 | | curtain | 63.4 | 73.75 | | chair | 52.76 | 69.63 | | car | 78.68 | 91.53 | | water | 55.8 | 72.4 | | painting | 65.21 | 81.48 | | sofa | 65.95 | 83.3 | | shelf | 37.53 | 51.3 | | house | 45.26 | 58.69 | | sea | 60.56 | 78.7 | | mirror | 57.69 | 68.52 | | rug | 48.7 | 53.56 | | field | 34.22 | 51.52 | | armchair | 41.56 | 56.88 | | seat | 55.1 | 76.86 | | fence | 37.15 | 48.43 | | desk | 40.56 | 67.54 | | rock | 50.72 | 67.87 | | wardrobe | 43.47 | 58.23 | | lamp | 56.15 | 69.85 | | bathtub | 71.9 | 78.92 | | railing | 32.47 | 44.97 | | cushion | 55.79 | 66.5 | | base | 24.91 | 37.31 | | box | 26.37 | 33.76 | | column | 34.13 | 41.19 | | signboard | 30.9 | 45.39 | | chest of drawers | 38.5 | 51.57 | | counter | 33.64 | 42.73 | | sand | 43.17 | 57.07 | | sink | 68.11 | 77.53 | | skyscraper | 43.83 | 56.95 | | fireplace | 62.85 | 80.7 | | refrigerator | 55.59 | 63.26 | | grandstand | 50.82 | 79.42 | | path | 17.09 | 22.96 | | stairs | 28.53 | 31.84 | | runway | 64.79 | 85.23 | | case | 53.9 | 65.69 | | pool table | 85.02 | 95.06 | | pillow | 53.38 | 63.82 | | screen door | 51.28 | 56.02 | | stairway | 46.84 | 59.24 | | river | 15.69 | 26.85 | | bridge | 42.77 | 52.39 | | bookcase | 31.72 | 45.28 | | blind | 20.16 | 22.08 | | coffee table | 57.91 | 79.59 | | toilet | 78.31 | 87.87 | | flower | 38.63 | 55.23 | | book | 46.77 | 68.4 | | hill | 5.52 | 8.55 | | bench | 45.93 | 55.07 | | countertop | 52.02 | 65.36 | | stove | 69.4 | 78.29 | | palm | 49.03 | 65.9 | | kitchen island | 36.77 | 58.03 | | computer | 62.78 | 77.34 | | swivel chair | 42.78 | 56.65 | | boat | 59.15 | 73.5 | | bar | 54.18 | 64.54 | | arcade machine | 64.23 | 73.7 | | hovel | 32.15 | 35.6 | | bus | 82.66 | 92.24 | | towel | 65.88 | 77.9 | | light | 34.73 | 40.56 | | truck | 37.07 | 50.32 | | tower | 19.38 | 29.67 | | chandelier | 62.38 | 78.25 | | awning | 25.32 | 31.31 | | streetlight | 21.61 | 25.71 | | booth | 31.95 | 41.17 | | television receiver | 66.39 | 75.29 | | airplane | 52.87 | 66.45 | | dirt track | 12.53 | 19.84 | | apparel | 46.28 | 60.13 | | pole | 15.6 | 19.44 | | land | 1.74 | 2.55 | | bannister | 6.24 | 8.11 | | escalator | 53.83 | 69.82 | | ottoman | 42.44 | 50.46 | | bottle | 40.28 | 65.57 | | buffet | 40.22 | 46.15 | | poster | 20.05 | 25.04 | | stage | 15.7 | 34.63 | | van | 38.02 | 50.67 | | ship | 28.74 | 33.13 | | fountain | 25.65 | 26.67 | | conveyer belt | 63.73 | 93.18 | | canopy | 32.14 | 38.4 | | washer | 73.83 | 80.59 | | plaything | 27.61 | 37.85 | | swimming pool | 60.06 | 79.25 | | stool | 28.29 | 33.96 | | barrel | 28.96 | 39.33 | | basket | 35.08 | 43.88 | | waterfall | 47.87 | 54.91 | | tent | 84.62 | 97.44 | | bag | 16.45 | 19.09 | | minibike | 65.65 | 84.1 | | cradle | 70.41 | 93.69 | | oven | 46.26 | 55.71 | | ball | 52.45 | 60.28 | | food | 54.83 | 66.46 | | step | 4.75 | 5.17 | | tank | 57.27 | 73.54 | | trade name | 16.56 | 18.5 | | microwave | 68.07 | 72.75 | | pot | 38.86 | 44.13 | | animal | 56.88 | 63.0 | | bicycle | 55.07 | 78.53 | | lake | 22.32 | 24.35 | | dishwasher | 46.96 | 49.58 | | screen | 43.19 | 57.75 | | blanket | 14.07 | 16.1 | | sculpture | 54.58 | 77.71 | | hood | 54.62 | 59.82 | | sconce | 35.64 | 43.02 | | vase | 36.35 | 52.36 | | traffic light | 31.28 | 43.52 | | tray | 11.06 | 13.56 | | ashcan | 42.03 | 51.35 | | fan | 49.49 | 59.92 | | pier | 34.88 | 42.99 | | crt screen | 3.59 | 7.57 | | plate | 49.71 | 64.77 | | monitor | 20.81 | 24.09 | | bulletin board | 42.56 | 55.74 | | shower | 2.16 | 2.45 | | radiator | 59.5 | 66.76 | | glass | 16.57 | 18.19 | | clock | 32.16 | 34.59 | | flag | 43.41 | 49.56 | +---------------------+-------+-------+ 2023-11-10 01:28:09,369 - mmseg - INFO - Summary: 2023-11-10 01:28:09,370 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.61 | 45.67 | 56.89 | +-------+-------+-------+ 2023-11-10 01:28:09,371 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:28:09,371 - mmseg - INFO - Iter(val) [250] aAcc: 0.7961, mIoU: 0.4567, mAcc: 0.5689, IoU.wall: 0.6961, IoU.building: 0.7961, IoU.sky: 0.8971, IoU.floor: 0.7328, IoU.tree: 0.6948, IoU.ceiling: 0.7652, IoU.road: 0.7840, IoU.bed : 0.8338, IoU.windowpane: 0.5783, IoU.grass: 0.6643, IoU.cabinet: 0.5391, IoU.sidewalk: 0.5639, IoU.person: 0.7510, IoU.earth: 0.3368, IoU.door: 0.3942, IoU.table: 0.5339, IoU.mountain: 0.5465, IoU.plant: 0.4969, IoU.curtain: 0.6340, IoU.chair: 0.5276, IoU.car: 0.7868, IoU.water: 0.5580, IoU.painting: 0.6521, IoU.sofa: 0.6595, IoU.shelf: 0.3753, IoU.house: 0.4526, IoU.sea: 0.6056, IoU.mirror: 0.5769, IoU.rug: 0.4870, IoU.field: 0.3422, IoU.armchair: 0.4156, IoU.seat: 0.5510, IoU.fence: 0.3715, IoU.desk: 0.4056, IoU.rock: 0.5072, IoU.wardrobe: 0.4347, IoU.lamp: 0.5615, IoU.bathtub: 0.7190, IoU.railing: 0.3247, IoU.cushion: 0.5579, IoU.base: 0.2491, IoU.box: 0.2637, IoU.column: 0.3413, IoU.signboard: 0.3090, IoU.chest of drawers: 0.3850, IoU.counter: 0.3364, IoU.sand: 0.4317, IoU.sink: 0.6811, IoU.skyscraper: 0.4383, IoU.fireplace: 0.6285, IoU.refrigerator: 0.5559, IoU.grandstand: 0.5082, IoU.path: 0.1709, IoU.stairs: 0.2853, IoU.runway: 0.6479, IoU.case: 0.5390, IoU.pool table: 0.8502, IoU.pillow: 0.5338, IoU.screen door: 0.5128, IoU.stairway: 0.4684, IoU.river: 0.1569, IoU.bridge: 0.4277, IoU.bookcase: 0.3172, IoU.blind: 0.2016, IoU.coffee table: 0.5791, IoU.toilet: 0.7831, IoU.flower: 0.3863, IoU.book: 0.4677, IoU.hill: 0.0552, IoU.bench: 0.4593, IoU.countertop: 0.5202, IoU.stove: 0.6940, IoU.palm: 0.4903, IoU.kitchen island: 0.3677, IoU.computer: 0.6278, IoU.swivel chair: 0.4278, IoU.boat: 0.5915, IoU.bar: 0.5418, IoU.arcade machine: 0.6423, IoU.hovel: 0.3215, IoU.bus: 0.8266, IoU.towel: 0.6588, IoU.light: 0.3473, IoU.truck: 0.3707, IoU.tower: 0.1938, IoU.chandelier: 0.6238, IoU.awning: 0.2532, IoU.streetlight: 0.2161, IoU.booth: 0.3195, IoU.television receiver: 0.6639, IoU.airplane: 0.5287, IoU.dirt track: 0.1253, IoU.apparel: 0.4628, IoU.pole: 0.1560, IoU.land: 0.0174, IoU.bannister: 0.0624, IoU.escalator: 0.5383, IoU.ottoman: 0.4244, IoU.bottle: 0.4028, IoU.buffet: 0.4022, IoU.poster: 0.2005, IoU.stage: 0.1570, IoU.van: 0.3802, IoU.ship: 0.2874, IoU.fountain: 0.2565, IoU.conveyer belt: 0.6373, IoU.canopy: 0.3214, IoU.washer: 0.7383, IoU.plaything: 0.2761, IoU.swimming pool: 0.6006, IoU.stool: 0.2829, IoU.barrel: 0.2896, IoU.basket: 0.3508, IoU.waterfall: 0.4787, IoU.tent: 0.8462, IoU.bag: 0.1645, IoU.minibike: 0.6565, IoU.cradle: 0.7041, IoU.oven: 0.4626, IoU.ball: 0.5245, IoU.food: 0.5483, IoU.step: 0.0475, IoU.tank: 0.5727, IoU.trade name: 0.1656, IoU.microwave: 0.6807, IoU.pot: 0.3886, IoU.animal: 0.5688, IoU.bicycle: 0.5507, IoU.lake: 0.2232, IoU.dishwasher: 0.4696, IoU.screen: 0.4319, IoU.blanket: 0.1407, IoU.sculpture: 0.5458, IoU.hood: 0.5462, IoU.sconce: 0.3564, IoU.vase: 0.3635, IoU.traffic light: 0.3128, IoU.tray: 0.1106, IoU.ashcan: 0.4203, IoU.fan: 0.4949, IoU.pier: 0.3488, IoU.crt screen: 0.0359, IoU.plate: 0.4971, IoU.monitor: 0.2081, IoU.bulletin board: 0.4256, IoU.shower: 0.0216, IoU.radiator: 0.5950, IoU.glass: 0.1657, IoU.clock: 0.3216, IoU.flag: 0.4341, Acc.wall: 0.8457, Acc.building: 0.9214, Acc.sky: 0.9514, Acc.floor: 0.8717, Acc.tree: 0.8460, Acc.ceiling: 0.8776, Acc.road: 0.8787, Acc.bed : 0.9319, Acc.windowpane: 0.7570, Acc.grass: 0.8321, Acc.cabinet: 0.6738, Acc.sidewalk: 0.7212, Acc.person: 0.9031, Acc.earth: 0.4567, Acc.door: 0.4904, Acc.table: 0.6811, Acc.mountain: 0.7066, Acc.plant: 0.6036, Acc.curtain: 0.7375, Acc.chair: 0.6963, Acc.car: 0.9153, Acc.water: 0.7240, Acc.painting: 0.8148, Acc.sofa: 0.8330, Acc.shelf: 0.5130, Acc.house: 0.5869, Acc.sea: 0.7870, Acc.mirror: 0.6852, Acc.rug: 0.5356, Acc.field: 0.5152, Acc.armchair: 0.5688, Acc.seat: 0.7686, Acc.fence: 0.4843, Acc.desk: 0.6754, Acc.rock: 0.6787, Acc.wardrobe: 0.5823, Acc.lamp: 0.6985, Acc.bathtub: 0.7892, Acc.railing: 0.4497, Acc.cushion: 0.6650, Acc.base: 0.3731, Acc.box: 0.3376, Acc.column: 0.4119, Acc.signboard: 0.4539, Acc.chest of drawers: 0.5157, Acc.counter: 0.4273, Acc.sand: 0.5707, Acc.sink: 0.7753, Acc.skyscraper: 0.5695, Acc.fireplace: 0.8070, Acc.refrigerator: 0.6326, Acc.grandstand: 0.7942, Acc.path: 0.2296, Acc.stairs: 0.3184, Acc.runway: 0.8523, Acc.case: 0.6569, Acc.pool table: 0.9506, Acc.pillow: 0.6382, Acc.screen door: 0.5602, Acc.stairway: 0.5924, Acc.river: 0.2685, Acc.bridge: 0.5239, Acc.bookcase: 0.4528, Acc.blind: 0.2208, Acc.coffee table: 0.7959, Acc.toilet: 0.8787, Acc.flower: 0.5523, Acc.book: 0.6840, Acc.hill: 0.0855, Acc.bench: 0.5507, Acc.countertop: 0.6536, Acc.stove: 0.7829, Acc.palm: 0.6590, Acc.kitchen island: 0.5803, Acc.computer: 0.7734, Acc.swivel chair: 0.5665, Acc.boat: 0.7350, Acc.bar: 0.6454, Acc.arcade machine: 0.7370, Acc.hovel: 0.3560, Acc.bus: 0.9224, Acc.towel: 0.7790, Acc.light: 0.4056, Acc.truck: 0.5032, Acc.tower: 0.2967, Acc.chandelier: 0.7825, Acc.awning: 0.3131, Acc.streetlight: 0.2571, Acc.booth: 0.4117, Acc.television receiver: 0.7529, Acc.airplane: 0.6645, Acc.dirt track: 0.1984, Acc.apparel: 0.6013, Acc.pole: 0.1944, Acc.land: 0.0255, Acc.bannister: 0.0811, Acc.escalator: 0.6982, Acc.ottoman: 0.5046, Acc.bottle: 0.6557, Acc.buffet: 0.4615, Acc.poster: 0.2504, Acc.stage: 0.3463, Acc.van: 0.5067, Acc.ship: 0.3313, Acc.fountain: 0.2667, Acc.conveyer belt: 0.9318, Acc.canopy: 0.3840, Acc.washer: 0.8059, Acc.plaything: 0.3785, Acc.swimming pool: 0.7925, Acc.stool: 0.3396, Acc.barrel: 0.3933, Acc.basket: 0.4388, Acc.waterfall: 0.5491, Acc.tent: 0.9744, Acc.bag: 0.1909, Acc.minibike: 0.8410, Acc.cradle: 0.9369, Acc.oven: 0.5571, Acc.ball: 0.6028, Acc.food: 0.6646, Acc.step: 0.0517, Acc.tank: 0.7354, Acc.trade name: 0.1850, Acc.microwave: 0.7275, Acc.pot: 0.4413, Acc.animal: 0.6300, Acc.bicycle: 0.7853, Acc.lake: 0.2435, Acc.dishwasher: 0.4958, Acc.screen: 0.5775, Acc.blanket: 0.1610, Acc.sculpture: 0.7771, Acc.hood: 0.5982, Acc.sconce: 0.4302, Acc.vase: 0.5236, Acc.traffic light: 0.4352, Acc.tray: 0.1356, Acc.ashcan: 0.5135, Acc.fan: 0.5992, Acc.pier: 0.4299, Acc.crt screen: 0.0757, Acc.plate: 0.6477, Acc.monitor: 0.2409, Acc.bulletin board: 0.5574, Acc.shower: 0.0245, Acc.radiator: 0.6676, Acc.glass: 0.1819, Acc.clock: 0.3459, Acc.flag: 0.4956 2023-11-10 01:28:19,969 - mmseg - INFO - Iter [34050/80000] lr: 2.298e-05, eta: 3:38:23, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.5330, decode.acc_seg: 79.7040, loss: 0.5330 2023-11-10 01:28:30,547 - mmseg - INFO - Iter [34100/80000] lr: 2.295e-05, eta: 3:38:04, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5571, decode.acc_seg: 78.9205, loss: 0.5571 2023-11-10 01:28:43,427 - mmseg - INFO - Iter [34150/80000] lr: 2.293e-05, eta: 3:37:47, time: 0.258, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5304, decode.acc_seg: 80.3276, loss: 0.5304 2023-11-10 01:28:53,963 - mmseg - INFO - Iter [34200/80000] lr: 2.290e-05, eta: 3:37:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5457, decode.acc_seg: 79.6076, loss: 0.5457 2023-11-10 01:29:04,503 - mmseg - INFO - Iter [34250/80000] lr: 2.288e-05, eta: 3:37:09, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5425, decode.acc_seg: 79.6138, loss: 0.5425 2023-11-10 01:29:15,026 - mmseg - INFO - Iter [34300/80000] lr: 2.285e-05, eta: 3:36:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5701, decode.acc_seg: 79.0411, loss: 0.5701 2023-11-10 01:29:25,553 - mmseg - INFO - Iter [34350/80000] lr: 2.283e-05, eta: 3:36:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5473, decode.acc_seg: 79.6295, loss: 0.5473 2023-11-10 01:29:36,065 - mmseg - INFO - Iter [34400/80000] lr: 2.280e-05, eta: 3:36:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5338, decode.acc_seg: 80.1875, loss: 0.5338 2023-11-10 01:29:46,583 - mmseg - INFO - Iter [34450/80000] lr: 2.278e-05, eta: 3:35:52, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5435, decode.acc_seg: 79.9009, loss: 0.5435 2023-11-10 01:29:57,102 - mmseg - INFO - Iter [34500/80000] lr: 2.275e-05, eta: 3:35:33, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5707, decode.acc_seg: 78.7730, loss: 0.5707 2023-11-10 01:30:07,615 - mmseg - INFO - Iter [34550/80000] lr: 2.273e-05, eta: 3:35:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5751, decode.acc_seg: 79.0907, loss: 0.5751 2023-11-10 01:30:18,125 - mmseg - INFO - Iter [34600/80000] lr: 2.270e-05, eta: 3:34:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5441, decode.acc_seg: 79.6334, loss: 0.5441 2023-11-10 01:30:28,644 - mmseg - INFO - Iter [34650/80000] lr: 2.268e-05, eta: 3:34:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5682, decode.acc_seg: 78.8271, loss: 0.5682 2023-11-10 01:30:39,143 - mmseg - INFO - Iter [34700/80000] lr: 2.265e-05, eta: 3:34:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5434, decode.acc_seg: 79.0271, loss: 0.5434 2023-11-10 01:30:49,664 - mmseg - INFO - Iter [34750/80000] lr: 2.263e-05, eta: 3:33:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5554, decode.acc_seg: 79.5300, loss: 0.5554 2023-11-10 01:31:00,175 - mmseg - INFO - Iter [34800/80000] lr: 2.260e-05, eta: 3:33:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5504, decode.acc_seg: 79.0001, loss: 0.5504 2023-11-10 01:31:10,688 - mmseg - INFO - Iter [34850/80000] lr: 2.258e-05, eta: 3:33:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5518, decode.acc_seg: 79.2914, loss: 0.5518 2023-11-10 01:31:21,191 - mmseg - INFO - Iter [34900/80000] lr: 2.255e-05, eta: 3:33:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5228, decode.acc_seg: 80.2254, loss: 0.5228 2023-11-10 01:31:31,699 - mmseg - INFO - Iter [34950/80000] lr: 2.253e-05, eta: 3:32:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5588, decode.acc_seg: 78.9805, loss: 0.5588 2023-11-10 01:31:42,203 - mmseg - INFO - Saving checkpoint at 35000 iterations 2023-11-10 01:32:06,942 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:32:06,943 - mmseg - INFO - Iter [35000/80000] lr: 2.250e-05, eta: 3:32:55, time: 0.705, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5862, decode.acc_seg: 78.1358, loss: 0.5862 2023-11-10 01:32:52,974 - mmseg - INFO - per class results: 2023-11-10 01:32:52,980 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.68 | 84.16 | | building | 79.69 | 91.36 | | sky | 89.78 | 95.16 | | floor | 73.12 | 87.57 | | tree | 69.42 | 85.07 | | ceiling | 76.56 | 88.53 | | road | 78.5 | 87.71 | | bed | 83.29 | 93.34 | | windowpane | 58.02 | 74.97 | | grass | 66.76 | 81.62 | | cabinet | 53.81 | 65.62 | | sidewalk | 56.34 | 73.07 | | person | 74.72 | 90.77 | | earth | 34.54 | 48.31 | | door | 39.86 | 50.13 | | table | 53.42 | 67.22 | | mountain | 54.47 | 68.57 | | plant | 49.11 | 58.9 | | curtain | 64.31 | 75.55 | | chair | 52.61 | 68.08 | | car | 78.63 | 91.55 | | water | 55.76 | 72.76 | | painting | 65.72 | 80.65 | | sofa | 65.44 | 83.68 | | shelf | 36.77 | 49.92 | | house | 46.3 | 64.07 | | sea | 60.96 | 80.14 | | mirror | 57.75 | 70.29 | | rug | 49.48 | 54.77 | | field | 35.29 | 54.19 | | armchair | 41.16 | 54.98 | | seat | 54.84 | 77.26 | | fence | 37.1 | 47.73 | | desk | 41.03 | 65.82 | | rock | 50.75 | 68.76 | | wardrobe | 43.43 | 59.13 | | lamp | 56.24 | 70.84 | | bathtub | 72.41 | 79.56 | | railing | 32.65 | 46.13 | | cushion | 56.23 | 67.4 | | base | 24.98 | 38.21 | | box | 26.15 | 33.32 | | column | 35.36 | 43.74 | | signboard | 31.19 | 46.11 | | chest of drawers | 38.87 | 51.73 | | counter | 32.16 | 40.48 | | sand | 42.85 | 57.16 | | sink | 67.88 | 77.18 | | skyscraper | 44.34 | 60.66 | | fireplace | 63.07 | 81.89 | | refrigerator | 56.65 | 65.29 | | grandstand | 50.33 | 79.44 | | path | 16.88 | 22.38 | | stairs | 28.08 | 31.27 | | runway | 65.7 | 87.17 | | case | 53.32 | 67.1 | | pool table | 83.16 | 96.08 | | pillow | 53.37 | 64.0 | | screen door | 53.64 | 61.72 | | stairway | 47.28 | 63.05 | | river | 15.46 | 25.69 | | bridge | 43.1 | 54.13 | | bookcase | 32.66 | 49.55 | | blind | 25.08 | 28.07 | | coffee table | 58.2 | 79.71 | | toilet | 77.96 | 88.52 | | flower | 37.37 | 53.65 | | book | 46.5 | 65.32 | | hill | 5.25 | 8.42 | | bench | 46.23 | 56.97 | | countertop | 52.17 | 65.82 | | stove | 70.07 | 80.16 | | palm | 48.41 | 62.59 | | kitchen island | 37.88 | 61.91 | | computer | 63.29 | 78.93 | | swivel chair | 41.95 | 53.52 | | boat | 57.82 | 75.56 | | bar | 54.0 | 66.0 | | arcade machine | 65.36 | 76.45 | | hovel | 32.11 | 36.53 | | bus | 83.07 | 92.25 | | towel | 66.08 | 78.14 | | light | 33.93 | 39.07 | | truck | 37.44 | 51.4 | | tower | 22.41 | 35.82 | | chandelier | 62.34 | 78.89 | | awning | 27.61 | 35.63 | | streetlight | 21.59 | 26.13 | | booth | 33.2 | 43.38 | | television receiver | 66.45 | 75.46 | | airplane | 53.24 | 65.75 | | dirt track | 11.8 | 20.6 | | apparel | 47.6 | 65.98 | | pole | 13.56 | 16.28 | | land | 2.1 | 2.99 | | bannister | 7.29 | 9.65 | | escalator | 54.12 | 70.35 | | ottoman | 43.99 | 54.45 | | bottle | 40.45 | 65.37 | | buffet | 40.8 | 47.05 | | poster | 19.82 | 24.78 | | stage | 15.63 | 35.39 | | van | 38.35 | 51.5 | | ship | 30.12 | 34.81 | | fountain | 23.15 | 24.22 | | conveyer belt | 64.53 | 92.7 | | canopy | 31.55 | 38.0 | | washer | 73.19 | 79.57 | | plaything | 27.21 | 37.01 | | swimming pool | 60.09 | 81.5 | | stool | 28.77 | 35.03 | | barrel | 28.12 | 37.51 | | basket | 35.1 | 44.47 | | waterfall | 47.59 | 54.18 | | tent | 83.96 | 97.87 | | bag | 16.65 | 19.43 | | minibike | 65.13 | 86.02 | | cradle | 69.7 | 93.37 | | oven | 46.91 | 55.64 | | ball | 55.86 | 67.7 | | food | 51.12 | 60.01 | | step | 5.28 | 5.83 | | tank | 57.66 | 75.54 | | trade name | 17.69 | 20.16 | | microwave | 68.73 | 74.6 | | pot | 37.36 | 41.89 | | animal | 55.11 | 60.29 | | bicycle | 55.12 | 78.45 | | lake | 19.13 | 21.11 | | dishwasher | 49.36 | 53.11 | | screen | 43.7 | 58.08 | | blanket | 12.85 | 14.64 | | sculpture | 55.83 | 77.06 | | hood | 54.27 | 58.74 | | sconce | 36.9 | 46.49 | | vase | 36.29 | 50.1 | | traffic light | 31.22 | 42.45 | | tray | 9.97 | 11.91 | | ashcan | 41.93 | 50.86 | | fan | 51.14 | 63.95 | | pier | 34.9 | 42.91 | | crt screen | 3.71 | 7.41 | | plate | 50.04 | 67.3 | | monitor | 22.08 | 25.87 | | bulletin board | 43.24 | 55.96 | | shower | 2.21 | 2.46 | | radiator | 59.42 | 67.44 | | glass | 16.76 | 18.64 | | clock | 34.65 | 38.93 | | flag | 44.63 | 52.28 | +---------------------+-------+-------+ 2023-11-10 01:32:52,980 - mmseg - INFO - Summary: 2023-11-10 01:32:52,980 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.63 | 45.83 | 57.47 | +-------+-------+-------+ 2023-11-10 01:32:52,981 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:32:52,981 - mmseg - INFO - Iter(val) [250] aAcc: 0.7963, mIoU: 0.4583, mAcc: 0.5747, IoU.wall: 0.6968, IoU.building: 0.7969, IoU.sky: 0.8978, IoU.floor: 0.7312, IoU.tree: 0.6942, IoU.ceiling: 0.7656, IoU.road: 0.7850, IoU.bed : 0.8329, IoU.windowpane: 0.5802, IoU.grass: 0.6676, IoU.cabinet: 0.5381, IoU.sidewalk: 0.5634, IoU.person: 0.7472, IoU.earth: 0.3454, IoU.door: 0.3986, IoU.table: 0.5342, IoU.mountain: 0.5447, IoU.plant: 0.4911, IoU.curtain: 0.6431, IoU.chair: 0.5261, IoU.car: 0.7863, IoU.water: 0.5576, IoU.painting: 0.6572, IoU.sofa: 0.6544, IoU.shelf: 0.3677, IoU.house: 0.4630, IoU.sea: 0.6096, IoU.mirror: 0.5775, IoU.rug: 0.4948, IoU.field: 0.3529, IoU.armchair: 0.4116, IoU.seat: 0.5484, IoU.fence: 0.3710, IoU.desk: 0.4103, IoU.rock: 0.5075, IoU.wardrobe: 0.4343, IoU.lamp: 0.5624, IoU.bathtub: 0.7241, IoU.railing: 0.3265, IoU.cushion: 0.5623, IoU.base: 0.2498, IoU.box: 0.2615, IoU.column: 0.3536, IoU.signboard: 0.3119, IoU.chest of drawers: 0.3887, IoU.counter: 0.3216, IoU.sand: 0.4285, IoU.sink: 0.6788, IoU.skyscraper: 0.4434, IoU.fireplace: 0.6307, IoU.refrigerator: 0.5665, IoU.grandstand: 0.5033, IoU.path: 0.1688, IoU.stairs: 0.2808, IoU.runway: 0.6570, IoU.case: 0.5332, IoU.pool table: 0.8316, IoU.pillow: 0.5337, IoU.screen door: 0.5364, IoU.stairway: 0.4728, IoU.river: 0.1546, IoU.bridge: 0.4310, IoU.bookcase: 0.3266, IoU.blind: 0.2508, IoU.coffee table: 0.5820, IoU.toilet: 0.7796, IoU.flower: 0.3737, IoU.book: 0.4650, IoU.hill: 0.0525, IoU.bench: 0.4623, IoU.countertop: 0.5217, IoU.stove: 0.7007, IoU.palm: 0.4841, IoU.kitchen island: 0.3788, IoU.computer: 0.6329, IoU.swivel chair: 0.4195, IoU.boat: 0.5782, IoU.bar: 0.5400, IoU.arcade machine: 0.6536, IoU.hovel: 0.3211, IoU.bus: 0.8307, IoU.towel: 0.6608, IoU.light: 0.3393, IoU.truck: 0.3744, IoU.tower: 0.2241, IoU.chandelier: 0.6234, IoU.awning: 0.2761, IoU.streetlight: 0.2159, IoU.booth: 0.3320, IoU.television receiver: 0.6645, IoU.airplane: 0.5324, IoU.dirt track: 0.1180, IoU.apparel: 0.4760, IoU.pole: 0.1356, IoU.land: 0.0210, IoU.bannister: 0.0729, IoU.escalator: 0.5412, IoU.ottoman: 0.4399, IoU.bottle: 0.4045, IoU.buffet: 0.4080, IoU.poster: 0.1982, IoU.stage: 0.1563, IoU.van: 0.3835, IoU.ship: 0.3012, IoU.fountain: 0.2315, IoU.conveyer belt: 0.6453, IoU.canopy: 0.3155, IoU.washer: 0.7319, IoU.plaything: 0.2721, IoU.swimming pool: 0.6009, IoU.stool: 0.2877, IoU.barrel: 0.2812, IoU.basket: 0.3510, IoU.waterfall: 0.4759, IoU.tent: 0.8396, IoU.bag: 0.1665, IoU.minibike: 0.6513, IoU.cradle: 0.6970, IoU.oven: 0.4691, IoU.ball: 0.5586, IoU.food: 0.5112, IoU.step: 0.0528, IoU.tank: 0.5766, IoU.trade name: 0.1769, IoU.microwave: 0.6873, IoU.pot: 0.3736, IoU.animal: 0.5511, IoU.bicycle: 0.5512, IoU.lake: 0.1913, IoU.dishwasher: 0.4936, IoU.screen: 0.4370, IoU.blanket: 0.1285, IoU.sculpture: 0.5583, IoU.hood: 0.5427, IoU.sconce: 0.3690, IoU.vase: 0.3629, IoU.traffic light: 0.3122, IoU.tray: 0.0997, IoU.ashcan: 0.4193, IoU.fan: 0.5114, IoU.pier: 0.3490, IoU.crt screen: 0.0371, IoU.plate: 0.5004, IoU.monitor: 0.2208, IoU.bulletin board: 0.4324, IoU.shower: 0.0221, IoU.radiator: 0.5942, IoU.glass: 0.1676, IoU.clock: 0.3465, IoU.flag: 0.4463, Acc.wall: 0.8416, Acc.building: 0.9136, Acc.sky: 0.9516, Acc.floor: 0.8757, Acc.tree: 0.8507, Acc.ceiling: 0.8853, Acc.road: 0.8771, Acc.bed : 0.9334, Acc.windowpane: 0.7497, Acc.grass: 0.8162, Acc.cabinet: 0.6562, Acc.sidewalk: 0.7307, Acc.person: 0.9077, Acc.earth: 0.4831, Acc.door: 0.5013, Acc.table: 0.6722, Acc.mountain: 0.6857, Acc.plant: 0.5890, Acc.curtain: 0.7555, Acc.chair: 0.6808, Acc.car: 0.9155, Acc.water: 0.7276, Acc.painting: 0.8065, Acc.sofa: 0.8368, Acc.shelf: 0.4992, Acc.house: 0.6407, Acc.sea: 0.8014, Acc.mirror: 0.7029, Acc.rug: 0.5477, Acc.field: 0.5419, Acc.armchair: 0.5498, Acc.seat: 0.7726, Acc.fence: 0.4773, Acc.desk: 0.6582, Acc.rock: 0.6876, Acc.wardrobe: 0.5913, Acc.lamp: 0.7084, Acc.bathtub: 0.7956, Acc.railing: 0.4613, Acc.cushion: 0.6740, Acc.base: 0.3821, Acc.box: 0.3332, Acc.column: 0.4374, Acc.signboard: 0.4611, Acc.chest of drawers: 0.5173, Acc.counter: 0.4048, Acc.sand: 0.5716, Acc.sink: 0.7718, Acc.skyscraper: 0.6066, Acc.fireplace: 0.8189, Acc.refrigerator: 0.6529, Acc.grandstand: 0.7944, Acc.path: 0.2238, Acc.stairs: 0.3127, Acc.runway: 0.8717, Acc.case: 0.6710, Acc.pool table: 0.9608, Acc.pillow: 0.6400, Acc.screen door: 0.6172, Acc.stairway: 0.6305, Acc.river: 0.2569, Acc.bridge: 0.5413, Acc.bookcase: 0.4955, Acc.blind: 0.2807, Acc.coffee table: 0.7971, Acc.toilet: 0.8852, Acc.flower: 0.5365, Acc.book: 0.6532, Acc.hill: 0.0842, Acc.bench: 0.5697, Acc.countertop: 0.6582, Acc.stove: 0.8016, Acc.palm: 0.6259, Acc.kitchen island: 0.6191, Acc.computer: 0.7893, Acc.swivel chair: 0.5352, Acc.boat: 0.7556, Acc.bar: 0.6600, Acc.arcade machine: 0.7645, Acc.hovel: 0.3653, Acc.bus: 0.9225, Acc.towel: 0.7814, Acc.light: 0.3907, Acc.truck: 0.5140, Acc.tower: 0.3582, Acc.chandelier: 0.7889, Acc.awning: 0.3563, Acc.streetlight: 0.2613, Acc.booth: 0.4338, Acc.television receiver: 0.7546, Acc.airplane: 0.6575, Acc.dirt track: 0.2060, Acc.apparel: 0.6598, Acc.pole: 0.1628, Acc.land: 0.0299, Acc.bannister: 0.0965, Acc.escalator: 0.7035, Acc.ottoman: 0.5445, Acc.bottle: 0.6537, Acc.buffet: 0.4705, Acc.poster: 0.2478, Acc.stage: 0.3539, Acc.van: 0.5150, Acc.ship: 0.3481, Acc.fountain: 0.2422, Acc.conveyer belt: 0.9270, Acc.canopy: 0.3800, Acc.washer: 0.7957, Acc.plaything: 0.3701, Acc.swimming pool: 0.8150, Acc.stool: 0.3503, Acc.barrel: 0.3751, Acc.basket: 0.4447, Acc.waterfall: 0.5418, Acc.tent: 0.9787, Acc.bag: 0.1943, Acc.minibike: 0.8602, Acc.cradle: 0.9337, Acc.oven: 0.5564, Acc.ball: 0.6770, Acc.food: 0.6001, Acc.step: 0.0583, Acc.tank: 0.7554, Acc.trade name: 0.2016, Acc.microwave: 0.7460, Acc.pot: 0.4189, Acc.animal: 0.6029, Acc.bicycle: 0.7845, Acc.lake: 0.2111, Acc.dishwasher: 0.5311, Acc.screen: 0.5808, Acc.blanket: 0.1464, Acc.sculpture: 0.7706, Acc.hood: 0.5874, Acc.sconce: 0.4649, Acc.vase: 0.5010, Acc.traffic light: 0.4245, Acc.tray: 0.1191, Acc.ashcan: 0.5086, Acc.fan: 0.6395, Acc.pier: 0.4291, Acc.crt screen: 0.0741, Acc.plate: 0.6730, Acc.monitor: 0.2587, Acc.bulletin board: 0.5596, Acc.shower: 0.0246, Acc.radiator: 0.6744, Acc.glass: 0.1864, Acc.clock: 0.3893, Acc.flag: 0.5228 2023-11-10 01:33:03,548 - mmseg - INFO - Iter [35050/80000] lr: 2.248e-05, eta: 3:33:36, time: 1.132, data_time: 0.928, memory: 16310, decode.loss_ce: 0.5562, decode.acc_seg: 78.8182, loss: 0.5562 2023-11-10 01:33:14,112 - mmseg - INFO - Iter [35100/80000] lr: 2.245e-05, eta: 3:33:17, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5707, decode.acc_seg: 78.7823, loss: 0.5707 2023-11-10 01:33:24,674 - mmseg - INFO - Iter [35150/80000] lr: 2.243e-05, eta: 3:32:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5507, decode.acc_seg: 79.4722, loss: 0.5507 2023-11-10 01:33:35,225 - mmseg - INFO - Iter [35200/80000] lr: 2.240e-05, eta: 3:32:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5494, decode.acc_seg: 79.1278, loss: 0.5494 2023-11-10 01:33:45,761 - mmseg - INFO - Iter [35250/80000] lr: 2.238e-05, eta: 3:32:20, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5656, decode.acc_seg: 79.2841, loss: 0.5656 2023-11-10 01:33:56,282 - mmseg - INFO - Iter [35300/80000] lr: 2.235e-05, eta: 3:32:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5644, decode.acc_seg: 79.3162, loss: 0.5644 2023-11-10 01:34:06,796 - mmseg - INFO - Iter [35350/80000] lr: 2.233e-05, eta: 3:31:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5779, decode.acc_seg: 78.7572, loss: 0.5779 2023-11-10 01:34:19,616 - mmseg - INFO - Iter [35400/80000] lr: 2.230e-05, eta: 3:31:26, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5421, decode.acc_seg: 79.7280, loss: 0.5421 2023-11-10 01:34:30,130 - mmseg - INFO - Iter [35450/80000] lr: 2.228e-05, eta: 3:31:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5444, decode.acc_seg: 79.6741, loss: 0.5444 2023-11-10 01:34:40,647 - mmseg - INFO - Iter [35500/80000] lr: 2.225e-05, eta: 3:30:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5534, decode.acc_seg: 79.2303, loss: 0.5534 2023-11-10 01:34:51,162 - mmseg - INFO - Iter [35550/80000] lr: 2.223e-05, eta: 3:30:29, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5934, decode.acc_seg: 78.0471, loss: 0.5934 2023-11-10 01:35:01,680 - mmseg - INFO - Iter [35600/80000] lr: 2.220e-05, eta: 3:30:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5833, decode.acc_seg: 78.7285, loss: 0.5833 2023-11-10 01:35:12,197 - mmseg - INFO - Iter [35650/80000] lr: 2.218e-05, eta: 3:29:52, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5687, decode.acc_seg: 78.6075, loss: 0.5687 2023-11-10 01:35:22,714 - mmseg - INFO - Iter [35700/80000] lr: 2.215e-05, eta: 3:29:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5402, decode.acc_seg: 79.8355, loss: 0.5402 2023-11-10 01:35:33,222 - mmseg - INFO - Iter [35750/80000] lr: 2.213e-05, eta: 3:29:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5572, decode.acc_seg: 79.4836, loss: 0.5572 2023-11-10 01:35:43,740 - mmseg - INFO - Iter [35800/80000] lr: 2.210e-05, eta: 3:28:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5349, decode.acc_seg: 80.0180, loss: 0.5349 2023-11-10 01:35:54,255 - mmseg - INFO - Iter [35850/80000] lr: 2.208e-05, eta: 3:28:37, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5517, decode.acc_seg: 79.2874, loss: 0.5517 2023-11-10 01:36:04,767 - mmseg - INFO - Iter [35900/80000] lr: 2.205e-05, eta: 3:28:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.6022, decode.acc_seg: 77.7189, loss: 0.6022 2023-11-10 01:36:15,281 - mmseg - INFO - Iter [35950/80000] lr: 2.203e-05, eta: 3:27:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5431, decode.acc_seg: 79.7803, loss: 0.5431 2023-11-10 01:36:26,648 - mmseg - INFO - Saving checkpoint at 36000 iterations 2023-11-10 01:36:54,452 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:36:54,452 - mmseg - INFO - Iter [36000/80000] lr: 2.200e-05, eta: 3:28:16, time: 0.783, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5516, decode.acc_seg: 79.2005, loss: 0.5516 2023-11-10 01:37:40,411 - mmseg - INFO - per class results: 2023-11-10 01:37:40,416 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.61 | 85.37 | | building | 79.46 | 92.39 | | sky | 89.69 | 95.31 | | floor | 73.16 | 87.57 | | tree | 69.14 | 83.71 | | ceiling | 76.59 | 87.61 | | road | 78.41 | 87.7 | | bed | 82.92 | 93.82 | | windowpane | 57.9 | 73.39 | | grass | 66.28 | 80.08 | | cabinet | 54.18 | 67.43 | | sidewalk | 56.3 | 72.85 | | person | 75.38 | 89.62 | | earth | 34.57 | 47.48 | | door | 38.9 | 47.33 | | table | 53.32 | 68.1 | | mountain | 54.99 | 68.34 | | plant | 49.38 | 59.0 | | curtain | 63.66 | 74.96 | | chair | 52.83 | 68.32 | | car | 78.45 | 91.68 | | water | 56.36 | 73.61 | | painting | 65.83 | 79.95 | | sofa | 66.06 | 82.76 | | shelf | 36.69 | 49.01 | | house | 45.65 | 59.4 | | sea | 61.05 | 78.04 | | mirror | 57.53 | 68.7 | | rug | 47.94 | 52.26 | | field | 34.9 | 55.96 | | armchair | 41.73 | 56.62 | | seat | 56.13 | 76.7 | | fence | 36.88 | 48.04 | | desk | 41.19 | 64.75 | | rock | 51.12 | 66.93 | | wardrobe | 42.53 | 55.51 | | lamp | 55.91 | 69.59 | | bathtub | 72.6 | 79.97 | | railing | 32.06 | 43.64 | | cushion | 56.6 | 68.76 | | base | 24.2 | 35.84 | | box | 25.99 | 32.65 | | column | 34.21 | 41.0 | | signboard | 30.97 | 44.56 | | chest of drawers | 37.82 | 51.03 | | counter | 33.25 | 42.07 | | sand | 43.13 | 58.59 | | sink | 68.22 | 78.75 | | skyscraper | 44.07 | 57.53 | | fireplace | 62.79 | 80.36 | | refrigerator | 56.55 | 64.78 | | grandstand | 50.4 | 79.41 | | path | 17.6 | 24.63 | | stairs | 28.24 | 31.4 | | runway | 65.2 | 86.37 | | case | 53.24 | 67.85 | | pool table | 84.45 | 95.67 | | pillow | 51.2 | 59.68 | | screen door | 53.44 | 58.78 | | stairway | 48.01 | 62.21 | | river | 14.22 | 24.05 | | bridge | 41.73 | 49.89 | | bookcase | 31.37 | 44.5 | | blind | 26.25 | 29.71 | | coffee table | 57.83 | 79.92 | | toilet | 78.11 | 88.31 | | flower | 38.23 | 55.56 | | book | 46.77 | 68.47 | | hill | 5.41 | 8.56 | | bench | 46.43 | 55.93 | | countertop | 52.28 | 65.51 | | stove | 69.95 | 79.35 | | palm | 49.13 | 65.56 | | kitchen island | 37.49 | 57.69 | | computer | 63.0 | 79.99 | | swivel chair | 43.21 | 57.28 | | boat | 60.88 | 75.12 | | bar | 54.1 | 64.31 | | arcade machine | 63.62 | 72.85 | | hovel | 39.7 | 47.06 | | bus | 83.25 | 91.56 | | towel | 65.31 | 76.24 | | light | 35.49 | 41.6 | | truck | 37.3 | 51.65 | | tower | 20.76 | 33.15 | | chandelier | 62.0 | 75.11 | | awning | 25.83 | 32.3 | | streetlight | 21.75 | 26.72 | | booth | 33.37 | 41.42 | | television receiver | 66.19 | 75.63 | | airplane | 53.41 | 65.6 | | dirt track | 11.96 | 19.67 | | apparel | 45.9 | 58.65 | | pole | 12.86 | 15.25 | | land | 1.76 | 2.6 | | bannister | 7.1 | 9.3 | | escalator | 52.62 | 66.39 | | ottoman | 42.25 | 50.56 | | bottle | 40.72 | 64.83 | | buffet | 40.77 | 47.11 | | poster | 19.47 | 23.33 | | stage | 14.65 | 28.53 | | van | 35.25 | 45.8 | | ship | 28.56 | 32.85 | | fountain | 21.12 | 21.96 | | conveyer belt | 63.32 | 92.8 | | canopy | 29.36 | 34.67 | | washer | 73.95 | 80.47 | | plaything | 27.04 | 36.55 | | swimming pool | 59.9 | 80.37 | | stool | 29.31 | 36.76 | | barrel | 29.64 | 39.39 | | basket | 34.88 | 43.36 | | waterfall | 46.44 | 52.65 | | tent | 80.69 | 98.5 | | bag | 16.1 | 18.48 | | minibike | 65.39 | 85.28 | | cradle | 69.72 | 93.26 | | oven | 45.55 | 54.42 | | ball | 53.12 | 61.38 | | food | 52.29 | 61.72 | | step | 4.64 | 5.05 | | tank | 56.49 | 70.38 | | trade name | 15.21 | 16.71 | | microwave | 69.32 | 75.55 | | pot | 38.63 | 43.88 | | animal | 57.99 | 64.55 | | bicycle | 55.28 | 79.82 | | lake | 23.45 | 27.0 | | dishwasher | 48.93 | 52.64 | | screen | 43.6 | 59.26 | | blanket | 12.38 | 14.09 | | sculpture | 57.58 | 74.46 | | hood | 53.57 | 57.68 | | sconce | 37.19 | 46.7 | | vase | 36.2 | 49.91 | | traffic light | 30.87 | 42.66 | | tray | 9.97 | 11.95 | | ashcan | 41.8 | 51.16 | | fan | 51.2 | 63.51 | | pier | 34.2 | 44.11 | | crt screen | 2.54 | 4.82 | | plate | 49.94 | 64.85 | | monitor | 22.39 | 25.85 | | bulletin board | 42.93 | 56.75 | | shower | 2.56 | 3.45 | | radiator | 58.94 | 67.82 | | glass | 16.38 | 18.0 | | clock | 32.34 | 35.01 | | flag | 44.36 | 51.69 | +---------------------+-------+-------+ 2023-11-10 01:37:40,416 - mmseg - INFO - Summary: 2023-11-10 01:37:40,416 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.64 | 45.69 | 56.81 | +-------+-------+-------+ 2023-11-10 01:37:40,417 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:37:40,417 - mmseg - INFO - Iter(val) [250] aAcc: 0.7964, mIoU: 0.4569, mAcc: 0.5681, IoU.wall: 0.6961, IoU.building: 0.7946, IoU.sky: 0.8969, IoU.floor: 0.7316, IoU.tree: 0.6914, IoU.ceiling: 0.7659, IoU.road: 0.7841, IoU.bed : 0.8292, IoU.windowpane: 0.5790, IoU.grass: 0.6628, IoU.cabinet: 0.5418, IoU.sidewalk: 0.5630, IoU.person: 0.7538, IoU.earth: 0.3457, IoU.door: 0.3890, IoU.table: 0.5332, IoU.mountain: 0.5499, IoU.plant: 0.4938, IoU.curtain: 0.6366, IoU.chair: 0.5283, IoU.car: 0.7845, IoU.water: 0.5636, IoU.painting: 0.6583, IoU.sofa: 0.6606, IoU.shelf: 0.3669, IoU.house: 0.4565, IoU.sea: 0.6105, IoU.mirror: 0.5753, IoU.rug: 0.4794, IoU.field: 0.3490, IoU.armchair: 0.4173, IoU.seat: 0.5613, IoU.fence: 0.3688, IoU.desk: 0.4119, IoU.rock: 0.5112, IoU.wardrobe: 0.4253, IoU.lamp: 0.5591, IoU.bathtub: 0.7260, IoU.railing: 0.3206, IoU.cushion: 0.5660, IoU.base: 0.2420, IoU.box: 0.2599, IoU.column: 0.3421, IoU.signboard: 0.3097, IoU.chest of drawers: 0.3782, IoU.counter: 0.3325, IoU.sand: 0.4313, IoU.sink: 0.6822, IoU.skyscraper: 0.4407, IoU.fireplace: 0.6279, IoU.refrigerator: 0.5655, IoU.grandstand: 0.5040, IoU.path: 0.1760, IoU.stairs: 0.2824, IoU.runway: 0.6520, IoU.case: 0.5324, IoU.pool table: 0.8445, IoU.pillow: 0.5120, IoU.screen door: 0.5344, IoU.stairway: 0.4801, IoU.river: 0.1422, IoU.bridge: 0.4173, IoU.bookcase: 0.3137, IoU.blind: 0.2625, IoU.coffee table: 0.5783, IoU.toilet: 0.7811, IoU.flower: 0.3823, IoU.book: 0.4677, IoU.hill: 0.0541, IoU.bench: 0.4643, IoU.countertop: 0.5228, IoU.stove: 0.6995, IoU.palm: 0.4913, IoU.kitchen island: 0.3749, IoU.computer: 0.6300, IoU.swivel chair: 0.4321, IoU.boat: 0.6088, IoU.bar: 0.5410, IoU.arcade machine: 0.6362, IoU.hovel: 0.3970, IoU.bus: 0.8325, IoU.towel: 0.6531, IoU.light: 0.3549, IoU.truck: 0.3730, IoU.tower: 0.2076, IoU.chandelier: 0.6200, IoU.awning: 0.2583, IoU.streetlight: 0.2175, IoU.booth: 0.3337, IoU.television receiver: 0.6619, IoU.airplane: 0.5341, IoU.dirt track: 0.1196, IoU.apparel: 0.4590, IoU.pole: 0.1286, IoU.land: 0.0176, IoU.bannister: 0.0710, IoU.escalator: 0.5262, IoU.ottoman: 0.4225, IoU.bottle: 0.4072, IoU.buffet: 0.4077, IoU.poster: 0.1947, IoU.stage: 0.1465, IoU.van: 0.3525, IoU.ship: 0.2856, IoU.fountain: 0.2112, IoU.conveyer belt: 0.6332, IoU.canopy: 0.2936, IoU.washer: 0.7395, IoU.plaything: 0.2704, IoU.swimming pool: 0.5990, IoU.stool: 0.2931, IoU.barrel: 0.2964, IoU.basket: 0.3488, IoU.waterfall: 0.4644, IoU.tent: 0.8069, IoU.bag: 0.1610, IoU.minibike: 0.6539, IoU.cradle: 0.6972, IoU.oven: 0.4555, IoU.ball: 0.5312, IoU.food: 0.5229, IoU.step: 0.0464, IoU.tank: 0.5649, IoU.trade name: 0.1521, IoU.microwave: 0.6932, IoU.pot: 0.3863, IoU.animal: 0.5799, IoU.bicycle: 0.5528, IoU.lake: 0.2345, IoU.dishwasher: 0.4893, IoU.screen: 0.4360, IoU.blanket: 0.1238, IoU.sculpture: 0.5758, IoU.hood: 0.5357, IoU.sconce: 0.3719, IoU.vase: 0.3620, IoU.traffic light: 0.3087, IoU.tray: 0.0997, IoU.ashcan: 0.4180, IoU.fan: 0.5120, IoU.pier: 0.3420, IoU.crt screen: 0.0254, IoU.plate: 0.4994, IoU.monitor: 0.2239, IoU.bulletin board: 0.4293, IoU.shower: 0.0256, IoU.radiator: 0.5894, IoU.glass: 0.1638, IoU.clock: 0.3234, IoU.flag: 0.4436, Acc.wall: 0.8537, Acc.building: 0.9239, Acc.sky: 0.9531, Acc.floor: 0.8757, Acc.tree: 0.8371, Acc.ceiling: 0.8761, Acc.road: 0.8770, Acc.bed : 0.9382, Acc.windowpane: 0.7339, Acc.grass: 0.8008, Acc.cabinet: 0.6743, Acc.sidewalk: 0.7285, Acc.person: 0.8962, Acc.earth: 0.4748, Acc.door: 0.4733, Acc.table: 0.6810, Acc.mountain: 0.6834, Acc.plant: 0.5900, Acc.curtain: 0.7496, Acc.chair: 0.6832, Acc.car: 0.9168, Acc.water: 0.7361, Acc.painting: 0.7995, Acc.sofa: 0.8276, Acc.shelf: 0.4901, Acc.house: 0.5940, Acc.sea: 0.7804, Acc.mirror: 0.6870, Acc.rug: 0.5226, Acc.field: 0.5596, Acc.armchair: 0.5662, Acc.seat: 0.7670, Acc.fence: 0.4804, Acc.desk: 0.6475, Acc.rock: 0.6693, Acc.wardrobe: 0.5551, Acc.lamp: 0.6959, Acc.bathtub: 0.7997, Acc.railing: 0.4364, Acc.cushion: 0.6876, Acc.base: 0.3584, Acc.box: 0.3265, Acc.column: 0.4100, Acc.signboard: 0.4456, Acc.chest of drawers: 0.5103, Acc.counter: 0.4207, Acc.sand: 0.5859, Acc.sink: 0.7875, Acc.skyscraper: 0.5753, Acc.fireplace: 0.8036, Acc.refrigerator: 0.6478, Acc.grandstand: 0.7941, Acc.path: 0.2463, Acc.stairs: 0.3140, Acc.runway: 0.8637, Acc.case: 0.6785, Acc.pool table: 0.9567, Acc.pillow: 0.5968, Acc.screen door: 0.5878, Acc.stairway: 0.6221, Acc.river: 0.2405, Acc.bridge: 0.4989, Acc.bookcase: 0.4450, Acc.blind: 0.2971, Acc.coffee table: 0.7992, Acc.toilet: 0.8831, Acc.flower: 0.5556, Acc.book: 0.6847, Acc.hill: 0.0856, Acc.bench: 0.5593, Acc.countertop: 0.6551, Acc.stove: 0.7935, Acc.palm: 0.6556, Acc.kitchen island: 0.5769, Acc.computer: 0.7999, Acc.swivel chair: 0.5728, Acc.boat: 0.7512, Acc.bar: 0.6431, Acc.arcade machine: 0.7285, Acc.hovel: 0.4706, Acc.bus: 0.9156, Acc.towel: 0.7624, Acc.light: 0.4160, Acc.truck: 0.5165, Acc.tower: 0.3315, Acc.chandelier: 0.7511, Acc.awning: 0.3230, Acc.streetlight: 0.2672, Acc.booth: 0.4142, Acc.television receiver: 0.7563, Acc.airplane: 0.6560, Acc.dirt track: 0.1967, Acc.apparel: 0.5865, Acc.pole: 0.1525, Acc.land: 0.0260, Acc.bannister: 0.0930, Acc.escalator: 0.6639, Acc.ottoman: 0.5056, Acc.bottle: 0.6483, Acc.buffet: 0.4711, Acc.poster: 0.2333, Acc.stage: 0.2853, Acc.van: 0.4580, Acc.ship: 0.3285, Acc.fountain: 0.2196, Acc.conveyer belt: 0.9280, Acc.canopy: 0.3467, Acc.washer: 0.8047, Acc.plaything: 0.3655, Acc.swimming pool: 0.8037, Acc.stool: 0.3676, Acc.barrel: 0.3939, Acc.basket: 0.4336, Acc.waterfall: 0.5265, Acc.tent: 0.9850, Acc.bag: 0.1848, Acc.minibike: 0.8528, Acc.cradle: 0.9326, Acc.oven: 0.5442, Acc.ball: 0.6138, Acc.food: 0.6172, Acc.step: 0.0505, Acc.tank: 0.7038, Acc.trade name: 0.1671, Acc.microwave: 0.7555, Acc.pot: 0.4388, Acc.animal: 0.6455, Acc.bicycle: 0.7982, Acc.lake: 0.2700, Acc.dishwasher: 0.5264, Acc.screen: 0.5926, Acc.blanket: 0.1409, Acc.sculpture: 0.7446, Acc.hood: 0.5768, Acc.sconce: 0.4670, Acc.vase: 0.4991, Acc.traffic light: 0.4266, Acc.tray: 0.1195, Acc.ashcan: 0.5116, Acc.fan: 0.6351, Acc.pier: 0.4411, Acc.crt screen: 0.0482, Acc.plate: 0.6485, Acc.monitor: 0.2585, Acc.bulletin board: 0.5675, Acc.shower: 0.0345, Acc.radiator: 0.6782, Acc.glass: 0.1800, Acc.clock: 0.3501, Acc.flag: 0.5169 2023-11-10 01:37:51,022 - mmseg - INFO - Iter [36050/80000] lr: 2.198e-05, eta: 3:28:53, time: 1.131, data_time: 0.926, memory: 16310, decode.loss_ce: 0.5530, decode.acc_seg: 79.1987, loss: 0.5530 2023-11-10 01:38:01,605 - mmseg - INFO - Iter [36100/80000] lr: 2.195e-05, eta: 3:28:35, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5334, decode.acc_seg: 79.7663, loss: 0.5334 2023-11-10 01:38:12,155 - mmseg - INFO - Iter [36150/80000] lr: 2.193e-05, eta: 3:28:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5473, decode.acc_seg: 79.4592, loss: 0.5473 2023-11-10 01:38:22,682 - mmseg - INFO - Iter [36200/80000] lr: 2.190e-05, eta: 3:27:57, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5173, decode.acc_seg: 80.7209, loss: 0.5173 2023-11-10 01:38:33,198 - mmseg - INFO - Iter [36250/80000] lr: 2.188e-05, eta: 3:27:38, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5485, decode.acc_seg: 79.3076, loss: 0.5485 2023-11-10 01:38:43,729 - mmseg - INFO - Iter [36300/80000] lr: 2.185e-05, eta: 3:27:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5471, decode.acc_seg: 79.2583, loss: 0.5471 2023-11-10 01:38:54,255 - mmseg - INFO - Iter [36350/80000] lr: 2.183e-05, eta: 3:27:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5581, decode.acc_seg: 78.9752, loss: 0.5581 2023-11-10 01:39:04,777 - mmseg - INFO - Iter [36400/80000] lr: 2.180e-05, eta: 3:26:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5380, decode.acc_seg: 80.1973, loss: 0.5380 2023-11-10 01:39:15,299 - mmseg - INFO - Iter [36450/80000] lr: 2.178e-05, eta: 3:26:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5613, decode.acc_seg: 79.3461, loss: 0.5613 2023-11-10 01:39:25,812 - mmseg - INFO - Iter [36500/80000] lr: 2.175e-05, eta: 3:26:05, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5748, decode.acc_seg: 78.9422, loss: 0.5748 2023-11-10 01:39:36,326 - mmseg - INFO - Iter [36550/80000] lr: 2.173e-05, eta: 3:25:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5493, decode.acc_seg: 79.5349, loss: 0.5493 2023-11-10 01:39:46,844 - mmseg - INFO - Iter [36600/80000] lr: 2.170e-05, eta: 3:25:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5469, decode.acc_seg: 79.4760, loss: 0.5469 2023-11-10 01:39:59,669 - mmseg - INFO - Iter [36650/80000] lr: 2.168e-05, eta: 3:25:12, time: 0.257, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5694, decode.acc_seg: 79.1367, loss: 0.5694 2023-11-10 01:40:10,178 - mmseg - INFO - Iter [36700/80000] lr: 2.165e-05, eta: 3:24:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5441, decode.acc_seg: 79.3021, loss: 0.5441 2023-11-10 01:40:20,698 - mmseg - INFO - Iter [36750/80000] lr: 2.163e-05, eta: 3:24:35, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5566, decode.acc_seg: 78.8240, loss: 0.5566 2023-11-10 01:40:31,223 - mmseg - INFO - Iter [36800/80000] lr: 2.160e-05, eta: 3:24:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5498, decode.acc_seg: 79.4405, loss: 0.5498 2023-11-10 01:40:41,743 - mmseg - INFO - Iter [36850/80000] lr: 2.158e-05, eta: 3:23:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5532, decode.acc_seg: 79.3009, loss: 0.5532 2023-11-10 01:40:52,259 - mmseg - INFO - Iter [36900/80000] lr: 2.155e-05, eta: 3:23:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5497, decode.acc_seg: 79.3650, loss: 0.5497 2023-11-10 01:41:02,783 - mmseg - INFO - Iter [36950/80000] lr: 2.153e-05, eta: 3:23:21, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5824, decode.acc_seg: 78.7114, loss: 0.5824 2023-11-10 01:41:14,287 - mmseg - INFO - Saving checkpoint at 37000 iterations 2023-11-10 01:41:38,462 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:41:38,462 - mmseg - INFO - Iter [37000/80000] lr: 2.150e-05, eta: 3:23:32, time: 0.714, data_time: 0.019, memory: 16310, decode.loss_ce: 0.5318, decode.acc_seg: 80.4423, loss: 0.5318 2023-11-10 01:42:25,666 - mmseg - INFO - per class results: 2023-11-10 01:42:25,671 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.68 | 85.1 | | building | 79.71 | 91.62 | | sky | 89.96 | 95.0 | | floor | 73.25 | 87.16 | | tree | 69.54 | 84.7 | | ceiling | 76.59 | 88.04 | | road | 78.44 | 87.93 | | bed | 82.69 | 94.21 | | windowpane | 58.01 | 74.49 | | grass | 66.55 | 80.81 | | cabinet | 53.86 | 67.32 | | sidewalk | 56.43 | 72.42 | | person | 75.21 | 90.33 | | earth | 34.11 | 46.23 | | door | 39.29 | 48.2 | | table | 53.07 | 67.99 | | mountain | 55.02 | 68.93 | | plant | 49.65 | 59.93 | | curtain | 64.32 | 76.81 | | chair | 52.51 | 69.01 | | car | 78.45 | 91.98 | | water | 55.67 | 71.61 | | painting | 65.79 | 80.17 | | sofa | 65.76 | 81.69 | | shelf | 36.21 | 48.5 | | house | 46.55 | 62.5 | | sea | 60.95 | 81.34 | | mirror | 57.78 | 68.85 | | rug | 50.54 | 56.1 | | field | 35.61 | 56.6 | | armchair | 41.63 | 59.15 | | seat | 55.25 | 77.02 | | fence | 36.23 | 46.74 | | desk | 41.62 | 64.0 | | rock | 51.39 | 70.05 | | wardrobe | 43.26 | 58.5 | | lamp | 56.29 | 71.76 | | bathtub | 72.58 | 79.73 | | railing | 32.09 | 45.12 | | cushion | 56.64 | 69.91 | | base | 25.07 | 38.48 | | box | 25.9 | 32.58 | | column | 33.96 | 40.62 | | signboard | 31.19 | 46.0 | | chest of drawers | 37.28 | 49.58 | | counter | 33.93 | 42.81 | | sand | 43.7 | 59.87 | | sink | 68.13 | 77.5 | | skyscraper | 44.66 | 61.22 | | fireplace | 63.6 | 80.09 | | refrigerator | 56.23 | 63.97 | | grandstand | 49.64 | 78.89 | | path | 16.89 | 22.68 | | stairs | 23.01 | 25.02 | | runway | 64.55 | 84.91 | | case | 53.12 | 68.35 | | pool table | 84.72 | 95.47 | | pillow | 50.67 | 58.42 | | screen door | 52.16 | 56.61 | | stairway | 44.93 | 60.71 | | river | 16.63 | 29.49 | | bridge | 42.33 | 51.3 | | bookcase | 31.02 | 45.09 | | blind | 24.11 | 26.65 | | coffee table | 57.65 | 80.94 | | toilet | 78.33 | 87.27 | | flower | 37.72 | 53.75 | | book | 46.91 | 69.93 | | hill | 5.51 | 8.18 | | bench | 46.18 | 55.77 | | countertop | 51.82 | 64.0 | | stove | 69.6 | 79.13 | | palm | 49.17 | 66.48 | | kitchen island | 38.16 | 61.04 | | computer | 63.13 | 79.2 | | swivel chair | 42.51 | 56.13 | | boat | 58.05 | 78.6 | | bar | 53.49 | 62.86 | | arcade machine | 64.33 | 73.5 | | hovel | 34.25 | 38.95 | | bus | 83.08 | 92.46 | | towel | 64.95 | 75.26 | | light | 33.96 | 38.67 | | truck | 36.99 | 51.64 | | tower | 20.03 | 30.95 | | chandelier | 61.94 | 75.79 | | awning | 27.41 | 35.04 | | streetlight | 21.46 | 25.82 | | booth | 33.35 | 44.14 | | television receiver | 66.0 | 75.02 | | airplane | 52.81 | 66.86 | | dirt track | 11.06 | 17.17 | | apparel | 45.81 | 58.0 | | pole | 13.22 | 15.95 | | land | 1.51 | 2.17 | | bannister | 7.12 | 9.41 | | escalator | 52.79 | 67.1 | | ottoman | 42.79 | 51.62 | | bottle | 40.32 | 63.07 | | buffet | 39.04 | 44.55 | | poster | 19.6 | 23.71 | | stage | 15.06 | 30.71 | | van | 34.63 | 44.74 | | ship | 24.94 | 27.93 | | fountain | 22.09 | 22.99 | | conveyer belt | 66.1 | 92.12 | | canopy | 29.01 | 34.43 | | washer | 74.43 | 81.36 | | plaything | 27.62 | 38.07 | | swimming pool | 59.99 | 78.9 | | stool | 30.13 | 37.86 | | barrel | 29.18 | 41.01 | | basket | 34.99 | 43.09 | | waterfall | 49.1 | 56.97 | | tent | 83.45 | 98.06 | | bag | 16.09 | 18.37 | | minibike | 65.43 | 84.8 | | cradle | 69.5 | 93.82 | | oven | 44.49 | 52.47 | | ball | 55.74 | 66.06 | | food | 49.82 | 57.38 | | step | 5.63 | 6.17 | | tank | 57.48 | 74.2 | | trade name | 15.76 | 17.44 | | microwave | 68.28 | 73.95 | | pot | 39.56 | 44.95 | | animal | 55.53 | 61.01 | | bicycle | 55.57 | 77.32 | | lake | 23.24 | 25.74 | | dishwasher | 47.56 | 50.32 | | screen | 42.2 | 55.62 | | blanket | 13.14 | 15.0 | | sculpture | 56.42 | 76.52 | | hood | 52.69 | 56.85 | | sconce | 35.25 | 42.73 | | vase | 36.52 | 51.47 | | traffic light | 31.19 | 44.78 | | tray | 10.14 | 12.16 | | ashcan | 42.52 | 53.96 | | fan | 49.52 | 60.08 | | pier | 35.0 | 42.65 | | crt screen | 4.45 | 9.35 | | plate | 48.13 | 59.3 | | monitor | 21.56 | 25.04 | | bulletin board | 44.62 | 56.51 | | shower | 2.12 | 2.8 | | radiator | 59.14 | 68.73 | | glass | 15.74 | 17.09 | | clock | 31.87 | 34.24 | | flag | 44.7 | 52.86 | +---------------------+-------+-------+ 2023-11-10 01:42:25,671 - mmseg - INFO - Summary: 2023-11-10 01:42:25,671 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.65 | 45.57 | 56.83 | +-------+-------+-------+ 2023-11-10 01:42:25,672 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:42:25,672 - mmseg - INFO - Iter(val) [250] aAcc: 0.7965, mIoU: 0.4557, mAcc: 0.5683, IoU.wall: 0.6968, IoU.building: 0.7971, IoU.sky: 0.8996, IoU.floor: 0.7325, IoU.tree: 0.6954, IoU.ceiling: 0.7659, IoU.road: 0.7844, IoU.bed : 0.8269, IoU.windowpane: 0.5801, IoU.grass: 0.6655, IoU.cabinet: 0.5386, IoU.sidewalk: 0.5643, IoU.person: 0.7521, IoU.earth: 0.3411, IoU.door: 0.3929, IoU.table: 0.5307, IoU.mountain: 0.5502, IoU.plant: 0.4965, IoU.curtain: 0.6432, IoU.chair: 0.5251, IoU.car: 0.7845, IoU.water: 0.5567, IoU.painting: 0.6579, IoU.sofa: 0.6576, IoU.shelf: 0.3621, IoU.house: 0.4655, IoU.sea: 0.6095, IoU.mirror: 0.5778, IoU.rug: 0.5054, IoU.field: 0.3561, IoU.armchair: 0.4163, IoU.seat: 0.5525, IoU.fence: 0.3623, IoU.desk: 0.4162, IoU.rock: 0.5139, IoU.wardrobe: 0.4326, IoU.lamp: 0.5629, IoU.bathtub: 0.7258, IoU.railing: 0.3209, IoU.cushion: 0.5664, IoU.base: 0.2507, IoU.box: 0.2590, IoU.column: 0.3396, IoU.signboard: 0.3119, IoU.chest of drawers: 0.3728, IoU.counter: 0.3393, IoU.sand: 0.4370, IoU.sink: 0.6813, IoU.skyscraper: 0.4466, IoU.fireplace: 0.6360, IoU.refrigerator: 0.5623, IoU.grandstand: 0.4964, IoU.path: 0.1689, IoU.stairs: 0.2301, IoU.runway: 0.6455, IoU.case: 0.5312, IoU.pool table: 0.8472, IoU.pillow: 0.5067, IoU.screen door: 0.5216, IoU.stairway: 0.4493, IoU.river: 0.1663, IoU.bridge: 0.4233, IoU.bookcase: 0.3102, IoU.blind: 0.2411, IoU.coffee table: 0.5765, IoU.toilet: 0.7833, IoU.flower: 0.3772, IoU.book: 0.4691, IoU.hill: 0.0551, IoU.bench: 0.4618, IoU.countertop: 0.5182, IoU.stove: 0.6960, IoU.palm: 0.4917, IoU.kitchen island: 0.3816, IoU.computer: 0.6313, IoU.swivel chair: 0.4251, IoU.boat: 0.5805, IoU.bar: 0.5349, IoU.arcade machine: 0.6433, IoU.hovel: 0.3425, IoU.bus: 0.8308, IoU.towel: 0.6495, IoU.light: 0.3396, IoU.truck: 0.3699, IoU.tower: 0.2003, IoU.chandelier: 0.6194, IoU.awning: 0.2741, IoU.streetlight: 0.2146, IoU.booth: 0.3335, IoU.television receiver: 0.6600, IoU.airplane: 0.5281, IoU.dirt track: 0.1106, IoU.apparel: 0.4581, IoU.pole: 0.1322, IoU.land: 0.0151, IoU.bannister: 0.0712, IoU.escalator: 0.5279, IoU.ottoman: 0.4279, IoU.bottle: 0.4032, IoU.buffet: 0.3904, IoU.poster: 0.1960, IoU.stage: 0.1506, IoU.van: 0.3463, IoU.ship: 0.2494, IoU.fountain: 0.2209, IoU.conveyer belt: 0.6610, IoU.canopy: 0.2901, IoU.washer: 0.7443, IoU.plaything: 0.2762, IoU.swimming pool: 0.5999, IoU.stool: 0.3013, IoU.barrel: 0.2918, IoU.basket: 0.3499, IoU.waterfall: 0.4910, IoU.tent: 0.8345, IoU.bag: 0.1609, IoU.minibike: 0.6543, IoU.cradle: 0.6950, IoU.oven: 0.4449, IoU.ball: 0.5574, IoU.food: 0.4982, IoU.step: 0.0563, IoU.tank: 0.5748, IoU.trade name: 0.1576, IoU.microwave: 0.6828, IoU.pot: 0.3956, IoU.animal: 0.5553, IoU.bicycle: 0.5557, IoU.lake: 0.2324, IoU.dishwasher: 0.4756, IoU.screen: 0.4220, IoU.blanket: 0.1314, IoU.sculpture: 0.5642, IoU.hood: 0.5269, IoU.sconce: 0.3525, IoU.vase: 0.3652, IoU.traffic light: 0.3119, IoU.tray: 0.1014, IoU.ashcan: 0.4252, IoU.fan: 0.4952, IoU.pier: 0.3500, IoU.crt screen: 0.0445, IoU.plate: 0.4813, IoU.monitor: 0.2156, IoU.bulletin board: 0.4462, IoU.shower: 0.0212, IoU.radiator: 0.5914, IoU.glass: 0.1574, IoU.clock: 0.3187, IoU.flag: 0.4470, Acc.wall: 0.8510, Acc.building: 0.9162, Acc.sky: 0.9500, Acc.floor: 0.8716, Acc.tree: 0.8470, Acc.ceiling: 0.8804, Acc.road: 0.8793, Acc.bed : 0.9421, Acc.windowpane: 0.7449, Acc.grass: 0.8081, Acc.cabinet: 0.6732, Acc.sidewalk: 0.7242, Acc.person: 0.9033, Acc.earth: 0.4623, Acc.door: 0.4820, Acc.table: 0.6799, Acc.mountain: 0.6893, Acc.plant: 0.5993, Acc.curtain: 0.7681, Acc.chair: 0.6901, Acc.car: 0.9198, Acc.water: 0.7161, Acc.painting: 0.8017, Acc.sofa: 0.8169, Acc.shelf: 0.4850, Acc.house: 0.6250, Acc.sea: 0.8134, Acc.mirror: 0.6885, Acc.rug: 0.5610, Acc.field: 0.5660, Acc.armchair: 0.5915, Acc.seat: 0.7702, Acc.fence: 0.4674, Acc.desk: 0.6400, Acc.rock: 0.7005, Acc.wardrobe: 0.5850, Acc.lamp: 0.7176, Acc.bathtub: 0.7973, Acc.railing: 0.4512, Acc.cushion: 0.6991, Acc.base: 0.3848, Acc.box: 0.3258, Acc.column: 0.4062, Acc.signboard: 0.4600, Acc.chest of drawers: 0.4958, Acc.counter: 0.4281, Acc.sand: 0.5987, Acc.sink: 0.7750, Acc.skyscraper: 0.6122, Acc.fireplace: 0.8009, Acc.refrigerator: 0.6397, Acc.grandstand: 0.7889, Acc.path: 0.2268, Acc.stairs: 0.2502, Acc.runway: 0.8491, Acc.case: 0.6835, Acc.pool table: 0.9547, Acc.pillow: 0.5842, Acc.screen door: 0.5661, Acc.stairway: 0.6071, Acc.river: 0.2949, Acc.bridge: 0.5130, Acc.bookcase: 0.4509, Acc.blind: 0.2665, Acc.coffee table: 0.8094, Acc.toilet: 0.8727, Acc.flower: 0.5375, Acc.book: 0.6993, Acc.hill: 0.0818, Acc.bench: 0.5577, Acc.countertop: 0.6400, Acc.stove: 0.7913, Acc.palm: 0.6648, Acc.kitchen island: 0.6104, Acc.computer: 0.7920, Acc.swivel chair: 0.5613, Acc.boat: 0.7860, Acc.bar: 0.6286, Acc.arcade machine: 0.7350, Acc.hovel: 0.3895, Acc.bus: 0.9246, Acc.towel: 0.7526, Acc.light: 0.3867, Acc.truck: 0.5164, Acc.tower: 0.3095, Acc.chandelier: 0.7579, Acc.awning: 0.3504, Acc.streetlight: 0.2582, Acc.booth: 0.4414, Acc.television receiver: 0.7502, Acc.airplane: 0.6686, Acc.dirt track: 0.1717, Acc.apparel: 0.5800, Acc.pole: 0.1595, Acc.land: 0.0217, Acc.bannister: 0.0941, Acc.escalator: 0.6710, Acc.ottoman: 0.5162, Acc.bottle: 0.6307, Acc.buffet: 0.4455, Acc.poster: 0.2371, Acc.stage: 0.3071, Acc.van: 0.4474, Acc.ship: 0.2793, Acc.fountain: 0.2299, Acc.conveyer belt: 0.9212, Acc.canopy: 0.3443, Acc.washer: 0.8136, Acc.plaything: 0.3807, Acc.swimming pool: 0.7890, Acc.stool: 0.3786, Acc.barrel: 0.4101, Acc.basket: 0.4309, Acc.waterfall: 0.5697, Acc.tent: 0.9806, Acc.bag: 0.1837, Acc.minibike: 0.8480, Acc.cradle: 0.9382, Acc.oven: 0.5247, Acc.ball: 0.6606, Acc.food: 0.5738, Acc.step: 0.0617, Acc.tank: 0.7420, Acc.trade name: 0.1744, Acc.microwave: 0.7395, Acc.pot: 0.4495, Acc.animal: 0.6101, Acc.bicycle: 0.7732, Acc.lake: 0.2574, Acc.dishwasher: 0.5032, Acc.screen: 0.5562, Acc.blanket: 0.1500, Acc.sculpture: 0.7652, Acc.hood: 0.5685, Acc.sconce: 0.4273, Acc.vase: 0.5147, Acc.traffic light: 0.4478, Acc.tray: 0.1216, Acc.ashcan: 0.5396, Acc.fan: 0.6008, Acc.pier: 0.4265, Acc.crt screen: 0.0935, Acc.plate: 0.5930, Acc.monitor: 0.2504, Acc.bulletin board: 0.5651, Acc.shower: 0.0280, Acc.radiator: 0.6873, Acc.glass: 0.1709, Acc.clock: 0.3424, Acc.flag: 0.5286 2023-11-10 01:42:36,304 - mmseg - INFO - Iter [37050/80000] lr: 2.148e-05, eta: 3:24:08, time: 1.157, data_time: 0.951, memory: 16310, decode.loss_ce: 0.5613, decode.acc_seg: 78.9174, loss: 0.5613 2023-11-10 01:42:46,914 - mmseg - INFO - Iter [37100/80000] lr: 2.145e-05, eta: 3:23:50, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5465, decode.acc_seg: 79.0580, loss: 0.5465 2023-11-10 01:42:57,455 - mmseg - INFO - Iter [37150/80000] lr: 2.143e-05, eta: 3:23:31, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5730, decode.acc_seg: 79.2459, loss: 0.5730 2023-11-10 01:43:07,992 - mmseg - INFO - Iter [37200/80000] lr: 2.140e-05, eta: 3:23:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5973, decode.acc_seg: 78.1662, loss: 0.5973 2023-11-10 01:43:18,514 - mmseg - INFO - Iter [37250/80000] lr: 2.138e-05, eta: 3:22:54, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5418, decode.acc_seg: 79.9220, loss: 0.5418 2023-11-10 01:43:29,022 - mmseg - INFO - Iter [37300/80000] lr: 2.135e-05, eta: 3:22:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5270, decode.acc_seg: 80.2129, loss: 0.5270 2023-11-10 01:43:39,535 - mmseg - INFO - Iter [37350/80000] lr: 2.133e-05, eta: 3:22:17, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5543, decode.acc_seg: 79.1854, loss: 0.5543 2023-11-10 01:43:50,050 - mmseg - INFO - Iter [37400/80000] lr: 2.130e-05, eta: 3:21:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5569, decode.acc_seg: 79.3315, loss: 0.5569 2023-11-10 01:44:00,567 - mmseg - INFO - Iter [37450/80000] lr: 2.128e-05, eta: 3:21:40, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5349, decode.acc_seg: 80.5299, loss: 0.5349 2023-11-10 01:44:11,074 - mmseg - INFO - Iter [37500/80000] lr: 2.125e-05, eta: 3:21:22, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5310, decode.acc_seg: 80.4918, loss: 0.5310 2023-11-10 01:44:21,602 - mmseg - INFO - Iter [37550/80000] lr: 2.123e-05, eta: 3:21:04, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5549, decode.acc_seg: 79.2725, loss: 0.5549 2023-11-10 01:44:32,115 - mmseg - INFO - Iter [37600/80000] lr: 2.120e-05, eta: 3:20:45, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5689, decode.acc_seg: 78.7775, loss: 0.5689 2023-11-10 01:44:44,989 - mmseg - INFO - Iter [37650/80000] lr: 2.118e-05, eta: 3:20:29, time: 0.257, data_time: 0.046, memory: 16310, decode.loss_ce: 0.5480, decode.acc_seg: 79.0378, loss: 0.5480 2023-11-10 01:44:55,495 - mmseg - INFO - Iter [37700/80000] lr: 2.115e-05, eta: 3:20:11, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5589, decode.acc_seg: 79.1217, loss: 0.5589 2023-11-10 01:45:06,009 - mmseg - INFO - Iter [37750/80000] lr: 2.113e-05, eta: 3:19:53, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5582, decode.acc_seg: 79.2305, loss: 0.5582 2023-11-10 01:45:16,525 - mmseg - INFO - Iter [37800/80000] lr: 2.110e-05, eta: 3:19:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5307, decode.acc_seg: 79.9439, loss: 0.5307 2023-11-10 01:45:27,041 - mmseg - INFO - Iter [37850/80000] lr: 2.108e-05, eta: 3:19:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5754, decode.acc_seg: 78.6726, loss: 0.5754 2023-11-10 01:45:39,851 - mmseg - INFO - Iter [37900/80000] lr: 2.105e-05, eta: 3:19:00, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5545, decode.acc_seg: 78.9374, loss: 0.5545 2023-11-10 01:45:50,359 - mmseg - INFO - Iter [37950/80000] lr: 2.103e-05, eta: 3:18:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5585, decode.acc_seg: 79.4251, loss: 0.5585 2023-11-10 01:46:00,861 - mmseg - INFO - Saving checkpoint at 38000 iterations 2023-11-10 01:46:25,267 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:46:25,267 - mmseg - INFO - Iter [38000/80000] lr: 2.100e-05, eta: 3:18:51, time: 0.698, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5604, decode.acc_seg: 78.9974, loss: 0.5604 2023-11-10 01:47:11,034 - mmseg - INFO - per class results: 2023-11-10 01:47:11,039 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.71 | 85.21 | | building | 79.73 | 91.76 | | sky | 89.81 | 95.37 | | floor | 73.66 | 86.11 | | tree | 69.56 | 83.86 | | ceiling | 76.59 | 86.84 | | road | 78.63 | 87.62 | | bed | 83.31 | 93.63 | | windowpane | 58.14 | 74.26 | | grass | 66.58 | 82.06 | | cabinet | 53.83 | 68.09 | | sidewalk | 56.53 | 72.43 | | person | 75.18 | 90.47 | | earth | 34.06 | 46.24 | | door | 39.11 | 47.59 | | table | 53.63 | 69.13 | | mountain | 54.71 | 68.86 | | plant | 50.34 | 62.14 | | curtain | 64.16 | 76.41 | | chair | 52.89 | 69.39 | | car | 78.78 | 91.88 | | water | 55.41 | 73.31 | | painting | 65.71 | 81.34 | | sofa | 65.95 | 83.97 | | shelf | 37.43 | 52.66 | | house | 45.38 | 59.43 | | sea | 60.23 | 79.41 | | mirror | 57.98 | 69.83 | | rug | 51.19 | 57.01 | | field | 34.57 | 50.73 | | armchair | 41.26 | 55.05 | | seat | 55.46 | 75.03 | | fence | 36.31 | 46.78 | | desk | 41.18 | 65.91 | | rock | 51.19 | 69.98 | | wardrobe | 43.84 | 60.48 | | lamp | 56.01 | 70.23 | | bathtub | 72.59 | 80.18 | | railing | 31.86 | 42.83 | | cushion | 56.36 | 68.66 | | base | 25.02 | 39.08 | | box | 25.63 | 32.32 | | column | 34.98 | 42.52 | | signboard | 31.08 | 45.95 | | chest of drawers | 37.5 | 49.71 | | counter | 34.08 | 43.54 | | sand | 43.81 | 60.08 | | sink | 68.32 | 78.93 | | skyscraper | 45.13 | 61.03 | | fireplace | 63.02 | 80.36 | | refrigerator | 57.38 | 66.75 | | grandstand | 50.1 | 79.46 | | path | 17.71 | 24.31 | | stairs | 29.78 | 33.55 | | runway | 65.82 | 88.02 | | case | 54.06 | 64.39 | | pool table | 82.99 | 96.4 | | pillow | 54.3 | 65.71 | | screen door | 54.4 | 60.78 | | stairway | 48.37 | 64.22 | | river | 15.1 | 26.47 | | bridge | 42.0 | 51.59 | | bookcase | 32.7 | 49.15 | | blind | 26.0 | 29.4 | | coffee table | 58.78 | 79.09 | | toilet | 77.94 | 89.09 | | flower | 38.65 | 54.05 | | book | 46.36 | 66.04 | | hill | 5.64 | 9.17 | | bench | 47.05 | 56.96 | | countertop | 52.54 | 66.72 | | stove | 69.6 | 79.27 | | palm | 49.14 | 63.71 | | kitchen island | 37.55 | 61.28 | | computer | 63.36 | 78.59 | | swivel chair | 43.35 | 56.9 | | boat | 59.34 | 77.22 | | bar | 53.72 | 65.12 | | arcade machine | 63.71 | 73.17 | | hovel | 34.8 | 39.74 | | bus | 83.2 | 91.73 | | towel | 65.41 | 77.47 | | light | 35.37 | 41.43 | | truck | 36.01 | 47.38 | | tower | 20.23 | 31.75 | | chandelier | 61.99 | 76.28 | | awning | 28.3 | 37.3 | | streetlight | 21.7 | 26.09 | | booth | 33.66 | 39.99 | | television receiver | 66.71 | 77.0 | | airplane | 53.38 | 65.42 | | dirt track | 10.98 | 17.89 | | apparel | 47.06 | 64.35 | | pole | 15.04 | 18.66 | | land | 1.88 | 2.8 | | bannister | 7.18 | 9.74 | | escalator | 52.28 | 66.63 | | ottoman | 43.56 | 54.23 | | bottle | 40.27 | 65.3 | | buffet | 41.85 | 49.94 | | poster | 18.86 | 22.13 | | stage | 14.99 | 30.53 | | van | 39.99 | 55.31 | | ship | 31.74 | 35.77 | | fountain | 22.64 | 23.83 | | conveyer belt | 66.68 | 92.65 | | canopy | 34.56 | 42.1 | | washer | 73.65 | 80.05 | | plaything | 27.25 | 36.3 | | swimming pool | 59.16 | 82.5 | | stool | 29.94 | 37.3 | | barrel | 28.18 | 40.37 | | basket | 35.39 | 44.85 | | waterfall | 45.86 | 50.88 | | tent | 83.68 | 98.07 | | bag | 16.33 | 18.7 | | minibike | 65.24 | 84.1 | | cradle | 68.6 | 93.95 | | oven | 45.19 | 53.82 | | ball | 55.93 | 67.26 | | food | 54.77 | 65.38 | | step | 5.92 | 6.55 | | tank | 56.63 | 73.99 | | trade name | 17.57 | 19.87 | | microwave | 70.14 | 76.89 | | pot | 38.93 | 43.98 | | animal | 57.42 | 64.47 | | bicycle | 54.69 | 77.92 | | lake | 20.39 | 23.16 | | dishwasher | 48.72 | 51.96 | | screen | 42.27 | 58.96 | | blanket | 13.87 | 15.9 | | sculpture | 56.64 | 77.04 | | hood | 51.89 | 55.81 | | sconce | 37.25 | 46.52 | | vase | 36.67 | 53.11 | | traffic light | 30.69 | 40.13 | | tray | 11.84 | 14.81 | | ashcan | 42.35 | 52.8 | | fan | 51.18 | 63.32 | | pier | 34.76 | 43.21 | | crt screen | 2.9 | 5.69 | | plate | 49.86 | 64.16 | | monitor | 23.15 | 27.57 | | bulletin board | 43.6 | 55.27 | | shower | 3.01 | 3.66 | | radiator | 59.27 | 68.64 | | glass | 16.38 | 17.95 | | clock | 32.93 | 35.94 | | flag | 45.48 | 54.06 | +---------------------+-------+-------+ 2023-11-10 01:47:11,039 - mmseg - INFO - Summary: 2023-11-10 01:47:11,040 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.72 | 46.01 | 57.55 | +-------+-------+-------+ 2023-11-10 01:47:11,040 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:47:11,041 - mmseg - INFO - Iter(val) [250] aAcc: 0.7972, mIoU: 0.4601, mAcc: 0.5755, IoU.wall: 0.6971, IoU.building: 0.7973, IoU.sky: 0.8981, IoU.floor: 0.7366, IoU.tree: 0.6956, IoU.ceiling: 0.7659, IoU.road: 0.7863, IoU.bed : 0.8331, IoU.windowpane: 0.5814, IoU.grass: 0.6658, IoU.cabinet: 0.5383, IoU.sidewalk: 0.5653, IoU.person: 0.7518, IoU.earth: 0.3406, IoU.door: 0.3911, IoU.table: 0.5363, IoU.mountain: 0.5471, IoU.plant: 0.5034, IoU.curtain: 0.6416, IoU.chair: 0.5289, IoU.car: 0.7878, IoU.water: 0.5541, IoU.painting: 0.6571, IoU.sofa: 0.6595, IoU.shelf: 0.3743, IoU.house: 0.4538, IoU.sea: 0.6023, IoU.mirror: 0.5798, IoU.rug: 0.5119, IoU.field: 0.3457, IoU.armchair: 0.4126, IoU.seat: 0.5546, IoU.fence: 0.3631, IoU.desk: 0.4118, IoU.rock: 0.5119, IoU.wardrobe: 0.4384, IoU.lamp: 0.5601, IoU.bathtub: 0.7259, IoU.railing: 0.3186, IoU.cushion: 0.5636, IoU.base: 0.2502, IoU.box: 0.2563, IoU.column: 0.3498, IoU.signboard: 0.3108, IoU.chest of drawers: 0.3750, IoU.counter: 0.3408, IoU.sand: 0.4381, IoU.sink: 0.6832, IoU.skyscraper: 0.4513, IoU.fireplace: 0.6302, IoU.refrigerator: 0.5738, IoU.grandstand: 0.5010, IoU.path: 0.1771, IoU.stairs: 0.2978, IoU.runway: 0.6582, IoU.case: 0.5406, IoU.pool table: 0.8299, IoU.pillow: 0.5430, IoU.screen door: 0.5440, IoU.stairway: 0.4837, IoU.river: 0.1510, IoU.bridge: 0.4200, IoU.bookcase: 0.3270, IoU.blind: 0.2600, IoU.coffee table: 0.5878, IoU.toilet: 0.7794, IoU.flower: 0.3865, IoU.book: 0.4636, IoU.hill: 0.0564, IoU.bench: 0.4705, IoU.countertop: 0.5254, IoU.stove: 0.6960, IoU.palm: 0.4914, IoU.kitchen island: 0.3755, IoU.computer: 0.6336, IoU.swivel chair: 0.4335, IoU.boat: 0.5934, IoU.bar: 0.5372, IoU.arcade machine: 0.6371, IoU.hovel: 0.3480, IoU.bus: 0.8320, IoU.towel: 0.6541, IoU.light: 0.3537, IoU.truck: 0.3601, IoU.tower: 0.2023, IoU.chandelier: 0.6199, IoU.awning: 0.2830, IoU.streetlight: 0.2170, IoU.booth: 0.3366, IoU.television receiver: 0.6671, IoU.airplane: 0.5338, IoU.dirt track: 0.1098, IoU.apparel: 0.4706, IoU.pole: 0.1504, IoU.land: 0.0188, IoU.bannister: 0.0718, IoU.escalator: 0.5228, IoU.ottoman: 0.4356, IoU.bottle: 0.4027, IoU.buffet: 0.4185, IoU.poster: 0.1886, IoU.stage: 0.1499, IoU.van: 0.3999, IoU.ship: 0.3174, IoU.fountain: 0.2264, IoU.conveyer belt: 0.6668, IoU.canopy: 0.3456, IoU.washer: 0.7365, IoU.plaything: 0.2725, IoU.swimming pool: 0.5916, IoU.stool: 0.2994, IoU.barrel: 0.2818, IoU.basket: 0.3539, IoU.waterfall: 0.4586, IoU.tent: 0.8368, IoU.bag: 0.1633, IoU.minibike: 0.6524, IoU.cradle: 0.6860, IoU.oven: 0.4519, IoU.ball: 0.5593, IoU.food: 0.5477, IoU.step: 0.0592, IoU.tank: 0.5663, IoU.trade name: 0.1757, IoU.microwave: 0.7014, IoU.pot: 0.3893, IoU.animal: 0.5742, IoU.bicycle: 0.5469, IoU.lake: 0.2039, IoU.dishwasher: 0.4872, IoU.screen: 0.4227, IoU.blanket: 0.1387, IoU.sculpture: 0.5664, IoU.hood: 0.5189, IoU.sconce: 0.3725, IoU.vase: 0.3667, IoU.traffic light: 0.3069, IoU.tray: 0.1184, IoU.ashcan: 0.4235, IoU.fan: 0.5118, IoU.pier: 0.3476, IoU.crt screen: 0.0290, IoU.plate: 0.4986, IoU.monitor: 0.2315, IoU.bulletin board: 0.4360, IoU.shower: 0.0301, IoU.radiator: 0.5927, IoU.glass: 0.1638, IoU.clock: 0.3293, IoU.flag: 0.4548, Acc.wall: 0.8521, Acc.building: 0.9176, Acc.sky: 0.9537, Acc.floor: 0.8611, Acc.tree: 0.8386, Acc.ceiling: 0.8684, Acc.road: 0.8762, Acc.bed : 0.9363, Acc.windowpane: 0.7426, Acc.grass: 0.8206, Acc.cabinet: 0.6809, Acc.sidewalk: 0.7243, Acc.person: 0.9047, Acc.earth: 0.4624, Acc.door: 0.4759, Acc.table: 0.6913, Acc.mountain: 0.6886, Acc.plant: 0.6214, Acc.curtain: 0.7641, Acc.chair: 0.6939, Acc.car: 0.9188, Acc.water: 0.7331, Acc.painting: 0.8134, Acc.sofa: 0.8397, Acc.shelf: 0.5266, Acc.house: 0.5943, Acc.sea: 0.7941, Acc.mirror: 0.6983, Acc.rug: 0.5701, Acc.field: 0.5073, Acc.armchair: 0.5505, Acc.seat: 0.7503, Acc.fence: 0.4678, Acc.desk: 0.6591, Acc.rock: 0.6998, Acc.wardrobe: 0.6048, Acc.lamp: 0.7023, Acc.bathtub: 0.8018, Acc.railing: 0.4283, Acc.cushion: 0.6866, Acc.base: 0.3908, Acc.box: 0.3232, Acc.column: 0.4252, Acc.signboard: 0.4595, Acc.chest of drawers: 0.4971, Acc.counter: 0.4354, Acc.sand: 0.6008, Acc.sink: 0.7893, Acc.skyscraper: 0.6103, Acc.fireplace: 0.8036, Acc.refrigerator: 0.6675, Acc.grandstand: 0.7946, Acc.path: 0.2431, Acc.stairs: 0.3355, Acc.runway: 0.8802, Acc.case: 0.6439, Acc.pool table: 0.9640, Acc.pillow: 0.6571, Acc.screen door: 0.6078, Acc.stairway: 0.6422, Acc.river: 0.2647, Acc.bridge: 0.5159, Acc.bookcase: 0.4915, Acc.blind: 0.2940, Acc.coffee table: 0.7909, Acc.toilet: 0.8909, Acc.flower: 0.5405, Acc.book: 0.6604, Acc.hill: 0.0917, Acc.bench: 0.5696, Acc.countertop: 0.6672, Acc.stove: 0.7927, Acc.palm: 0.6371, Acc.kitchen island: 0.6128, Acc.computer: 0.7859, Acc.swivel chair: 0.5690, Acc.boat: 0.7722, Acc.bar: 0.6512, Acc.arcade machine: 0.7317, Acc.hovel: 0.3974, Acc.bus: 0.9173, Acc.towel: 0.7747, Acc.light: 0.4143, Acc.truck: 0.4738, Acc.tower: 0.3175, Acc.chandelier: 0.7628, Acc.awning: 0.3730, Acc.streetlight: 0.2609, Acc.booth: 0.3999, Acc.television receiver: 0.7700, Acc.airplane: 0.6542, Acc.dirt track: 0.1789, Acc.apparel: 0.6435, Acc.pole: 0.1866, Acc.land: 0.0280, Acc.bannister: 0.0974, Acc.escalator: 0.6663, Acc.ottoman: 0.5423, Acc.bottle: 0.6530, Acc.buffet: 0.4994, Acc.poster: 0.2213, Acc.stage: 0.3053, Acc.van: 0.5531, Acc.ship: 0.3577, Acc.fountain: 0.2383, Acc.conveyer belt: 0.9265, Acc.canopy: 0.4210, Acc.washer: 0.8005, Acc.plaything: 0.3630, Acc.swimming pool: 0.8250, Acc.stool: 0.3730, Acc.barrel: 0.4037, Acc.basket: 0.4485, Acc.waterfall: 0.5088, Acc.tent: 0.9807, Acc.bag: 0.1870, Acc.minibike: 0.8410, Acc.cradle: 0.9395, Acc.oven: 0.5382, Acc.ball: 0.6726, Acc.food: 0.6538, Acc.step: 0.0655, Acc.tank: 0.7399, Acc.trade name: 0.1987, Acc.microwave: 0.7689, Acc.pot: 0.4398, Acc.animal: 0.6447, Acc.bicycle: 0.7792, Acc.lake: 0.2316, Acc.dishwasher: 0.5196, Acc.screen: 0.5896, Acc.blanket: 0.1590, Acc.sculpture: 0.7704, Acc.hood: 0.5581, Acc.sconce: 0.4652, Acc.vase: 0.5311, Acc.traffic light: 0.4013, Acc.tray: 0.1481, Acc.ashcan: 0.5280, Acc.fan: 0.6332, Acc.pier: 0.4321, Acc.crt screen: 0.0569, Acc.plate: 0.6416, Acc.monitor: 0.2757, Acc.bulletin board: 0.5527, Acc.shower: 0.0366, Acc.radiator: 0.6864, Acc.glass: 0.1795, Acc.clock: 0.3594, Acc.flag: 0.5406 2023-11-10 01:47:21,635 - mmseg - INFO - Iter [38050/80000] lr: 2.098e-05, eta: 3:19:23, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5308, decode.acc_seg: 79.9031, loss: 0.5308 2023-11-10 01:47:32,193 - mmseg - INFO - Iter [38100/80000] lr: 2.095e-05, eta: 3:19:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5495, decode.acc_seg: 79.4020, loss: 0.5495 2023-11-10 01:47:42,747 - mmseg - INFO - Iter [38150/80000] lr: 2.093e-05, eta: 3:18:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5545, decode.acc_seg: 79.4172, loss: 0.5545 2023-11-10 01:47:53,298 - mmseg - INFO - Iter [38200/80000] lr: 2.090e-05, eta: 3:18:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5355, decode.acc_seg: 79.7755, loss: 0.5355 2023-11-10 01:48:03,824 - mmseg - INFO - Iter [38250/80000] lr: 2.088e-05, eta: 3:18:10, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5688, decode.acc_seg: 79.1260, loss: 0.5688 2023-11-10 01:48:14,351 - mmseg - INFO - Iter [38300/80000] lr: 2.085e-05, eta: 3:17:52, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5353, decode.acc_seg: 80.3858, loss: 0.5353 2023-11-10 01:48:24,879 - mmseg - INFO - Iter [38350/80000] lr: 2.083e-05, eta: 3:17:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5460, decode.acc_seg: 80.0130, loss: 0.5460 2023-11-10 01:48:35,399 - mmseg - INFO - Iter [38400/80000] lr: 2.080e-05, eta: 3:17:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5666, decode.acc_seg: 79.0783, loss: 0.5666 2023-11-10 01:48:45,920 - mmseg - INFO - Iter [38450/80000] lr: 2.078e-05, eta: 3:16:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5500, decode.acc_seg: 79.5373, loss: 0.5500 2023-11-10 01:48:56,438 - mmseg - INFO - Iter [38500/80000] lr: 2.075e-05, eta: 3:16:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5797, decode.acc_seg: 78.6490, loss: 0.5797 2023-11-10 01:49:06,939 - mmseg - INFO - Iter [38550/80000] lr: 2.073e-05, eta: 3:16:21, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5639, decode.acc_seg: 78.3924, loss: 0.5639 2023-11-10 01:49:17,454 - mmseg - INFO - Iter [38600/80000] lr: 2.070e-05, eta: 3:16:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5301, decode.acc_seg: 79.6358, loss: 0.5301 2023-11-10 01:49:27,961 - mmseg - INFO - Iter [38650/80000] lr: 2.068e-05, eta: 3:15:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5685, decode.acc_seg: 78.7236, loss: 0.5685 2023-11-10 01:49:38,467 - mmseg - INFO - Iter [38700/80000] lr: 2.065e-05, eta: 3:15:26, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5489, decode.acc_seg: 79.3896, loss: 0.5489 2023-11-10 01:49:48,971 - mmseg - INFO - Iter [38750/80000] lr: 2.063e-05, eta: 3:15:08, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5695, decode.acc_seg: 78.9828, loss: 0.5695 2023-11-10 01:49:59,485 - mmseg - INFO - Iter [38800/80000] lr: 2.060e-05, eta: 3:14:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5646, decode.acc_seg: 79.0344, loss: 0.5646 2023-11-10 01:50:09,996 - mmseg - INFO - Iter [38850/80000] lr: 2.058e-05, eta: 3:14:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5621, decode.acc_seg: 78.8990, loss: 0.5621 2023-11-10 01:50:20,502 - mmseg - INFO - Iter [38900/80000] lr: 2.055e-05, eta: 3:14:14, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5447, decode.acc_seg: 80.0039, loss: 0.5447 2023-11-10 01:50:31,011 - mmseg - INFO - Iter [38950/80000] lr: 2.053e-05, eta: 3:13:56, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5632, decode.acc_seg: 78.8734, loss: 0.5632 2023-11-10 01:50:41,519 - mmseg - INFO - Saving checkpoint at 39000 iterations 2023-11-10 01:51:06,538 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:51:06,538 - mmseg - INFO - Iter [39000/80000] lr: 2.050e-05, eta: 3:14:04, time: 0.711, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5430, decode.acc_seg: 79.6003, loss: 0.5430 2023-11-10 01:51:52,432 - mmseg - INFO - per class results: 2023-11-10 01:51:52,437 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.81 | 84.8 | | building | 79.67 | 91.33 | | sky | 89.33 | 95.84 | | floor | 73.76 | 86.78 | | tree | 69.35 | 84.2 | | ceiling | 76.57 | 86.88 | | road | 78.44 | 88.24 | | bed | 83.32 | 93.64 | | windowpane | 58.16 | 75.36 | | grass | 66.32 | 81.74 | | cabinet | 53.99 | 67.47 | | sidewalk | 56.37 | 72.86 | | person | 75.12 | 90.63 | | earth | 33.61 | 45.77 | | door | 39.07 | 47.45 | | table | 53.3 | 66.99 | | mountain | 55.1 | 69.71 | | plant | 49.53 | 59.66 | | curtain | 64.18 | 75.47 | | chair | 52.73 | 67.49 | | car | 78.83 | 91.48 | | water | 55.72 | 73.56 | | painting | 65.74 | 81.53 | | sofa | 66.2 | 82.98 | | shelf | 38.49 | 54.97 | | house | 46.03 | 63.55 | | sea | 60.38 | 78.5 | | mirror | 58.04 | 69.73 | | rug | 49.97 | 55.01 | | field | 35.83 | 57.1 | | armchair | 41.56 | 57.05 | | seat | 55.42 | 77.24 | | fence | 35.73 | 44.96 | | desk | 41.36 | 67.25 | | rock | 51.28 | 67.52 | | wardrobe | 43.37 | 59.05 | | lamp | 56.14 | 70.56 | | bathtub | 72.93 | 81.76 | | railing | 32.34 | 44.67 | | cushion | 56.78 | 69.14 | | base | 24.82 | 37.11 | | box | 26.21 | 33.89 | | column | 35.68 | 43.81 | | signboard | 31.21 | 46.16 | | chest of drawers | 38.92 | 53.52 | | counter | 34.21 | 43.42 | | sand | 43.92 | 60.77 | | sink | 68.39 | 78.76 | | skyscraper | 45.1 | 60.94 | | fireplace | 62.48 | 82.49 | | refrigerator | 57.02 | 65.17 | | grandstand | 50.23 | 78.99 | | path | 17.4 | 23.83 | | stairs | 27.82 | 30.83 | | runway | 65.15 | 85.74 | | case | 54.16 | 66.59 | | pool table | 85.43 | 95.1 | | pillow | 54.49 | 65.92 | | screen door | 53.35 | 59.08 | | stairway | 47.83 | 61.62 | | river | 15.15 | 26.26 | | bridge | 42.34 | 51.82 | | bookcase | 32.69 | 45.99 | | blind | 25.01 | 27.95 | | coffee table | 56.55 | 81.94 | | toilet | 78.15 | 88.34 | | flower | 38.41 | 54.11 | | book | 46.75 | 65.64 | | hill | 5.57 | 8.91 | | bench | 47.12 | 57.27 | | countertop | 53.14 | 68.95 | | stove | 69.78 | 79.59 | | palm | 49.17 | 63.22 | | kitchen island | 38.08 | 60.97 | | computer | 63.09 | 79.32 | | swivel chair | 43.32 | 56.93 | | boat | 58.67 | 76.78 | | bar | 54.39 | 67.03 | | arcade machine | 63.49 | 72.66 | | hovel | 30.69 | 34.8 | | bus | 83.87 | 91.5 | | towel | 65.27 | 79.0 | | light | 36.74 | 44.01 | | truck | 36.74 | 51.16 | | tower | 23.61 | 38.26 | | chandelier | 62.15 | 76.45 | | awning | 27.31 | 35.22 | | streetlight | 21.74 | 25.96 | | booth | 34.39 | 43.22 | | television receiver | 66.74 | 76.85 | | airplane | 53.37 | 65.71 | | dirt track | 11.47 | 19.91 | | apparel | 45.76 | 61.33 | | pole | 12.94 | 15.34 | | land | 1.81 | 2.62 | | bannister | 6.69 | 8.48 | | escalator | 54.89 | 73.21 | | ottoman | 43.63 | 53.26 | | bottle | 40.54 | 64.91 | | buffet | 41.72 | 49.51 | | poster | 20.31 | 25.45 | | stage | 15.11 | 30.67 | | van | 36.37 | 47.42 | | ship | 28.59 | 31.93 | | fountain | 19.19 | 19.92 | | conveyer belt | 65.6 | 92.88 | | canopy | 28.67 | 33.76 | | washer | 72.9 | 79.32 | | plaything | 27.94 | 39.81 | | swimming pool | 59.81 | 79.13 | | stool | 28.91 | 34.96 | | barrel | 27.88 | 39.01 | | basket | 35.12 | 43.91 | | waterfall | 45.93 | 51.1 | | tent | 81.23 | 98.49 | | bag | 16.48 | 18.96 | | minibike | 65.76 | 84.46 | | cradle | 70.99 | 93.06 | | oven | 44.89 | 52.35 | | ball | 55.96 | 68.08 | | food | 54.11 | 64.52 | | step | 5.14 | 5.65 | | tank | 56.38 | 73.91 | | trade name | 17.41 | 19.73 | | microwave | 69.55 | 76.45 | | pot | 38.92 | 43.85 | | animal | 53.85 | 57.7 | | bicycle | 54.56 | 76.4 | | lake | 19.78 | 22.03 | | dishwasher | 49.05 | 53.06 | | screen | 41.64 | 55.6 | | blanket | 15.8 | 18.34 | | sculpture | 56.64 | 77.55 | | hood | 52.08 | 56.12 | | sconce | 36.99 | 45.7 | | vase | 36.4 | 52.05 | | traffic light | 31.35 | 44.49 | | tray | 11.06 | 13.72 | | ashcan | 41.95 | 50.86 | | fan | 51.45 | 63.99 | | pier | 33.77 | 44.72 | | crt screen | 4.2 | 8.72 | | plate | 49.96 | 66.19 | | monitor | 19.88 | 22.93 | | bulletin board | 44.24 | 55.28 | | shower | 2.64 | 3.36 | | radiator | 59.75 | 69.31 | | glass | 16.59 | 18.19 | | clock | 34.16 | 37.83 | | flag | 45.25 | 53.31 | +---------------------+-------+-------+ 2023-11-10 01:51:52,437 - mmseg - INFO - Summary: 2023-11-10 01:51:52,437 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.69 | 45.86 | 57.43 | +-------+-------+-------+ 2023-11-10 01:51:52,438 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:51:52,438 - mmseg - INFO - Iter(val) [250] aAcc: 0.7969, mIoU: 0.4586, mAcc: 0.5743, IoU.wall: 0.6981, IoU.building: 0.7967, IoU.sky: 0.8933, IoU.floor: 0.7376, IoU.tree: 0.6935, IoU.ceiling: 0.7657, IoU.road: 0.7844, IoU.bed : 0.8332, IoU.windowpane: 0.5816, IoU.grass: 0.6632, IoU.cabinet: 0.5399, IoU.sidewalk: 0.5637, IoU.person: 0.7512, IoU.earth: 0.3361, IoU.door: 0.3907, IoU.table: 0.5330, IoU.mountain: 0.5510, IoU.plant: 0.4953, IoU.curtain: 0.6418, IoU.chair: 0.5273, IoU.car: 0.7883, IoU.water: 0.5572, IoU.painting: 0.6574, IoU.sofa: 0.6620, IoU.shelf: 0.3849, IoU.house: 0.4603, IoU.sea: 0.6038, IoU.mirror: 0.5804, IoU.rug: 0.4997, IoU.field: 0.3583, IoU.armchair: 0.4156, IoU.seat: 0.5542, IoU.fence: 0.3573, IoU.desk: 0.4136, IoU.rock: 0.5128, IoU.wardrobe: 0.4337, IoU.lamp: 0.5614, IoU.bathtub: 0.7293, IoU.railing: 0.3234, IoU.cushion: 0.5678, IoU.base: 0.2482, IoU.box: 0.2621, IoU.column: 0.3568, IoU.signboard: 0.3121, IoU.chest of drawers: 0.3892, IoU.counter: 0.3421, IoU.sand: 0.4392, IoU.sink: 0.6839, IoU.skyscraper: 0.4510, IoU.fireplace: 0.6248, IoU.refrigerator: 0.5702, IoU.grandstand: 0.5023, IoU.path: 0.1740, IoU.stairs: 0.2782, IoU.runway: 0.6515, IoU.case: 0.5416, IoU.pool table: 0.8543, IoU.pillow: 0.5449, IoU.screen door: 0.5335, IoU.stairway: 0.4783, IoU.river: 0.1515, IoU.bridge: 0.4234, IoU.bookcase: 0.3269, IoU.blind: 0.2501, IoU.coffee table: 0.5655, IoU.toilet: 0.7815, IoU.flower: 0.3841, IoU.book: 0.4675, IoU.hill: 0.0557, IoU.bench: 0.4712, IoU.countertop: 0.5314, IoU.stove: 0.6978, IoU.palm: 0.4917, IoU.kitchen island: 0.3808, IoU.computer: 0.6309, IoU.swivel chair: 0.4332, IoU.boat: 0.5867, IoU.bar: 0.5439, IoU.arcade machine: 0.6349, IoU.hovel: 0.3069, IoU.bus: 0.8387, IoU.towel: 0.6527, IoU.light: 0.3674, IoU.truck: 0.3674, IoU.tower: 0.2361, IoU.chandelier: 0.6215, IoU.awning: 0.2731, IoU.streetlight: 0.2174, IoU.booth: 0.3439, IoU.television receiver: 0.6674, IoU.airplane: 0.5337, IoU.dirt track: 0.1147, IoU.apparel: 0.4576, IoU.pole: 0.1294, IoU.land: 0.0181, IoU.bannister: 0.0669, IoU.escalator: 0.5489, IoU.ottoman: 0.4363, IoU.bottle: 0.4054, IoU.buffet: 0.4172, IoU.poster: 0.2031, IoU.stage: 0.1511, IoU.van: 0.3637, IoU.ship: 0.2859, IoU.fountain: 0.1919, IoU.conveyer belt: 0.6560, IoU.canopy: 0.2867, IoU.washer: 0.7290, IoU.plaything: 0.2794, IoU.swimming pool: 0.5981, IoU.stool: 0.2891, IoU.barrel: 0.2788, IoU.basket: 0.3512, IoU.waterfall: 0.4593, IoU.tent: 0.8123, IoU.bag: 0.1648, IoU.minibike: 0.6576, IoU.cradle: 0.7099, IoU.oven: 0.4489, IoU.ball: 0.5596, IoU.food: 0.5411, IoU.step: 0.0514, IoU.tank: 0.5638, IoU.trade name: 0.1741, IoU.microwave: 0.6955, IoU.pot: 0.3892, IoU.animal: 0.5385, IoU.bicycle: 0.5456, IoU.lake: 0.1978, IoU.dishwasher: 0.4905, IoU.screen: 0.4164, IoU.blanket: 0.1580, IoU.sculpture: 0.5664, IoU.hood: 0.5208, IoU.sconce: 0.3699, IoU.vase: 0.3640, IoU.traffic light: 0.3135, IoU.tray: 0.1106, IoU.ashcan: 0.4195, IoU.fan: 0.5145, IoU.pier: 0.3377, IoU.crt screen: 0.0420, IoU.plate: 0.4996, IoU.monitor: 0.1988, IoU.bulletin board: 0.4424, IoU.shower: 0.0264, IoU.radiator: 0.5975, IoU.glass: 0.1659, IoU.clock: 0.3416, IoU.flag: 0.4525, Acc.wall: 0.8480, Acc.building: 0.9133, Acc.sky: 0.9584, Acc.floor: 0.8678, Acc.tree: 0.8420, Acc.ceiling: 0.8688, Acc.road: 0.8824, Acc.bed : 0.9364, Acc.windowpane: 0.7536, Acc.grass: 0.8174, Acc.cabinet: 0.6747, Acc.sidewalk: 0.7286, Acc.person: 0.9063, Acc.earth: 0.4577, Acc.door: 0.4745, Acc.table: 0.6699, Acc.mountain: 0.6971, Acc.plant: 0.5966, Acc.curtain: 0.7547, Acc.chair: 0.6749, Acc.car: 0.9148, Acc.water: 0.7356, Acc.painting: 0.8153, Acc.sofa: 0.8298, Acc.shelf: 0.5497, Acc.house: 0.6355, Acc.sea: 0.7850, Acc.mirror: 0.6973, Acc.rug: 0.5501, Acc.field: 0.5710, Acc.armchair: 0.5705, Acc.seat: 0.7724, Acc.fence: 0.4496, Acc.desk: 0.6725, Acc.rock: 0.6752, Acc.wardrobe: 0.5905, Acc.lamp: 0.7056, Acc.bathtub: 0.8176, Acc.railing: 0.4467, Acc.cushion: 0.6914, Acc.base: 0.3711, Acc.box: 0.3389, Acc.column: 0.4381, Acc.signboard: 0.4616, Acc.chest of drawers: 0.5352, Acc.counter: 0.4342, Acc.sand: 0.6077, Acc.sink: 0.7876, Acc.skyscraper: 0.6094, Acc.fireplace: 0.8249, Acc.refrigerator: 0.6517, Acc.grandstand: 0.7899, Acc.path: 0.2383, Acc.stairs: 0.3083, Acc.runway: 0.8574, Acc.case: 0.6659, Acc.pool table: 0.9510, Acc.pillow: 0.6592, Acc.screen door: 0.5908, Acc.stairway: 0.6162, Acc.river: 0.2626, Acc.bridge: 0.5182, Acc.bookcase: 0.4599, Acc.blind: 0.2795, Acc.coffee table: 0.8194, Acc.toilet: 0.8834, Acc.flower: 0.5411, Acc.book: 0.6564, Acc.hill: 0.0891, Acc.bench: 0.5727, Acc.countertop: 0.6895, Acc.stove: 0.7959, Acc.palm: 0.6322, Acc.kitchen island: 0.6097, Acc.computer: 0.7932, Acc.swivel chair: 0.5693, Acc.boat: 0.7678, Acc.bar: 0.6703, Acc.arcade machine: 0.7266, Acc.hovel: 0.3480, Acc.bus: 0.9150, Acc.towel: 0.7900, Acc.light: 0.4401, Acc.truck: 0.5116, Acc.tower: 0.3826, Acc.chandelier: 0.7645, Acc.awning: 0.3522, Acc.streetlight: 0.2596, Acc.booth: 0.4322, Acc.television receiver: 0.7685, Acc.airplane: 0.6571, Acc.dirt track: 0.1991, Acc.apparel: 0.6133, Acc.pole: 0.1534, Acc.land: 0.0262, Acc.bannister: 0.0848, Acc.escalator: 0.7321, Acc.ottoman: 0.5326, Acc.bottle: 0.6491, Acc.buffet: 0.4951, Acc.poster: 0.2545, Acc.stage: 0.3067, Acc.van: 0.4742, Acc.ship: 0.3193, Acc.fountain: 0.1992, Acc.conveyer belt: 0.9288, Acc.canopy: 0.3376, Acc.washer: 0.7932, Acc.plaything: 0.3981, Acc.swimming pool: 0.7913, Acc.stool: 0.3496, Acc.barrel: 0.3901, Acc.basket: 0.4391, Acc.waterfall: 0.5110, Acc.tent: 0.9849, Acc.bag: 0.1896, Acc.minibike: 0.8446, Acc.cradle: 0.9306, Acc.oven: 0.5235, Acc.ball: 0.6808, Acc.food: 0.6452, Acc.step: 0.0565, Acc.tank: 0.7391, Acc.trade name: 0.1973, Acc.microwave: 0.7645, Acc.pot: 0.4385, Acc.animal: 0.5770, Acc.bicycle: 0.7640, Acc.lake: 0.2203, Acc.dishwasher: 0.5306, Acc.screen: 0.5560, Acc.blanket: 0.1834, Acc.sculpture: 0.7755, Acc.hood: 0.5612, Acc.sconce: 0.4570, Acc.vase: 0.5205, Acc.traffic light: 0.4449, Acc.tray: 0.1372, Acc.ashcan: 0.5086, Acc.fan: 0.6399, Acc.pier: 0.4472, Acc.crt screen: 0.0872, Acc.plate: 0.6619, Acc.monitor: 0.2293, Acc.bulletin board: 0.5528, Acc.shower: 0.0336, Acc.radiator: 0.6931, Acc.glass: 0.1819, Acc.clock: 0.3783, Acc.flag: 0.5331 2023-11-10 01:52:03,064 - mmseg - INFO - Iter [39050/80000] lr: 2.048e-05, eta: 3:14:34, time: 1.131, data_time: 0.925, memory: 16310, decode.loss_ce: 0.5397, decode.acc_seg: 79.9366, loss: 0.5397 2023-11-10 01:52:13,653 - mmseg - INFO - Iter [39100/80000] lr: 2.045e-05, eta: 3:14:16, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5185, decode.acc_seg: 80.3915, loss: 0.5185 2023-11-10 01:52:24,211 - mmseg - INFO - Iter [39150/80000] lr: 2.043e-05, eta: 3:13:58, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5543, decode.acc_seg: 79.2635, loss: 0.5543 2023-11-10 01:52:37,086 - mmseg - INFO - Iter [39200/80000] lr: 2.040e-05, eta: 3:13:42, time: 0.258, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5410, decode.acc_seg: 79.8392, loss: 0.5410 2023-11-10 01:52:47,629 - mmseg - INFO - Iter [39250/80000] lr: 2.038e-05, eta: 3:13:24, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5648, decode.acc_seg: 78.8479, loss: 0.5648 2023-11-10 01:52:58,153 - mmseg - INFO - Iter [39300/80000] lr: 2.035e-05, eta: 3:13:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5380, decode.acc_seg: 79.3213, loss: 0.5380 2023-11-10 01:53:08,676 - mmseg - INFO - Iter [39350/80000] lr: 2.033e-05, eta: 3:12:48, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5190, decode.acc_seg: 80.5399, loss: 0.5190 2023-11-10 01:53:19,195 - mmseg - INFO - Iter [39400/80000] lr: 2.030e-05, eta: 3:12:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5037, decode.acc_seg: 80.6648, loss: 0.5037 2023-11-10 01:53:29,736 - mmseg - INFO - Iter [39450/80000] lr: 2.028e-05, eta: 3:12:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5405, decode.acc_seg: 79.9981, loss: 0.5405 2023-11-10 01:53:40,266 - mmseg - INFO - Iter [39500/80000] lr: 2.025e-05, eta: 3:11:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5621, decode.acc_seg: 79.2832, loss: 0.5621 2023-11-10 01:53:50,783 - mmseg - INFO - Iter [39550/80000] lr: 2.023e-05, eta: 3:11:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5629, decode.acc_seg: 78.9296, loss: 0.5629 2023-11-10 01:54:01,300 - mmseg - INFO - Iter [39600/80000] lr: 2.020e-05, eta: 3:11:18, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5411, decode.acc_seg: 79.9582, loss: 0.5411 2023-11-10 01:54:11,817 - mmseg - INFO - Iter [39650/80000] lr: 2.018e-05, eta: 3:11:00, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5594, decode.acc_seg: 79.0136, loss: 0.5594 2023-11-10 01:54:22,326 - mmseg - INFO - Iter [39700/80000] lr: 2.015e-05, eta: 3:10:42, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5486, decode.acc_seg: 79.6690, loss: 0.5486 2023-11-10 01:54:32,836 - mmseg - INFO - Iter [39750/80000] lr: 2.013e-05, eta: 3:10:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5340, decode.acc_seg: 79.4285, loss: 0.5340 2023-11-10 01:54:43,353 - mmseg - INFO - Iter [39800/80000] lr: 2.010e-05, eta: 3:10:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5688, decode.acc_seg: 78.3077, loss: 0.5688 2023-11-10 01:54:53,859 - mmseg - INFO - Iter [39850/80000] lr: 2.008e-05, eta: 3:09:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5535, decode.acc_seg: 79.8167, loss: 0.5535 2023-11-10 01:55:04,374 - mmseg - INFO - Iter [39900/80000] lr: 2.005e-05, eta: 3:09:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5717, decode.acc_seg: 79.2592, loss: 0.5717 2023-11-10 01:55:14,882 - mmseg - INFO - Iter [39950/80000] lr: 2.003e-05, eta: 3:09:13, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5495, decode.acc_seg: 79.6275, loss: 0.5495 2023-11-10 01:55:25,401 - mmseg - INFO - Saving checkpoint at 40000 iterations 2023-11-10 01:55:51,037 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:55:51,038 - mmseg - INFO - Iter [40000/80000] lr: 2.000e-05, eta: 3:09:20, time: 0.723, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5653, decode.acc_seg: 78.6355, loss: 0.5653 2023-11-10 01:56:36,726 - mmseg - INFO - per class results: 2023-11-10 01:56:36,731 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.77 | 84.51 | | building | 78.98 | 93.18 | | sky | 89.53 | 95.55 | | floor | 73.61 | 87.08 | | tree | 69.07 | 84.06 | | ceiling | 76.72 | 87.66 | | road | 78.16 | 88.79 | | bed | 83.1 | 93.65 | | windowpane | 57.87 | 73.68 | | grass | 66.31 | 81.96 | | cabinet | 54.04 | 66.74 | | sidewalk | 55.94 | 71.28 | | person | 74.94 | 90.66 | | earth | 33.82 | 45.65 | | door | 39.44 | 48.5 | | table | 53.49 | 68.24 | | mountain | 55.34 | 70.4 | | plant | 49.53 | 59.27 | | curtain | 64.13 | 75.83 | | chair | 53.11 | 69.24 | | car | 78.87 | 91.24 | | water | 56.24 | 73.32 | | painting | 65.95 | 81.61 | | sofa | 66.1 | 79.15 | | shelf | 38.33 | 54.42 | | house | 42.58 | 53.08 | | sea | 60.66 | 76.56 | | mirror | 58.15 | 69.86 | | rug | 47.81 | 51.9 | | field | 35.4 | 56.34 | | armchair | 42.34 | 58.17 | | seat | 55.29 | 76.45 | | fence | 37.26 | 47.23 | | desk | 41.37 | 65.94 | | rock | 51.24 | 67.58 | | wardrobe | 42.92 | 57.44 | | lamp | 56.1 | 71.37 | | bathtub | 72.49 | 82.36 | | railing | 32.55 | 43.92 | | cushion | 56.95 | 73.75 | | base | 25.24 | 38.36 | | box | 25.94 | 33.13 | | column | 35.08 | 42.32 | | signboard | 30.79 | 45.58 | | chest of drawers | 39.15 | 52.89 | | counter | 32.96 | 41.21 | | sand | 44.04 | 59.3 | | sink | 68.43 | 78.65 | | skyscraper | 44.92 | 57.71 | | fireplace | 63.11 | 80.77 | | refrigerator | 56.96 | 64.78 | | grandstand | 51.63 | 77.61 | | path | 15.82 | 20.31 | | stairs | 27.78 | 30.79 | | runway | 65.3 | 85.36 | | case | 53.42 | 69.08 | | pool table | 84.8 | 95.61 | | pillow | 48.63 | 54.44 | | screen door | 54.85 | 61.76 | | stairway | 46.85 | 60.21 | | river | 14.56 | 25.39 | | bridge | 41.27 | 50.42 | | bookcase | 33.65 | 48.42 | | blind | 24.26 | 27.26 | | coffee table | 58.2 | 78.86 | | toilet | 78.09 | 88.4 | | flower | 38.58 | 50.76 | | book | 46.5 | 65.01 | | hill | 5.43 | 7.99 | | bench | 47.27 | 57.64 | | countertop | 52.29 | 65.45 | | stove | 69.81 | 79.39 | | palm | 47.42 | 58.06 | | kitchen island | 37.56 | 57.8 | | computer | 62.95 | 78.91 | | swivel chair | 42.67 | 54.53 | | boat | 58.26 | 74.99 | | bar | 53.86 | 65.15 | | arcade machine | 63.94 | 73.64 | | hovel | 26.7 | 29.35 | | bus | 83.7 | 90.38 | | towel | 64.52 | 75.24 | | light | 34.87 | 40.25 | | truck | 36.76 | 49.03 | | tower | 16.15 | 23.9 | | chandelier | 61.57 | 74.02 | | awning | 25.64 | 32.24 | | streetlight | 21.35 | 25.11 | | booth | 34.12 | 42.59 | | television receiver | 66.47 | 75.81 | | airplane | 53.09 | 65.68 | | dirt track | 11.47 | 19.23 | | apparel | 45.4 | 60.65 | | pole | 14.23 | 17.32 | | land | 1.5 | 2.14 | | bannister | 7.35 | 9.84 | | escalator | 53.1 | 69.92 | | ottoman | 43.22 | 52.0 | | bottle | 40.47 | 65.02 | | buffet | 42.77 | 51.36 | | poster | 20.31 | 25.74 | | stage | 15.04 | 29.19 | | van | 39.57 | 53.98 | | ship | 26.07 | 29.24 | | fountain | 19.56 | 20.25 | | conveyer belt | 63.3 | 93.48 | | canopy | 27.79 | 32.22 | | washer | 72.87 | 79.17 | | plaything | 28.06 | 38.93 | | swimming pool | 59.93 | 80.14 | | stool | 29.51 | 35.62 | | barrel | 28.1 | 38.15 | | basket | 35.19 | 43.91 | | waterfall | 47.78 | 54.17 | | tent | 83.71 | 98.09 | | bag | 16.12 | 18.53 | | minibike | 65.79 | 83.22 | | cradle | 72.32 | 93.16 | | oven | 45.99 | 54.64 | | ball | 55.76 | 67.39 | | food | 51.65 | 59.78 | | step | 5.36 | 5.91 | | tank | 56.42 | 72.28 | | trade name | 13.51 | 14.75 | | microwave | 69.06 | 75.36 | | pot | 39.62 | 45.39 | | animal | 52.26 | 56.11 | | bicycle | 54.23 | 73.61 | | lake | 19.2 | 21.48 | | dishwasher | 48.78 | 52.68 | | screen | 41.97 | 55.88 | | blanket | 16.88 | 19.77 | | sculpture | 56.99 | 77.48 | | hood | 53.25 | 57.46 | | sconce | 35.88 | 43.72 | | vase | 36.62 | 52.5 | | traffic light | 30.93 | 42.45 | | tray | 10.49 | 12.93 | | ashcan | 41.4 | 49.51 | | fan | 52.8 | 67.78 | | pier | 34.75 | 43.68 | | crt screen | 5.32 | 11.59 | | plate | 50.1 | 65.45 | | monitor | 20.57 | 23.49 | | bulletin board | 43.66 | 53.9 | | shower | 2.86 | 3.03 | | radiator | 60.14 | 69.86 | | glass | 16.21 | 17.8 | | clock | 34.22 | 37.04 | | flag | 44.97 | 51.4 | +---------------------+-------+-------+ 2023-11-10 01:56:36,731 - mmseg - INFO - Summary: 2023-11-10 01:56:36,731 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.64 | 45.63 | 56.67 | +-------+-------+-------+ 2023-11-10 01:56:36,732 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 01:56:36,732 - mmseg - INFO - Iter(val) [250] aAcc: 0.7964, mIoU: 0.4563, mAcc: 0.5667, IoU.wall: 0.6977, IoU.building: 0.7898, IoU.sky: 0.8953, IoU.floor: 0.7361, IoU.tree: 0.6907, IoU.ceiling: 0.7672, IoU.road: 0.7816, IoU.bed : 0.8310, IoU.windowpane: 0.5787, IoU.grass: 0.6631, IoU.cabinet: 0.5404, IoU.sidewalk: 0.5594, IoU.person: 0.7494, IoU.earth: 0.3382, IoU.door: 0.3944, IoU.table: 0.5349, IoU.mountain: 0.5534, IoU.plant: 0.4953, IoU.curtain: 0.6413, IoU.chair: 0.5311, IoU.car: 0.7887, IoU.water: 0.5624, IoU.painting: 0.6595, IoU.sofa: 0.6610, IoU.shelf: 0.3833, IoU.house: 0.4258, IoU.sea: 0.6066, IoU.mirror: 0.5815, IoU.rug: 0.4781, IoU.field: 0.3540, IoU.armchair: 0.4234, IoU.seat: 0.5529, IoU.fence: 0.3726, IoU.desk: 0.4137, IoU.rock: 0.5124, IoU.wardrobe: 0.4292, IoU.lamp: 0.5610, IoU.bathtub: 0.7249, IoU.railing: 0.3255, IoU.cushion: 0.5695, IoU.base: 0.2524, IoU.box: 0.2594, IoU.column: 0.3508, IoU.signboard: 0.3079, IoU.chest of drawers: 0.3915, IoU.counter: 0.3296, IoU.sand: 0.4404, IoU.sink: 0.6843, IoU.skyscraper: 0.4492, IoU.fireplace: 0.6311, IoU.refrigerator: 0.5696, IoU.grandstand: 0.5163, IoU.path: 0.1582, IoU.stairs: 0.2778, IoU.runway: 0.6530, IoU.case: 0.5342, IoU.pool table: 0.8480, IoU.pillow: 0.4863, IoU.screen door: 0.5485, IoU.stairway: 0.4685, IoU.river: 0.1456, IoU.bridge: 0.4127, IoU.bookcase: 0.3365, IoU.blind: 0.2426, IoU.coffee table: 0.5820, IoU.toilet: 0.7809, IoU.flower: 0.3858, IoU.book: 0.4650, IoU.hill: 0.0543, IoU.bench: 0.4727, IoU.countertop: 0.5229, IoU.stove: 0.6981, IoU.palm: 0.4742, IoU.kitchen island: 0.3756, IoU.computer: 0.6295, IoU.swivel chair: 0.4267, IoU.boat: 0.5826, IoU.bar: 0.5386, IoU.arcade machine: 0.6394, IoU.hovel: 0.2670, IoU.bus: 0.8370, IoU.towel: 0.6452, IoU.light: 0.3487, IoU.truck: 0.3676, IoU.tower: 0.1615, IoU.chandelier: 0.6157, IoU.awning: 0.2564, IoU.streetlight: 0.2135, IoU.booth: 0.3412, IoU.television receiver: 0.6647, IoU.airplane: 0.5309, IoU.dirt track: 0.1147, IoU.apparel: 0.4540, IoU.pole: 0.1423, IoU.land: 0.0150, IoU.bannister: 0.0735, IoU.escalator: 0.5310, IoU.ottoman: 0.4322, IoU.bottle: 0.4047, IoU.buffet: 0.4277, IoU.poster: 0.2031, IoU.stage: 0.1504, IoU.van: 0.3957, IoU.ship: 0.2607, IoU.fountain: 0.1956, IoU.conveyer belt: 0.6330, IoU.canopy: 0.2779, IoU.washer: 0.7287, IoU.plaything: 0.2806, IoU.swimming pool: 0.5993, IoU.stool: 0.2951, IoU.barrel: 0.2810, IoU.basket: 0.3519, IoU.waterfall: 0.4778, IoU.tent: 0.8371, IoU.bag: 0.1612, IoU.minibike: 0.6579, IoU.cradle: 0.7232, IoU.oven: 0.4599, IoU.ball: 0.5576, IoU.food: 0.5165, IoU.step: 0.0536, IoU.tank: 0.5642, IoU.trade name: 0.1351, IoU.microwave: 0.6906, IoU.pot: 0.3962, IoU.animal: 0.5226, IoU.bicycle: 0.5423, IoU.lake: 0.1920, IoU.dishwasher: 0.4878, IoU.screen: 0.4197, IoU.blanket: 0.1688, IoU.sculpture: 0.5699, IoU.hood: 0.5325, IoU.sconce: 0.3588, IoU.vase: 0.3662, IoU.traffic light: 0.3093, IoU.tray: 0.1049, IoU.ashcan: 0.4140, IoU.fan: 0.5280, IoU.pier: 0.3475, IoU.crt screen: 0.0532, IoU.plate: 0.5010, IoU.monitor: 0.2057, IoU.bulletin board: 0.4366, IoU.shower: 0.0286, IoU.radiator: 0.6014, IoU.glass: 0.1621, IoU.clock: 0.3422, IoU.flag: 0.4497, Acc.wall: 0.8451, Acc.building: 0.9318, Acc.sky: 0.9555, Acc.floor: 0.8708, Acc.tree: 0.8406, Acc.ceiling: 0.8766, Acc.road: 0.8879, Acc.bed : 0.9365, Acc.windowpane: 0.7368, Acc.grass: 0.8196, Acc.cabinet: 0.6674, Acc.sidewalk: 0.7128, Acc.person: 0.9066, Acc.earth: 0.4565, Acc.door: 0.4850, Acc.table: 0.6824, Acc.mountain: 0.7040, Acc.plant: 0.5927, Acc.curtain: 0.7583, Acc.chair: 0.6924, Acc.car: 0.9124, Acc.water: 0.7332, Acc.painting: 0.8161, Acc.sofa: 0.7915, Acc.shelf: 0.5442, Acc.house: 0.5308, Acc.sea: 0.7656, Acc.mirror: 0.6986, Acc.rug: 0.5190, Acc.field: 0.5634, Acc.armchair: 0.5817, Acc.seat: 0.7645, Acc.fence: 0.4723, Acc.desk: 0.6594, Acc.rock: 0.6758, Acc.wardrobe: 0.5744, Acc.lamp: 0.7137, Acc.bathtub: 0.8236, Acc.railing: 0.4392, Acc.cushion: 0.7375, Acc.base: 0.3836, Acc.box: 0.3313, Acc.column: 0.4232, Acc.signboard: 0.4558, Acc.chest of drawers: 0.5289, Acc.counter: 0.4121, Acc.sand: 0.5930, Acc.sink: 0.7865, Acc.skyscraper: 0.5771, Acc.fireplace: 0.8077, Acc.refrigerator: 0.6478, Acc.grandstand: 0.7761, Acc.path: 0.2031, Acc.stairs: 0.3079, Acc.runway: 0.8536, Acc.case: 0.6908, Acc.pool table: 0.9561, Acc.pillow: 0.5444, Acc.screen door: 0.6176, Acc.stairway: 0.6021, Acc.river: 0.2539, Acc.bridge: 0.5042, Acc.bookcase: 0.4842, Acc.blind: 0.2726, Acc.coffee table: 0.7886, Acc.toilet: 0.8840, Acc.flower: 0.5076, Acc.book: 0.6501, Acc.hill: 0.0799, Acc.bench: 0.5764, Acc.countertop: 0.6545, Acc.stove: 0.7939, Acc.palm: 0.5806, Acc.kitchen island: 0.5780, Acc.computer: 0.7891, Acc.swivel chair: 0.5453, Acc.boat: 0.7499, Acc.bar: 0.6515, Acc.arcade machine: 0.7364, Acc.hovel: 0.2935, Acc.bus: 0.9038, Acc.towel: 0.7524, Acc.light: 0.4025, Acc.truck: 0.4903, Acc.tower: 0.2390, Acc.chandelier: 0.7402, Acc.awning: 0.3224, Acc.streetlight: 0.2511, Acc.booth: 0.4259, Acc.television receiver: 0.7581, Acc.airplane: 0.6568, Acc.dirt track: 0.1923, Acc.apparel: 0.6065, Acc.pole: 0.1732, Acc.land: 0.0214, Acc.bannister: 0.0984, Acc.escalator: 0.6992, Acc.ottoman: 0.5200, Acc.bottle: 0.6502, Acc.buffet: 0.5136, Acc.poster: 0.2574, Acc.stage: 0.2919, Acc.van: 0.5398, Acc.ship: 0.2924, Acc.fountain: 0.2025, Acc.conveyer belt: 0.9348, Acc.canopy: 0.3222, Acc.washer: 0.7917, Acc.plaything: 0.3893, Acc.swimming pool: 0.8014, Acc.stool: 0.3562, Acc.barrel: 0.3815, Acc.basket: 0.4391, Acc.waterfall: 0.5417, Acc.tent: 0.9809, Acc.bag: 0.1853, Acc.minibike: 0.8322, Acc.cradle: 0.9316, Acc.oven: 0.5464, Acc.ball: 0.6739, Acc.food: 0.5978, Acc.step: 0.0591, Acc.tank: 0.7228, Acc.trade name: 0.1475, Acc.microwave: 0.7536, Acc.pot: 0.4539, Acc.animal: 0.5611, Acc.bicycle: 0.7361, Acc.lake: 0.2148, Acc.dishwasher: 0.5268, Acc.screen: 0.5588, Acc.blanket: 0.1977, Acc.sculpture: 0.7748, Acc.hood: 0.5746, Acc.sconce: 0.4372, Acc.vase: 0.5250, Acc.traffic light: 0.4245, Acc.tray: 0.1293, Acc.ashcan: 0.4951, Acc.fan: 0.6778, Acc.pier: 0.4368, Acc.crt screen: 0.1159, Acc.plate: 0.6545, Acc.monitor: 0.2349, Acc.bulletin board: 0.5390, Acc.shower: 0.0303, Acc.radiator: 0.6986, Acc.glass: 0.1780, Acc.clock: 0.3704, Acc.flag: 0.5140 2023-11-10 01:56:47,340 - mmseg - INFO - Iter [40050/80000] lr: 1.998e-05, eta: 3:09:48, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.5311, decode.acc_seg: 80.2308, loss: 0.5311 2023-11-10 01:56:57,896 - mmseg - INFO - Iter [40100/80000] lr: 1.995e-05, eta: 3:09:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5287, decode.acc_seg: 80.0348, loss: 0.5287 2023-11-10 01:57:08,488 - mmseg - INFO - Iter [40150/80000] lr: 1.993e-05, eta: 3:09:12, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5547, decode.acc_seg: 79.2496, loss: 0.5547 2023-11-10 01:57:19,039 - mmseg - INFO - Iter [40200/80000] lr: 1.990e-05, eta: 3:08:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5700, decode.acc_seg: 78.8253, loss: 0.5700 2023-11-10 01:57:29,581 - mmseg - INFO - Iter [40250/80000] lr: 1.988e-05, eta: 3:08:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5409, decode.acc_seg: 79.4387, loss: 0.5409 2023-11-10 01:57:40,111 - mmseg - INFO - Iter [40300/80000] lr: 1.985e-05, eta: 3:08:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5521, decode.acc_seg: 79.8009, loss: 0.5521 2023-11-10 01:57:50,635 - mmseg - INFO - Iter [40350/80000] lr: 1.983e-05, eta: 3:08:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5761, decode.acc_seg: 79.0655, loss: 0.5761 2023-11-10 01:58:01,166 - mmseg - INFO - Iter [40400/80000] lr: 1.980e-05, eta: 3:07:43, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5737, decode.acc_seg: 78.2724, loss: 0.5737 2023-11-10 01:58:14,000 - mmseg - INFO - Iter [40450/80000] lr: 1.978e-05, eta: 3:07:27, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5620, decode.acc_seg: 79.0875, loss: 0.5620 2023-11-10 01:58:24,523 - mmseg - INFO - Iter [40500/80000] lr: 1.975e-05, eta: 3:07:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5577, decode.acc_seg: 78.7850, loss: 0.5577 2023-11-10 01:58:35,039 - mmseg - INFO - Iter [40550/80000] lr: 1.973e-05, eta: 3:06:52, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5445, decode.acc_seg: 79.7067, loss: 0.5445 2023-11-10 01:58:45,565 - mmseg - INFO - Iter [40600/80000] lr: 1.970e-05, eta: 3:06:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5564, decode.acc_seg: 79.3242, loss: 0.5564 2023-11-10 01:58:56,062 - mmseg - INFO - Iter [40650/80000] lr: 1.968e-05, eta: 3:06:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5520, decode.acc_seg: 79.9179, loss: 0.5520 2023-11-10 01:59:06,594 - mmseg - INFO - Iter [40700/80000] lr: 1.965e-05, eta: 3:05:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5501, decode.acc_seg: 78.9584, loss: 0.5501 2023-11-10 01:59:17,099 - mmseg - INFO - Iter [40750/80000] lr: 1.963e-05, eta: 3:05:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5464, decode.acc_seg: 79.5284, loss: 0.5464 2023-11-10 01:59:27,617 - mmseg - INFO - Iter [40800/80000] lr: 1.960e-05, eta: 3:05:23, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5279, decode.acc_seg: 80.4230, loss: 0.5279 2023-11-10 01:59:38,131 - mmseg - INFO - Iter [40850/80000] lr: 1.958e-05, eta: 3:05:05, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5656, decode.acc_seg: 79.4880, loss: 0.5656 2023-11-10 01:59:48,635 - mmseg - INFO - Iter [40900/80000] lr: 1.955e-05, eta: 3:04:48, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5517, decode.acc_seg: 79.4424, loss: 0.5517 2023-11-10 01:59:59,141 - mmseg - INFO - Iter [40950/80000] lr: 1.953e-05, eta: 3:04:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5685, decode.acc_seg: 78.8289, loss: 0.5685 2023-11-10 02:00:09,653 - mmseg - INFO - Saving checkpoint at 41000 iterations 2023-11-10 02:00:33,274 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:00:33,274 - mmseg - INFO - Iter [41000/80000] lr: 1.950e-05, eta: 3:04:35, time: 0.683, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4937, decode.acc_seg: 81.3041, loss: 0.4937 2023-11-10 02:01:19,044 - mmseg - INFO - per class results: 2023-11-10 02:01:19,049 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.81 | 84.7 | | building | 79.36 | 92.44 | | sky | 89.73 | 95.53 | | floor | 73.87 | 86.39 | | tree | 69.23 | 83.56 | | ceiling | 76.72 | 86.98 | | road | 78.31 | 88.33 | | bed | 83.34 | 93.51 | | windowpane | 57.95 | 75.73 | | grass | 66.61 | 80.82 | | cabinet | 53.99 | 69.16 | | sidewalk | 56.26 | 72.53 | | person | 74.73 | 91.18 | | earth | 34.81 | 47.51 | | door | 39.69 | 49.1 | | table | 53.39 | 67.12 | | mountain | 55.16 | 68.73 | | plant | 49.97 | 60.41 | | curtain | 63.99 | 75.62 | | chair | 52.97 | 68.69 | | car | 78.83 | 91.45 | | water | 55.43 | 73.39 | | painting | 66.04 | 80.84 | | sofa | 66.33 | 82.64 | | shelf | 38.4 | 53.94 | | house | 43.96 | 57.06 | | sea | 60.52 | 79.26 | | mirror | 58.09 | 70.17 | | rug | 50.8 | 56.26 | | field | 35.63 | 53.93 | | armchair | 41.63 | 56.2 | | seat | 55.98 | 76.27 | | fence | 37.27 | 48.38 | | desk | 41.1 | 66.63 | | rock | 51.72 | 70.69 | | wardrobe | 43.41 | 58.23 | | lamp | 56.09 | 71.22 | | bathtub | 73.05 | 80.24 | | railing | 32.5 | 44.36 | | cushion | 56.96 | 70.2 | | base | 25.64 | 40.17 | | box | 25.76 | 32.36 | | column | 35.09 | 42.71 | | signboard | 31.29 | 46.73 | | chest of drawers | 37.05 | 48.52 | | counter | 31.71 | 39.15 | | sand | 44.86 | 61.53 | | sink | 68.45 | 77.85 | | skyscraper | 44.94 | 61.07 | | fireplace | 62.63 | 81.09 | | refrigerator | 56.83 | 65.23 | | grandstand | 51.86 | 77.49 | | path | 16.36 | 21.54 | | stairs | 31.52 | 36.07 | | runway | 65.13 | 85.11 | | case | 53.56 | 68.29 | | pool table | 85.18 | 95.5 | | pillow | 54.22 | 65.29 | | screen door | 56.1 | 63.64 | | stairway | 47.98 | 59.88 | | river | 14.6 | 24.7 | | bridge | 41.45 | 51.37 | | bookcase | 32.56 | 44.71 | | blind | 19.39 | 21.08 | | coffee table | 57.27 | 80.49 | | toilet | 78.42 | 88.47 | | flower | 38.1 | 51.09 | | book | 46.96 | 68.67 | | hill | 5.68 | 8.65 | | bench | 47.17 | 56.34 | | countertop | 52.83 | 67.97 | | stove | 69.67 | 79.32 | | palm | 49.24 | 65.29 | | kitchen island | 37.55 | 62.07 | | computer | 62.59 | 77.05 | | swivel chair | 43.29 | 57.0 | | boat | 59.3 | 77.4 | | bar | 54.23 | 66.85 | | arcade machine | 63.52 | 72.94 | | hovel | 30.29 | 34.09 | | bus | 83.59 | 91.43 | | towel | 64.86 | 77.44 | | light | 35.53 | 41.47 | | truck | 36.89 | 51.6 | | tower | 17.39 | 26.35 | | chandelier | 61.93 | 74.68 | | awning | 27.3 | 35.2 | | streetlight | 21.9 | 26.41 | | booth | 33.81 | 41.64 | | television receiver | 66.49 | 75.98 | | airplane | 52.74 | 66.93 | | dirt track | 11.16 | 17.51 | | apparel | 46.38 | 60.07 | | pole | 12.02 | 14.13 | | land | 2.18 | 3.24 | | bannister | 5.69 | 7.14 | | escalator | 53.07 | 69.32 | | ottoman | 43.79 | 53.66 | | bottle | 40.28 | 64.63 | | buffet | 38.57 | 44.22 | | poster | 20.76 | 26.27 | | stage | 15.25 | 30.37 | | van | 39.26 | 53.83 | | ship | 30.69 | 34.52 | | fountain | 20.75 | 21.62 | | conveyer belt | 61.11 | 93.56 | | canopy | 30.27 | 36.29 | | washer | 74.41 | 81.42 | | plaything | 28.27 | 40.08 | | swimming pool | 60.04 | 82.7 | | stool | 30.11 | 37.79 | | barrel | 28.62 | 39.41 | | basket | 35.09 | 44.44 | | waterfall | 45.23 | 50.6 | | tent | 83.0 | 98.04 | | bag | 15.92 | 18.08 | | minibike | 65.93 | 84.2 | | cradle | 72.7 | 92.77 | | oven | 43.9 | 50.59 | | ball | 56.39 | 68.94 | | food | 53.41 | 62.99 | | step | 5.51 | 6.05 | | tank | 56.71 | 72.51 | | trade name | 17.86 | 20.48 | | microwave | 69.03 | 75.45 | | pot | 38.51 | 43.46 | | animal | 57.91 | 64.08 | | bicycle | 54.49 | 74.11 | | lake | 18.87 | 21.25 | | dishwasher | 49.77 | 53.71 | | screen | 42.44 | 56.49 | | blanket | 15.69 | 18.15 | | sculpture | 57.2 | 77.31 | | hood | 52.17 | 55.73 | | sconce | 36.12 | 43.99 | | vase | 36.78 | 53.13 | | traffic light | 30.2 | 40.62 | | tray | 11.26 | 14.18 | | ashcan | 41.67 | 51.17 | | fan | 51.5 | 63.97 | | pier | 34.66 | 43.54 | | crt screen | 5.25 | 10.82 | | plate | 50.7 | 67.73 | | monitor | 23.11 | 27.15 | | bulletin board | 43.47 | 55.51 | | shower | 3.3 | 4.16 | | radiator | 59.79 | 67.82 | | glass | 16.54 | 18.22 | | clock | 33.89 | 36.63 | | flag | 46.37 | 53.72 | +---------------------+-------+-------+ 2023-11-10 02:01:19,049 - mmseg - INFO - Summary: 2023-11-10 02:01:19,050 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.72 | 45.88 | 57.25 | +-------+-------+-------+ 2023-11-10 02:01:19,050 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:01:19,051 - mmseg - INFO - Iter(val) [250] aAcc: 0.7972, mIoU: 0.4588, mAcc: 0.5725, IoU.wall: 0.6981, IoU.building: 0.7936, IoU.sky: 0.8973, IoU.floor: 0.7387, IoU.tree: 0.6923, IoU.ceiling: 0.7672, IoU.road: 0.7831, IoU.bed : 0.8334, IoU.windowpane: 0.5795, IoU.grass: 0.6661, IoU.cabinet: 0.5399, IoU.sidewalk: 0.5626, IoU.person: 0.7473, IoU.earth: 0.3481, IoU.door: 0.3969, IoU.table: 0.5339, IoU.mountain: 0.5516, IoU.plant: 0.4997, IoU.curtain: 0.6399, IoU.chair: 0.5297, IoU.car: 0.7883, IoU.water: 0.5543, IoU.painting: 0.6604, IoU.sofa: 0.6633, IoU.shelf: 0.3840, IoU.house: 0.4396, IoU.sea: 0.6052, IoU.mirror: 0.5809, IoU.rug: 0.5080, IoU.field: 0.3563, IoU.armchair: 0.4163, IoU.seat: 0.5598, IoU.fence: 0.3727, IoU.desk: 0.4110, IoU.rock: 0.5172, IoU.wardrobe: 0.4341, IoU.lamp: 0.5609, IoU.bathtub: 0.7305, IoU.railing: 0.3250, IoU.cushion: 0.5696, IoU.base: 0.2564, IoU.box: 0.2576, IoU.column: 0.3509, IoU.signboard: 0.3129, IoU.chest of drawers: 0.3705, IoU.counter: 0.3171, IoU.sand: 0.4486, IoU.sink: 0.6845, IoU.skyscraper: 0.4494, IoU.fireplace: 0.6263, IoU.refrigerator: 0.5683, IoU.grandstand: 0.5186, IoU.path: 0.1636, IoU.stairs: 0.3152, IoU.runway: 0.6513, IoU.case: 0.5356, IoU.pool table: 0.8518, IoU.pillow: 0.5422, IoU.screen door: 0.5610, IoU.stairway: 0.4798, IoU.river: 0.1460, IoU.bridge: 0.4145, IoU.bookcase: 0.3256, IoU.blind: 0.1939, IoU.coffee table: 0.5727, IoU.toilet: 0.7842, IoU.flower: 0.3810, IoU.book: 0.4696, IoU.hill: 0.0568, IoU.bench: 0.4717, IoU.countertop: 0.5283, IoU.stove: 0.6967, IoU.palm: 0.4924, IoU.kitchen island: 0.3755, IoU.computer: 0.6259, IoU.swivel chair: 0.4329, IoU.boat: 0.5930, IoU.bar: 0.5423, IoU.arcade machine: 0.6352, IoU.hovel: 0.3029, IoU.bus: 0.8359, IoU.towel: 0.6486, IoU.light: 0.3553, IoU.truck: 0.3689, IoU.tower: 0.1739, IoU.chandelier: 0.6193, IoU.awning: 0.2730, IoU.streetlight: 0.2190, IoU.booth: 0.3381, IoU.television receiver: 0.6649, IoU.airplane: 0.5274, IoU.dirt track: 0.1116, IoU.apparel: 0.4638, IoU.pole: 0.1202, IoU.land: 0.0218, IoU.bannister: 0.0569, IoU.escalator: 0.5307, IoU.ottoman: 0.4379, IoU.bottle: 0.4028, IoU.buffet: 0.3857, IoU.poster: 0.2076, IoU.stage: 0.1525, IoU.van: 0.3926, IoU.ship: 0.3069, IoU.fountain: 0.2075, IoU.conveyer belt: 0.6111, IoU.canopy: 0.3027, IoU.washer: 0.7441, IoU.plaything: 0.2827, IoU.swimming pool: 0.6004, IoU.stool: 0.3011, IoU.barrel: 0.2862, IoU.basket: 0.3509, IoU.waterfall: 0.4523, IoU.tent: 0.8300, IoU.bag: 0.1592, IoU.minibike: 0.6593, IoU.cradle: 0.7270, IoU.oven: 0.4390, IoU.ball: 0.5639, IoU.food: 0.5341, IoU.step: 0.0551, IoU.tank: 0.5671, IoU.trade name: 0.1786, IoU.microwave: 0.6903, IoU.pot: 0.3851, IoU.animal: 0.5791, IoU.bicycle: 0.5449, IoU.lake: 0.1887, IoU.dishwasher: 0.4977, IoU.screen: 0.4244, IoU.blanket: 0.1569, IoU.sculpture: 0.5720, IoU.hood: 0.5217, IoU.sconce: 0.3612, IoU.vase: 0.3678, IoU.traffic light: 0.3020, IoU.tray: 0.1126, IoU.ashcan: 0.4167, IoU.fan: 0.5150, IoU.pier: 0.3466, IoU.crt screen: 0.0525, IoU.plate: 0.5070, IoU.monitor: 0.2311, IoU.bulletin board: 0.4347, IoU.shower: 0.0330, IoU.radiator: 0.5979, IoU.glass: 0.1654, IoU.clock: 0.3389, IoU.flag: 0.4637, Acc.wall: 0.8470, Acc.building: 0.9244, Acc.sky: 0.9553, Acc.floor: 0.8639, Acc.tree: 0.8356, Acc.ceiling: 0.8698, Acc.road: 0.8833, Acc.bed : 0.9351, Acc.windowpane: 0.7573, Acc.grass: 0.8082, Acc.cabinet: 0.6916, Acc.sidewalk: 0.7253, Acc.person: 0.9118, Acc.earth: 0.4751, Acc.door: 0.4910, Acc.table: 0.6712, Acc.mountain: 0.6873, Acc.plant: 0.6041, Acc.curtain: 0.7562, Acc.chair: 0.6869, Acc.car: 0.9145, Acc.water: 0.7339, Acc.painting: 0.8084, Acc.sofa: 0.8264, Acc.shelf: 0.5394, Acc.house: 0.5706, Acc.sea: 0.7926, Acc.mirror: 0.7017, Acc.rug: 0.5626, Acc.field: 0.5393, Acc.armchair: 0.5620, Acc.seat: 0.7627, Acc.fence: 0.4838, Acc.desk: 0.6663, Acc.rock: 0.7069, Acc.wardrobe: 0.5823, Acc.lamp: 0.7122, Acc.bathtub: 0.8024, Acc.railing: 0.4436, Acc.cushion: 0.7020, Acc.base: 0.4017, Acc.box: 0.3236, Acc.column: 0.4271, Acc.signboard: 0.4673, Acc.chest of drawers: 0.4852, Acc.counter: 0.3915, Acc.sand: 0.6153, Acc.sink: 0.7785, Acc.skyscraper: 0.6107, Acc.fireplace: 0.8109, Acc.refrigerator: 0.6523, Acc.grandstand: 0.7749, Acc.path: 0.2154, Acc.stairs: 0.3607, Acc.runway: 0.8511, Acc.case: 0.6829, Acc.pool table: 0.9550, Acc.pillow: 0.6529, Acc.screen door: 0.6364, Acc.stairway: 0.5988, Acc.river: 0.2470, Acc.bridge: 0.5137, Acc.bookcase: 0.4471, Acc.blind: 0.2108, Acc.coffee table: 0.8049, Acc.toilet: 0.8847, Acc.flower: 0.5109, Acc.book: 0.6867, Acc.hill: 0.0865, Acc.bench: 0.5634, Acc.countertop: 0.6797, Acc.stove: 0.7932, Acc.palm: 0.6529, Acc.kitchen island: 0.6207, Acc.computer: 0.7705, Acc.swivel chair: 0.5700, Acc.boat: 0.7740, Acc.bar: 0.6685, Acc.arcade machine: 0.7294, Acc.hovel: 0.3409, Acc.bus: 0.9143, Acc.towel: 0.7744, Acc.light: 0.4147, Acc.truck: 0.5160, Acc.tower: 0.2635, Acc.chandelier: 0.7468, Acc.awning: 0.3520, Acc.streetlight: 0.2641, Acc.booth: 0.4164, Acc.television receiver: 0.7598, Acc.airplane: 0.6693, Acc.dirt track: 0.1751, Acc.apparel: 0.6007, Acc.pole: 0.1413, Acc.land: 0.0324, Acc.bannister: 0.0714, Acc.escalator: 0.6932, Acc.ottoman: 0.5366, Acc.bottle: 0.6463, Acc.buffet: 0.4422, Acc.poster: 0.2627, Acc.stage: 0.3037, Acc.van: 0.5383, Acc.ship: 0.3452, Acc.fountain: 0.2162, Acc.conveyer belt: 0.9356, Acc.canopy: 0.3629, Acc.washer: 0.8142, Acc.plaything: 0.4008, Acc.swimming pool: 0.8270, Acc.stool: 0.3779, Acc.barrel: 0.3941, Acc.basket: 0.4444, Acc.waterfall: 0.5060, Acc.tent: 0.9804, Acc.bag: 0.1808, Acc.minibike: 0.8420, Acc.cradle: 0.9277, Acc.oven: 0.5059, Acc.ball: 0.6894, Acc.food: 0.6299, Acc.step: 0.0605, Acc.tank: 0.7251, Acc.trade name: 0.2048, Acc.microwave: 0.7545, Acc.pot: 0.4346, Acc.animal: 0.6408, Acc.bicycle: 0.7411, Acc.lake: 0.2125, Acc.dishwasher: 0.5371, Acc.screen: 0.5649, Acc.blanket: 0.1815, Acc.sculpture: 0.7731, Acc.hood: 0.5573, Acc.sconce: 0.4399, Acc.vase: 0.5313, Acc.traffic light: 0.4062, Acc.tray: 0.1418, Acc.ashcan: 0.5117, Acc.fan: 0.6397, Acc.pier: 0.4354, Acc.crt screen: 0.1082, Acc.plate: 0.6773, Acc.monitor: 0.2715, Acc.bulletin board: 0.5551, Acc.shower: 0.0416, Acc.radiator: 0.6782, Acc.glass: 0.1822, Acc.clock: 0.3663, Acc.flag: 0.5372 2023-11-10 02:01:29,630 - mmseg - INFO - Iter [41050/80000] lr: 1.948e-05, eta: 3:05:00, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5565, decode.acc_seg: 79.5816, loss: 0.5565 2023-11-10 02:01:40,196 - mmseg - INFO - Iter [41100/80000] lr: 1.945e-05, eta: 3:04:43, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5230, decode.acc_seg: 80.4582, loss: 0.5230 2023-11-10 02:01:50,775 - mmseg - INFO - Iter [41150/80000] lr: 1.943e-05, eta: 3:04:25, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5428, decode.acc_seg: 79.5534, loss: 0.5428 2023-11-10 02:02:01,321 - mmseg - INFO - Iter [41200/80000] lr: 1.940e-05, eta: 3:04:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5629, decode.acc_seg: 78.9561, loss: 0.5629 2023-11-10 02:02:11,862 - mmseg - INFO - Iter [41250/80000] lr: 1.938e-05, eta: 3:03:50, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5543, decode.acc_seg: 79.0352, loss: 0.5543 2023-11-10 02:02:22,422 - mmseg - INFO - Iter [41300/80000] lr: 1.935e-05, eta: 3:03:32, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5442, decode.acc_seg: 79.8858, loss: 0.5442 2023-11-10 02:02:32,954 - mmseg - INFO - Iter [41350/80000] lr: 1.933e-05, eta: 3:03:14, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5422, decode.acc_seg: 80.1329, loss: 0.5422 2023-11-10 02:02:43,470 - mmseg - INFO - Iter [41400/80000] lr: 1.930e-05, eta: 3:02:57, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5548, decode.acc_seg: 79.3075, loss: 0.5548 2023-11-10 02:02:53,997 - mmseg - INFO - Iter [41450/80000] lr: 1.928e-05, eta: 3:02:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5603, decode.acc_seg: 79.0741, loss: 0.5603 2023-11-10 02:03:04,532 - mmseg - INFO - Iter [41500/80000] lr: 1.925e-05, eta: 3:02:21, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5526, decode.acc_seg: 79.2677, loss: 0.5526 2023-11-10 02:03:15,051 - mmseg - INFO - Iter [41550/80000] lr: 1.923e-05, eta: 3:02:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5690, decode.acc_seg: 78.8512, loss: 0.5690 2023-11-10 02:03:25,572 - mmseg - INFO - Iter [41600/80000] lr: 1.920e-05, eta: 3:01:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5513, decode.acc_seg: 78.9371, loss: 0.5513 2023-11-10 02:03:36,093 - mmseg - INFO - Iter [41650/80000] lr: 1.918e-05, eta: 3:01:28, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5616, decode.acc_seg: 78.9588, loss: 0.5616 2023-11-10 02:03:48,959 - mmseg - INFO - Iter [41700/80000] lr: 1.915e-05, eta: 3:01:13, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5535, decode.acc_seg: 79.4380, loss: 0.5535 2023-11-10 02:03:59,500 - mmseg - INFO - Iter [41750/80000] lr: 1.913e-05, eta: 3:00:55, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5632, decode.acc_seg: 78.6364, loss: 0.5632 2023-11-10 02:04:10,023 - mmseg - INFO - Iter [41800/80000] lr: 1.910e-05, eta: 3:00:38, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.5541, loss: 0.5481 2023-11-10 02:04:20,542 - mmseg - INFO - Iter [41850/80000] lr: 1.908e-05, eta: 3:00:20, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5536, decode.acc_seg: 79.2504, loss: 0.5536 2023-11-10 02:04:31,065 - mmseg - INFO - Iter [41900/80000] lr: 1.905e-05, eta: 3:00:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 80.0964, loss: 0.5298 2023-11-10 02:04:41,576 - mmseg - INFO - Iter [41950/80000] lr: 1.903e-05, eta: 2:59:45, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5477, decode.acc_seg: 79.7210, loss: 0.5477 2023-11-10 02:04:52,099 - mmseg - INFO - Saving checkpoint at 42000 iterations 2023-11-10 02:05:16,880 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:05:16,880 - mmseg - INFO - Iter [42000/80000] lr: 1.900e-05, eta: 2:59:50, time: 0.706, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5573, decode.acc_seg: 79.0334, loss: 0.5573 2023-11-10 02:06:02,996 - mmseg - INFO - per class results: 2023-11-10 02:06:03,001 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.83 | 84.79 | | building | 79.93 | 91.35 | | sky | 89.9 | 95.33 | | floor | 73.54 | 87.34 | | tree | 69.79 | 84.55 | | ceiling | 76.63 | 87.68 | | road | 78.16 | 88.74 | | bed | 82.77 | 94.32 | | windowpane | 58.19 | 74.97 | | grass | 66.17 | 81.88 | | cabinet | 54.01 | 68.08 | | sidewalk | 55.98 | 71.38 | | person | 75.09 | 90.81 | | earth | 33.87 | 45.58 | | door | 40.16 | 50.23 | | table | 53.49 | 68.01 | | mountain | 54.61 | 69.02 | | plant | 50.2 | 61.45 | | curtain | 63.96 | 76.53 | | chair | 52.96 | 68.38 | | car | 78.69 | 91.85 | | water | 56.4 | 72.9 | | painting | 66.12 | 80.89 | | sofa | 66.23 | 82.43 | | shelf | 37.14 | 49.88 | | house | 45.31 | 56.96 | | sea | 60.98 | 77.01 | | mirror | 58.06 | 70.27 | | rug | 50.07 | 55.29 | | field | 35.43 | 55.75 | | armchair | 41.42 | 55.17 | | seat | 56.43 | 76.84 | | fence | 37.53 | 48.99 | | desk | 41.75 | 64.68 | | rock | 51.96 | 69.93 | | wardrobe | 43.7 | 59.1 | | lamp | 56.27 | 71.03 | | bathtub | 73.24 | 81.83 | | railing | 32.48 | 45.57 | | cushion | 57.19 | 70.99 | | base | 25.0 | 37.56 | | box | 25.43 | 31.53 | | column | 35.03 | 42.84 | | signboard | 31.52 | 46.85 | | chest of drawers | 38.65 | 54.07 | | counter | 33.14 | 41.94 | | sand | 43.82 | 60.16 | | sink | 68.33 | 77.92 | | skyscraper | 44.78 | 61.46 | | fireplace | 63.43 | 80.76 | | refrigerator | 56.34 | 63.56 | | grandstand | 50.48 | 78.56 | | path | 16.8 | 22.87 | | stairs | 28.44 | 32.34 | | runway | 65.27 | 85.48 | | case | 54.11 | 66.7 | | pool table | 84.91 | 95.67 | | pillow | 53.46 | 63.42 | | screen door | 53.18 | 58.29 | | stairway | 45.27 | 60.41 | | river | 15.66 | 28.89 | | bridge | 43.58 | 52.24 | | bookcase | 32.64 | 48.02 | | blind | 24.29 | 27.45 | | coffee table | 58.6 | 78.1 | | toilet | 78.43 | 88.43 | | flower | 38.08 | 52.37 | | book | 46.75 | 67.93 | | hill | 5.68 | 8.95 | | bench | 48.07 | 58.75 | | countertop | 52.58 | 68.0 | | stove | 69.84 | 78.66 | | palm | 48.68 | 62.85 | | kitchen island | 37.3 | 56.8 | | computer | 63.43 | 78.63 | | swivel chair | 42.55 | 55.86 | | boat | 60.01 | 77.41 | | bar | 54.17 | 65.87 | | arcade machine | 64.53 | 74.21 | | hovel | 41.62 | 49.36 | | bus | 82.84 | 93.27 | | towel | 64.65 | 76.3 | | light | 33.86 | 38.54 | | truck | 36.74 | 49.21 | | tower | 20.84 | 33.28 | | chandelier | 62.17 | 76.34 | | awning | 27.55 | 35.18 | | streetlight | 22.16 | 26.66 | | booth | 33.66 | 41.66 | | television receiver | 66.82 | 76.95 | | airplane | 53.18 | 65.91 | | dirt track | 10.82 | 20.06 | | apparel | 46.15 | 60.98 | | pole | 14.22 | 17.25 | | land | 2.31 | 3.68 | | bannister | 6.97 | 9.55 | | escalator | 52.28 | 66.7 | | ottoman | 43.39 | 53.33 | | bottle | 40.11 | 64.66 | | buffet | 40.14 | 46.34 | | poster | 19.82 | 23.81 | | stage | 14.25 | 27.37 | | van | 38.82 | 53.1 | | ship | 29.42 | 33.23 | | fountain | 21.84 | 22.9 | | conveyer belt | 67.48 | 91.7 | | canopy | 28.38 | 33.34 | | washer | 73.66 | 80.01 | | plaything | 27.66 | 38.29 | | swimming pool | 60.41 | 80.42 | | stool | 30.77 | 40.32 | | barrel | 28.97 | 40.02 | | basket | 35.13 | 45.04 | | waterfall | 48.5 | 56.19 | | tent | 82.24 | 98.18 | | bag | 16.35 | 18.91 | | minibike | 65.66 | 84.65 | | cradle | 73.38 | 92.31 | | oven | 46.14 | 54.24 | | ball | 54.73 | 64.4 | | food | 54.12 | 64.51 | | step | 6.02 | 6.72 | | tank | 57.38 | 73.11 | | trade name | 16.85 | 19.02 | | microwave | 69.03 | 75.19 | | pot | 39.24 | 44.77 | | animal | 58.82 | 65.18 | | bicycle | 54.99 | 81.86 | | lake | 23.22 | 26.09 | | dishwasher | 49.96 | 54.41 | | screen | 42.87 | 58.56 | | blanket | 14.55 | 16.71 | | sculpture | 56.35 | 77.15 | | hood | 52.74 | 57.22 | | sconce | 38.72 | 49.85 | | vase | 36.63 | 53.13 | | traffic light | 31.24 | 45.32 | | tray | 10.36 | 12.49 | | ashcan | 42.04 | 51.47 | | fan | 52.58 | 66.66 | | pier | 34.16 | 44.1 | | crt screen | 4.15 | 8.02 | | plate | 49.9 | 65.04 | | monitor | 23.75 | 27.94 | | bulletin board | 43.62 | 54.1 | | shower | 2.89 | 3.46 | | radiator | 59.43 | 70.96 | | glass | 16.36 | 17.96 | | clock | 34.34 | 37.57 | | flag | 46.6 | 55.18 | +---------------------+-------+-------+ 2023-11-10 02:06:03,001 - mmseg - INFO - Summary: 2023-11-10 02:06:03,001 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.77 | 46.11 | 57.58 | +-------+-------+-------+ 2023-11-10 02:06:03,002 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:06:03,002 - mmseg - INFO - Iter(val) [250] aAcc: 0.7977, mIoU: 0.4611, mAcc: 0.5758, IoU.wall: 0.6983, IoU.building: 0.7993, IoU.sky: 0.8990, IoU.floor: 0.7354, IoU.tree: 0.6979, IoU.ceiling: 0.7663, IoU.road: 0.7816, IoU.bed : 0.8277, IoU.windowpane: 0.5819, IoU.grass: 0.6617, IoU.cabinet: 0.5401, IoU.sidewalk: 0.5598, IoU.person: 0.7509, IoU.earth: 0.3387, IoU.door: 0.4016, IoU.table: 0.5349, IoU.mountain: 0.5461, IoU.plant: 0.5020, IoU.curtain: 0.6396, IoU.chair: 0.5296, IoU.car: 0.7869, IoU.water: 0.5640, IoU.painting: 0.6612, IoU.sofa: 0.6623, IoU.shelf: 0.3714, IoU.house: 0.4531, IoU.sea: 0.6098, IoU.mirror: 0.5806, IoU.rug: 0.5007, IoU.field: 0.3543, IoU.armchair: 0.4142, IoU.seat: 0.5643, IoU.fence: 0.3753, IoU.desk: 0.4175, IoU.rock: 0.5196, IoU.wardrobe: 0.4370, IoU.lamp: 0.5627, IoU.bathtub: 0.7324, IoU.railing: 0.3248, IoU.cushion: 0.5719, IoU.base: 0.2500, IoU.box: 0.2543, IoU.column: 0.3503, IoU.signboard: 0.3152, IoU.chest of drawers: 0.3865, IoU.counter: 0.3314, IoU.sand: 0.4382, IoU.sink: 0.6833, IoU.skyscraper: 0.4478, IoU.fireplace: 0.6343, IoU.refrigerator: 0.5634, IoU.grandstand: 0.5048, IoU.path: 0.1680, IoU.stairs: 0.2844, IoU.runway: 0.6527, IoU.case: 0.5411, IoU.pool table: 0.8491, IoU.pillow: 0.5346, IoU.screen door: 0.5318, IoU.stairway: 0.4527, IoU.river: 0.1566, IoU.bridge: 0.4358, IoU.bookcase: 0.3264, IoU.blind: 0.2429, IoU.coffee table: 0.5860, IoU.toilet: 0.7843, IoU.flower: 0.3808, IoU.book: 0.4675, IoU.hill: 0.0568, IoU.bench: 0.4807, IoU.countertop: 0.5258, IoU.stove: 0.6984, IoU.palm: 0.4868, IoU.kitchen island: 0.3730, IoU.computer: 0.6343, IoU.swivel chair: 0.4255, IoU.boat: 0.6001, IoU.bar: 0.5417, IoU.arcade machine: 0.6453, IoU.hovel: 0.4162, IoU.bus: 0.8284, IoU.towel: 0.6465, IoU.light: 0.3386, IoU.truck: 0.3674, IoU.tower: 0.2084, IoU.chandelier: 0.6217, IoU.awning: 0.2755, IoU.streetlight: 0.2216, IoU.booth: 0.3366, IoU.television receiver: 0.6682, IoU.airplane: 0.5318, IoU.dirt track: 0.1082, IoU.apparel: 0.4615, IoU.pole: 0.1422, IoU.land: 0.0231, IoU.bannister: 0.0697, IoU.escalator: 0.5228, IoU.ottoman: 0.4339, IoU.bottle: 0.4011, IoU.buffet: 0.4014, IoU.poster: 0.1982, IoU.stage: 0.1425, IoU.van: 0.3882, IoU.ship: 0.2942, IoU.fountain: 0.2184, IoU.conveyer belt: 0.6748, IoU.canopy: 0.2838, IoU.washer: 0.7366, IoU.plaything: 0.2766, IoU.swimming pool: 0.6041, IoU.stool: 0.3077, IoU.barrel: 0.2897, IoU.basket: 0.3513, IoU.waterfall: 0.4850, IoU.tent: 0.8224, IoU.bag: 0.1635, IoU.minibike: 0.6566, IoU.cradle: 0.7338, IoU.oven: 0.4614, IoU.ball: 0.5473, IoU.food: 0.5412, IoU.step: 0.0602, IoU.tank: 0.5738, IoU.trade name: 0.1685, IoU.microwave: 0.6903, IoU.pot: 0.3924, IoU.animal: 0.5882, IoU.bicycle: 0.5499, IoU.lake: 0.2322, IoU.dishwasher: 0.4996, IoU.screen: 0.4287, IoU.blanket: 0.1455, IoU.sculpture: 0.5635, IoU.hood: 0.5274, IoU.sconce: 0.3872, IoU.vase: 0.3663, IoU.traffic light: 0.3124, IoU.tray: 0.1036, IoU.ashcan: 0.4204, IoU.fan: 0.5258, IoU.pier: 0.3416, IoU.crt screen: 0.0415, IoU.plate: 0.4990, IoU.monitor: 0.2375, IoU.bulletin board: 0.4362, IoU.shower: 0.0289, IoU.radiator: 0.5943, IoU.glass: 0.1636, IoU.clock: 0.3434, IoU.flag: 0.4660, Acc.wall: 0.8479, Acc.building: 0.9135, Acc.sky: 0.9533, Acc.floor: 0.8734, Acc.tree: 0.8455, Acc.ceiling: 0.8768, Acc.road: 0.8874, Acc.bed : 0.9432, Acc.windowpane: 0.7497, Acc.grass: 0.8188, Acc.cabinet: 0.6808, Acc.sidewalk: 0.7138, Acc.person: 0.9081, Acc.earth: 0.4558, Acc.door: 0.5023, Acc.table: 0.6801, Acc.mountain: 0.6902, Acc.plant: 0.6145, Acc.curtain: 0.7653, Acc.chair: 0.6838, Acc.car: 0.9185, Acc.water: 0.7290, Acc.painting: 0.8089, Acc.sofa: 0.8243, Acc.shelf: 0.4988, Acc.house: 0.5696, Acc.sea: 0.7701, Acc.mirror: 0.7027, Acc.rug: 0.5529, Acc.field: 0.5575, Acc.armchair: 0.5517, Acc.seat: 0.7684, Acc.fence: 0.4899, Acc.desk: 0.6468, Acc.rock: 0.6993, Acc.wardrobe: 0.5910, Acc.lamp: 0.7103, Acc.bathtub: 0.8183, Acc.railing: 0.4557, Acc.cushion: 0.7099, Acc.base: 0.3756, Acc.box: 0.3153, Acc.column: 0.4284, Acc.signboard: 0.4685, Acc.chest of drawers: 0.5407, Acc.counter: 0.4194, Acc.sand: 0.6016, Acc.sink: 0.7792, Acc.skyscraper: 0.6146, Acc.fireplace: 0.8076, Acc.refrigerator: 0.6356, Acc.grandstand: 0.7856, Acc.path: 0.2287, Acc.stairs: 0.3234, Acc.runway: 0.8548, Acc.case: 0.6670, Acc.pool table: 0.9567, Acc.pillow: 0.6342, Acc.screen door: 0.5829, Acc.stairway: 0.6041, Acc.river: 0.2889, Acc.bridge: 0.5224, Acc.bookcase: 0.4802, Acc.blind: 0.2745, Acc.coffee table: 0.7810, Acc.toilet: 0.8843, Acc.flower: 0.5237, Acc.book: 0.6793, Acc.hill: 0.0895, Acc.bench: 0.5875, Acc.countertop: 0.6800, Acc.stove: 0.7866, Acc.palm: 0.6285, Acc.kitchen island: 0.5680, Acc.computer: 0.7863, Acc.swivel chair: 0.5586, Acc.boat: 0.7741, Acc.bar: 0.6587, Acc.arcade machine: 0.7421, Acc.hovel: 0.4936, Acc.bus: 0.9327, Acc.towel: 0.7630, Acc.light: 0.3854, Acc.truck: 0.4921, Acc.tower: 0.3328, Acc.chandelier: 0.7634, Acc.awning: 0.3518, Acc.streetlight: 0.2666, Acc.booth: 0.4166, Acc.television receiver: 0.7695, Acc.airplane: 0.6591, Acc.dirt track: 0.2006, Acc.apparel: 0.6098, Acc.pole: 0.1725, Acc.land: 0.0368, Acc.bannister: 0.0955, Acc.escalator: 0.6670, Acc.ottoman: 0.5333, Acc.bottle: 0.6466, Acc.buffet: 0.4634, Acc.poster: 0.2381, Acc.stage: 0.2737, Acc.van: 0.5310, Acc.ship: 0.3323, Acc.fountain: 0.2290, Acc.conveyer belt: 0.9170, Acc.canopy: 0.3334, Acc.washer: 0.8001, Acc.plaything: 0.3829, Acc.swimming pool: 0.8042, Acc.stool: 0.4032, Acc.barrel: 0.4002, Acc.basket: 0.4504, Acc.waterfall: 0.5619, Acc.tent: 0.9818, Acc.bag: 0.1891, Acc.minibike: 0.8465, Acc.cradle: 0.9231, Acc.oven: 0.5424, Acc.ball: 0.6440, Acc.food: 0.6451, Acc.step: 0.0672, Acc.tank: 0.7311, Acc.trade name: 0.1902, Acc.microwave: 0.7519, Acc.pot: 0.4477, Acc.animal: 0.6518, Acc.bicycle: 0.8186, Acc.lake: 0.2609, Acc.dishwasher: 0.5441, Acc.screen: 0.5856, Acc.blanket: 0.1671, Acc.sculpture: 0.7715, Acc.hood: 0.5722, Acc.sconce: 0.4985, Acc.vase: 0.5313, Acc.traffic light: 0.4532, Acc.tray: 0.1249, Acc.ashcan: 0.5147, Acc.fan: 0.6666, Acc.pier: 0.4410, Acc.crt screen: 0.0802, Acc.plate: 0.6504, Acc.monitor: 0.2794, Acc.bulletin board: 0.5410, Acc.shower: 0.0346, Acc.radiator: 0.7096, Acc.glass: 0.1796, Acc.clock: 0.3757, Acc.flag: 0.5518 2023-11-10 02:06:13,632 - mmseg - INFO - Iter [42050/80000] lr: 1.898e-05, eta: 3:00:15, time: 1.135, data_time: 0.929, memory: 16310, decode.loss_ce: 0.5630, decode.acc_seg: 79.3683, loss: 0.5630 2023-11-10 02:06:24,212 - mmseg - INFO - Iter [42100/80000] lr: 1.895e-05, eta: 2:59:57, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5472, decode.acc_seg: 79.0747, loss: 0.5472 2023-11-10 02:06:34,757 - mmseg - INFO - Iter [42150/80000] lr: 1.893e-05, eta: 2:59:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5737, decode.acc_seg: 78.7996, loss: 0.5737 2023-11-10 02:06:45,301 - mmseg - INFO - Iter [42200/80000] lr: 1.890e-05, eta: 2:59:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5369, decode.acc_seg: 79.6392, loss: 0.5369 2023-11-10 02:06:55,822 - mmseg - INFO - Iter [42250/80000] lr: 1.888e-05, eta: 2:59:04, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5558, decode.acc_seg: 78.7720, loss: 0.5558 2023-11-10 02:07:06,358 - mmseg - INFO - Iter [42300/80000] lr: 1.885e-05, eta: 2:58:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5153, decode.acc_seg: 80.1793, loss: 0.5153 2023-11-10 02:07:16,893 - mmseg - INFO - Iter [42350/80000] lr: 1.883e-05, eta: 2:58:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5486, decode.acc_seg: 79.5162, loss: 0.5486 2023-11-10 02:07:27,414 - mmseg - INFO - Iter [42400/80000] lr: 1.880e-05, eta: 2:58:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5766, decode.acc_seg: 78.7527, loss: 0.5766 2023-11-10 02:07:37,926 - mmseg - INFO - Iter [42450/80000] lr: 1.878e-05, eta: 2:57:54, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5227, decode.acc_seg: 80.0463, loss: 0.5227 2023-11-10 02:07:48,447 - mmseg - INFO - Iter [42500/80000] lr: 1.875e-05, eta: 2:57:37, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5412, decode.acc_seg: 79.8653, loss: 0.5412 2023-11-10 02:07:58,964 - mmseg - INFO - Iter [42550/80000] lr: 1.873e-05, eta: 2:57:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.6341, loss: 0.5481 2023-11-10 02:08:09,466 - mmseg - INFO - Iter [42600/80000] lr: 1.870e-05, eta: 2:57:02, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5131, decode.acc_seg: 80.3317, loss: 0.5131 2023-11-10 02:08:19,976 - mmseg - INFO - Iter [42650/80000] lr: 1.868e-05, eta: 2:56:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5242, decode.acc_seg: 79.6509, loss: 0.5242 2023-11-10 02:08:30,487 - mmseg - INFO - Iter [42700/80000] lr: 1.865e-05, eta: 2:56:27, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5539, decode.acc_seg: 79.6573, loss: 0.5539 2023-11-10 02:08:41,000 - mmseg - INFO - Iter [42750/80000] lr: 1.863e-05, eta: 2:56:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5507, decode.acc_seg: 79.3552, loss: 0.5507 2023-11-10 02:08:51,509 - mmseg - INFO - Iter [42800/80000] lr: 1.860e-05, eta: 2:55:52, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5528, decode.acc_seg: 79.3737, loss: 0.5528 2023-11-10 02:09:02,031 - mmseg - INFO - Iter [42850/80000] lr: 1.858e-05, eta: 2:55:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5333, decode.acc_seg: 79.8419, loss: 0.5333 2023-11-10 02:09:12,543 - mmseg - INFO - Iter [42900/80000] lr: 1.855e-05, eta: 2:55:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5203, decode.acc_seg: 79.7406, loss: 0.5203 2023-11-10 02:09:25,356 - mmseg - INFO - Iter [42950/80000] lr: 1.853e-05, eta: 2:55:02, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5542, decode.acc_seg: 79.1740, loss: 0.5542 2023-11-10 02:09:35,894 - mmseg - INFO - Saving checkpoint at 43000 iterations 2023-11-10 02:10:00,264 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:10:00,265 - mmseg - INFO - Iter [43000/80000] lr: 1.850e-05, eta: 2:55:06, time: 0.698, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5248, decode.acc_seg: 80.3808, loss: 0.5248 2023-11-10 02:10:46,608 - mmseg - INFO - per class results: 2023-11-10 02:10:46,614 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.59 | 85.7 | | building | 79.83 | 91.52 | | sky | 89.97 | 95.21 | | floor | 73.45 | 86.88 | | tree | 69.67 | 85.14 | | ceiling | 76.61 | 86.98 | | road | 78.61 | 87.94 | | bed | 83.29 | 93.62 | | windowpane | 58.04 | 74.85 | | grass | 66.32 | 79.83 | | cabinet | 53.98 | 67.53 | | sidewalk | 56.43 | 71.56 | | person | 75.52 | 89.94 | | earth | 34.36 | 47.09 | | door | 39.83 | 49.4 | | table | 53.2 | 66.9 | | mountain | 54.52 | 69.13 | | plant | 50.2 | 61.12 | | curtain | 63.78 | 75.65 | | chair | 52.98 | 68.73 | | car | 78.83 | 91.61 | | water | 55.68 | 72.57 | | painting | 65.9 | 81.24 | | sofa | 66.5 | 82.56 | | shelf | 37.87 | 52.65 | | house | 45.65 | 58.73 | | sea | 60.51 | 79.23 | | mirror | 58.21 | 69.24 | | rug | 49.04 | 53.8 | | field | 35.23 | 55.59 | | armchair | 41.99 | 57.06 | | seat | 56.16 | 76.87 | | fence | 36.98 | 48.08 | | desk | 40.88 | 67.43 | | rock | 51.52 | 68.58 | | wardrobe | 43.54 | 58.71 | | lamp | 56.37 | 70.68 | | bathtub | 72.99 | 80.84 | | railing | 31.78 | 43.0 | | cushion | 56.86 | 69.95 | | base | 24.57 | 34.82 | | box | 25.73 | 31.98 | | column | 34.27 | 41.44 | | signboard | 31.51 | 46.37 | | chest of drawers | 38.45 | 51.49 | | counter | 34.08 | 43.19 | | sand | 44.06 | 60.35 | | sink | 68.26 | 78.46 | | skyscraper | 45.03 | 61.45 | | fireplace | 63.25 | 81.27 | | refrigerator | 57.02 | 65.02 | | grandstand | 49.85 | 78.57 | | path | 16.88 | 22.57 | | stairs | 26.86 | 30.05 | | runway | 65.58 | 86.86 | | case | 53.98 | 67.15 | | pool table | 85.38 | 95.38 | | pillow | 52.49 | 61.24 | | screen door | 55.28 | 60.6 | | stairway | 46.26 | 62.67 | | river | 15.6 | 27.09 | | bridge | 43.73 | 52.9 | | bookcase | 33.07 | 47.5 | | blind | 21.73 | 23.92 | | coffee table | 57.86 | 80.56 | | toilet | 78.16 | 88.65 | | flower | 37.19 | 48.12 | | book | 46.9 | 67.09 | | hill | 5.69 | 9.55 | | bench | 46.98 | 56.66 | | countertop | 52.44 | 66.6 | | stove | 69.86 | 77.78 | | palm | 48.98 | 63.99 | | kitchen island | 37.46 | 58.67 | | computer | 63.28 | 77.5 | | swivel chair | 42.47 | 55.55 | | boat | 60.99 | 76.58 | | bar | 54.32 | 65.09 | | arcade machine | 63.55 | 72.58 | | hovel | 39.72 | 46.78 | | bus | 83.6 | 92.56 | | towel | 64.8 | 76.6 | | light | 32.28 | 36.03 | | truck | 37.14 | 51.04 | | tower | 19.32 | 29.81 | | chandelier | 62.22 | 76.02 | | awning | 26.82 | 34.16 | | streetlight | 22.26 | 27.0 | | booth | 33.65 | 41.99 | | television receiver | 66.82 | 77.28 | | airplane | 52.94 | 66.26 | | dirt track | 12.18 | 22.59 | | apparel | 44.62 | 58.36 | | pole | 14.88 | 18.25 | | land | 2.22 | 3.33 | | bannister | 6.71 | 8.98 | | escalator | 53.48 | 69.1 | | ottoman | 43.34 | 52.42 | | bottle | 40.53 | 66.83 | | buffet | 42.27 | 50.0 | | poster | 19.4 | 23.2 | | stage | 14.35 | 27.01 | | van | 36.57 | 48.68 | | ship | 34.62 | 39.29 | | fountain | 21.35 | 22.25 | | conveyer belt | 64.23 | 93.27 | | canopy | 29.5 | 35.0 | | washer | 74.87 | 82.07 | | plaything | 27.71 | 38.13 | | swimming pool | 60.28 | 79.43 | | stool | 29.71 | 37.86 | | barrel | 28.8 | 40.22 | | basket | 34.61 | 42.49 | | waterfall | 47.58 | 54.81 | | tent | 84.72 | 97.73 | | bag | 15.84 | 17.97 | | minibike | 65.41 | 85.53 | | cradle | 72.58 | 92.88 | | oven | 46.29 | 54.73 | | ball | 55.98 | 67.85 | | food | 51.84 | 60.39 | | step | 5.65 | 6.24 | | tank | 55.96 | 71.84 | | trade name | 16.53 | 18.49 | | microwave | 68.97 | 74.98 | | pot | 38.38 | 43.18 | | animal | 57.3 | 62.53 | | bicycle | 54.98 | 77.48 | | lake | 21.93 | 24.26 | | dishwasher | 49.81 | 53.81 | | screen | 42.79 | 55.96 | | blanket | 16.02 | 18.66 | | sculpture | 56.26 | 77.0 | | hood | 52.26 | 55.9 | | sconce | 38.66 | 49.2 | | vase | 36.55 | 50.69 | | traffic light | 31.41 | 42.79 | | tray | 9.33 | 11.0 | | ashcan | 42.39 | 52.36 | | fan | 50.9 | 61.89 | | pier | 34.45 | 44.35 | | crt screen | 5.89 | 12.07 | | plate | 50.03 | 64.54 | | monitor | 23.68 | 28.02 | | bulletin board | 43.1 | 55.72 | | shower | 3.2 | 3.65 | | radiator | 59.09 | 66.46 | | glass | 15.86 | 17.17 | | clock | 33.59 | 36.42 | | flag | 46.37 | 55.05 | +---------------------+-------+-------+ 2023-11-10 02:10:46,614 - mmseg - INFO - Summary: 2023-11-10 02:10:46,614 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.73 | 46.01 | 57.26 | +-------+-------+-------+ 2023-11-10 02:10:46,615 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:10:46,615 - mmseg - INFO - Iter(val) [250] aAcc: 0.7973, mIoU: 0.4601, mAcc: 0.5726, IoU.wall: 0.6959, IoU.building: 0.7983, IoU.sky: 0.8997, IoU.floor: 0.7345, IoU.tree: 0.6967, IoU.ceiling: 0.7661, IoU.road: 0.7861, IoU.bed : 0.8329, IoU.windowpane: 0.5804, IoU.grass: 0.6632, IoU.cabinet: 0.5398, IoU.sidewalk: 0.5643, IoU.person: 0.7552, IoU.earth: 0.3436, IoU.door: 0.3983, IoU.table: 0.5320, IoU.mountain: 0.5452, IoU.plant: 0.5020, IoU.curtain: 0.6378, IoU.chair: 0.5298, IoU.car: 0.7883, IoU.water: 0.5568, IoU.painting: 0.6590, IoU.sofa: 0.6650, IoU.shelf: 0.3787, IoU.house: 0.4565, IoU.sea: 0.6051, IoU.mirror: 0.5821, IoU.rug: 0.4904, IoU.field: 0.3523, IoU.armchair: 0.4199, IoU.seat: 0.5616, IoU.fence: 0.3698, IoU.desk: 0.4088, IoU.rock: 0.5152, IoU.wardrobe: 0.4354, IoU.lamp: 0.5637, IoU.bathtub: 0.7299, IoU.railing: 0.3178, IoU.cushion: 0.5686, IoU.base: 0.2457, IoU.box: 0.2573, IoU.column: 0.3427, IoU.signboard: 0.3151, IoU.chest of drawers: 0.3845, IoU.counter: 0.3408, IoU.sand: 0.4406, IoU.sink: 0.6826, IoU.skyscraper: 0.4503, IoU.fireplace: 0.6325, IoU.refrigerator: 0.5702, IoU.grandstand: 0.4985, IoU.path: 0.1688, IoU.stairs: 0.2686, IoU.runway: 0.6558, IoU.case: 0.5398, IoU.pool table: 0.8538, IoU.pillow: 0.5249, IoU.screen door: 0.5528, IoU.stairway: 0.4626, IoU.river: 0.1560, IoU.bridge: 0.4373, IoU.bookcase: 0.3307, IoU.blind: 0.2173, IoU.coffee table: 0.5786, IoU.toilet: 0.7816, IoU.flower: 0.3719, IoU.book: 0.4690, IoU.hill: 0.0569, IoU.bench: 0.4698, IoU.countertop: 0.5244, IoU.stove: 0.6986, IoU.palm: 0.4898, IoU.kitchen island: 0.3746, IoU.computer: 0.6328, IoU.swivel chair: 0.4247, IoU.boat: 0.6099, IoU.bar: 0.5432, IoU.arcade machine: 0.6355, IoU.hovel: 0.3972, IoU.bus: 0.8360, IoU.towel: 0.6480, IoU.light: 0.3228, IoU.truck: 0.3714, IoU.tower: 0.1932, IoU.chandelier: 0.6222, IoU.awning: 0.2682, IoU.streetlight: 0.2226, IoU.booth: 0.3365, IoU.television receiver: 0.6682, IoU.airplane: 0.5294, IoU.dirt track: 0.1218, IoU.apparel: 0.4462, IoU.pole: 0.1488, IoU.land: 0.0222, IoU.bannister: 0.0671, IoU.escalator: 0.5348, IoU.ottoman: 0.4334, IoU.bottle: 0.4053, IoU.buffet: 0.4227, IoU.poster: 0.1940, IoU.stage: 0.1435, IoU.van: 0.3657, IoU.ship: 0.3462, IoU.fountain: 0.2135, IoU.conveyer belt: 0.6423, IoU.canopy: 0.2950, IoU.washer: 0.7487, IoU.plaything: 0.2771, IoU.swimming pool: 0.6028, IoU.stool: 0.2971, IoU.barrel: 0.2880, IoU.basket: 0.3461, IoU.waterfall: 0.4758, IoU.tent: 0.8472, IoU.bag: 0.1584, IoU.minibike: 0.6541, IoU.cradle: 0.7258, IoU.oven: 0.4629, IoU.ball: 0.5598, IoU.food: 0.5184, IoU.step: 0.0565, IoU.tank: 0.5596, IoU.trade name: 0.1653, IoU.microwave: 0.6897, IoU.pot: 0.3838, IoU.animal: 0.5730, IoU.bicycle: 0.5498, IoU.lake: 0.2193, IoU.dishwasher: 0.4981, IoU.screen: 0.4279, IoU.blanket: 0.1602, IoU.sculpture: 0.5626, IoU.hood: 0.5226, IoU.sconce: 0.3866, IoU.vase: 0.3655, IoU.traffic light: 0.3141, IoU.tray: 0.0933, IoU.ashcan: 0.4239, IoU.fan: 0.5090, IoU.pier: 0.3445, IoU.crt screen: 0.0589, IoU.plate: 0.5003, IoU.monitor: 0.2368, IoU.bulletin board: 0.4310, IoU.shower: 0.0320, IoU.radiator: 0.5909, IoU.glass: 0.1586, IoU.clock: 0.3359, IoU.flag: 0.4637, Acc.wall: 0.8570, Acc.building: 0.9152, Acc.sky: 0.9521, Acc.floor: 0.8688, Acc.tree: 0.8514, Acc.ceiling: 0.8698, Acc.road: 0.8794, Acc.bed : 0.9362, Acc.windowpane: 0.7485, Acc.grass: 0.7983, Acc.cabinet: 0.6753, Acc.sidewalk: 0.7156, Acc.person: 0.8994, Acc.earth: 0.4709, Acc.door: 0.4940, Acc.table: 0.6690, Acc.mountain: 0.6913, Acc.plant: 0.6112, Acc.curtain: 0.7565, Acc.chair: 0.6873, Acc.car: 0.9161, Acc.water: 0.7257, Acc.painting: 0.8124, Acc.sofa: 0.8256, Acc.shelf: 0.5265, Acc.house: 0.5873, Acc.sea: 0.7923, Acc.mirror: 0.6924, Acc.rug: 0.5380, Acc.field: 0.5559, Acc.armchair: 0.5706, Acc.seat: 0.7687, Acc.fence: 0.4808, Acc.desk: 0.6743, Acc.rock: 0.6858, Acc.wardrobe: 0.5871, Acc.lamp: 0.7068, Acc.bathtub: 0.8084, Acc.railing: 0.4300, Acc.cushion: 0.6995, Acc.base: 0.3482, Acc.box: 0.3198, Acc.column: 0.4144, Acc.signboard: 0.4637, Acc.chest of drawers: 0.5149, Acc.counter: 0.4319, Acc.sand: 0.6035, Acc.sink: 0.7846, Acc.skyscraper: 0.6145, Acc.fireplace: 0.8127, Acc.refrigerator: 0.6502, Acc.grandstand: 0.7857, Acc.path: 0.2257, Acc.stairs: 0.3005, Acc.runway: 0.8686, Acc.case: 0.6715, Acc.pool table: 0.9538, Acc.pillow: 0.6124, Acc.screen door: 0.6060, Acc.stairway: 0.6267, Acc.river: 0.2709, Acc.bridge: 0.5290, Acc.bookcase: 0.4750, Acc.blind: 0.2392, Acc.coffee table: 0.8056, Acc.toilet: 0.8865, Acc.flower: 0.4812, Acc.book: 0.6709, Acc.hill: 0.0955, Acc.bench: 0.5666, Acc.countertop: 0.6660, Acc.stove: 0.7778, Acc.palm: 0.6399, Acc.kitchen island: 0.5867, Acc.computer: 0.7750, Acc.swivel chair: 0.5555, Acc.boat: 0.7658, Acc.bar: 0.6509, Acc.arcade machine: 0.7258, Acc.hovel: 0.4678, Acc.bus: 0.9256, Acc.towel: 0.7660, Acc.light: 0.3603, Acc.truck: 0.5104, Acc.tower: 0.2981, Acc.chandelier: 0.7602, Acc.awning: 0.3416, Acc.streetlight: 0.2700, Acc.booth: 0.4199, Acc.television receiver: 0.7728, Acc.airplane: 0.6626, Acc.dirt track: 0.2259, Acc.apparel: 0.5836, Acc.pole: 0.1825, Acc.land: 0.0333, Acc.bannister: 0.0898, Acc.escalator: 0.6910, Acc.ottoman: 0.5242, Acc.bottle: 0.6683, Acc.buffet: 0.5000, Acc.poster: 0.2320, Acc.stage: 0.2701, Acc.van: 0.4868, Acc.ship: 0.3929, Acc.fountain: 0.2225, Acc.conveyer belt: 0.9327, Acc.canopy: 0.3500, Acc.washer: 0.8207, Acc.plaything: 0.3813, Acc.swimming pool: 0.7943, Acc.stool: 0.3786, Acc.barrel: 0.4022, Acc.basket: 0.4249, Acc.waterfall: 0.5481, Acc.tent: 0.9773, Acc.bag: 0.1797, Acc.minibike: 0.8553, Acc.cradle: 0.9288, Acc.oven: 0.5473, Acc.ball: 0.6785, Acc.food: 0.6039, Acc.step: 0.0624, Acc.tank: 0.7184, Acc.trade name: 0.1849, Acc.microwave: 0.7498, Acc.pot: 0.4318, Acc.animal: 0.6253, Acc.bicycle: 0.7748, Acc.lake: 0.2426, Acc.dishwasher: 0.5381, Acc.screen: 0.5596, Acc.blanket: 0.1866, Acc.sculpture: 0.7700, Acc.hood: 0.5590, Acc.sconce: 0.4920, Acc.vase: 0.5069, Acc.traffic light: 0.4279, Acc.tray: 0.1100, Acc.ashcan: 0.5236, Acc.fan: 0.6189, Acc.pier: 0.4435, Acc.crt screen: 0.1207, Acc.plate: 0.6454, Acc.monitor: 0.2802, Acc.bulletin board: 0.5572, Acc.shower: 0.0365, Acc.radiator: 0.6646, Acc.glass: 0.1717, Acc.clock: 0.3642, Acc.flag: 0.5505 2023-11-10 02:10:57,189 - mmseg - INFO - Iter [43050/80000] lr: 1.848e-05, eta: 2:55:28, time: 1.138, data_time: 0.934, memory: 16310, decode.loss_ce: 0.5617, decode.acc_seg: 79.0301, loss: 0.5617 2023-11-10 02:11:07,717 - mmseg - INFO - Iter [43100/80000] lr: 1.845e-05, eta: 2:55:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5314, decode.acc_seg: 80.1659, loss: 0.5314 2023-11-10 02:11:18,290 - mmseg - INFO - Iter [43150/80000] lr: 1.843e-05, eta: 2:54:54, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5279, decode.acc_seg: 80.3233, loss: 0.5279 2023-11-10 02:11:28,833 - mmseg - INFO - Iter [43200/80000] lr: 1.840e-05, eta: 2:54:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 80.5707, loss: 0.5298 2023-11-10 02:11:39,366 - mmseg - INFO - Iter [43250/80000] lr: 1.838e-05, eta: 2:54:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5254, decode.acc_seg: 80.0947, loss: 0.5254 2023-11-10 02:11:49,892 - mmseg - INFO - Iter [43300/80000] lr: 1.835e-05, eta: 2:54:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5515, decode.acc_seg: 79.2022, loss: 0.5515 2023-11-10 02:12:00,431 - mmseg - INFO - Iter [43350/80000] lr: 1.833e-05, eta: 2:53:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 79.4720, loss: 0.5364 2023-11-10 02:12:10,948 - mmseg - INFO - Iter [43400/80000] lr: 1.830e-05, eta: 2:53:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5270, decode.acc_seg: 79.7840, loss: 0.5270 2023-11-10 02:12:21,472 - mmseg - INFO - Iter [43450/80000] lr: 1.828e-05, eta: 2:53:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5306, decode.acc_seg: 79.9057, loss: 0.5306 2023-11-10 02:12:32,001 - mmseg - INFO - Iter [43500/80000] lr: 1.825e-05, eta: 2:52:52, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5779, decode.acc_seg: 77.7854, loss: 0.5779 2023-11-10 02:12:42,517 - mmseg - INFO - Iter [43550/80000] lr: 1.823e-05, eta: 2:52:35, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5636, decode.acc_seg: 78.5595, loss: 0.5636 2023-11-10 02:12:53,039 - mmseg - INFO - Iter [43600/80000] lr: 1.820e-05, eta: 2:52:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5437, decode.acc_seg: 79.5800, loss: 0.5437 2023-11-10 02:13:03,587 - mmseg - INFO - Iter [43650/80000] lr: 1.818e-05, eta: 2:52:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5313, decode.acc_seg: 80.0305, loss: 0.5313 2023-11-10 02:13:14,114 - mmseg - INFO - Iter [43700/80000] lr: 1.815e-05, eta: 2:51:43, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5585, decode.acc_seg: 78.9474, loss: 0.5585 2023-11-10 02:13:24,642 - mmseg - INFO - Iter [43750/80000] lr: 1.813e-05, eta: 2:51:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5695, decode.acc_seg: 78.7200, loss: 0.5695 2023-11-10 02:13:35,158 - mmseg - INFO - Iter [43800/80000] lr: 1.810e-05, eta: 2:51:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5532, decode.acc_seg: 79.9217, loss: 0.5532 2023-11-10 02:13:45,699 - mmseg - INFO - Iter [43850/80000] lr: 1.808e-05, eta: 2:50:51, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5341, decode.acc_seg: 79.9732, loss: 0.5341 2023-11-10 02:13:56,219 - mmseg - INFO - Iter [43900/80000] lr: 1.805e-05, eta: 2:50:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5245, decode.acc_seg: 79.9050, loss: 0.5245 2023-11-10 02:14:06,738 - mmseg - INFO - Iter [43950/80000] lr: 1.803e-05, eta: 2:50:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5428, decode.acc_seg: 80.2876, loss: 0.5428 2023-11-10 02:14:17,249 - mmseg - INFO - Saving checkpoint at 44000 iterations 2023-11-10 02:14:40,861 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:14:40,861 - mmseg - INFO - Iter [44000/80000] lr: 1.800e-05, eta: 2:50:19, time: 0.682, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5258, decode.acc_seg: 80.1060, loss: 0.5258 2023-11-10 02:15:26,623 - mmseg - INFO - per class results: 2023-11-10 02:15:26,628 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.03 | 83.71 | | building | 79.49 | 92.06 | | sky | 89.72 | 95.34 | | floor | 73.49 | 87.93 | | tree | 69.39 | 85.74 | | ceiling | 76.79 | 87.84 | | road | 78.25 | 88.85 | | bed | 83.49 | 93.38 | | windowpane | 58.13 | 75.32 | | grass | 65.96 | 81.1 | | cabinet | 54.05 | 66.31 | | sidewalk | 56.04 | 72.11 | | person | 75.26 | 90.19 | | earth | 34.3 | 47.92 | | door | 39.57 | 48.7 | | table | 53.43 | 67.09 | | mountain | 54.61 | 68.95 | | plant | 49.79 | 60.22 | | curtain | 64.23 | 76.32 | | chair | 53.09 | 69.47 | | car | 78.77 | 91.04 | | water | 55.96 | 72.22 | | painting | 66.02 | 81.43 | | sofa | 65.84 | 84.02 | | shelf | 37.83 | 53.02 | | house | 46.1 | 61.62 | | sea | 60.37 | 77.65 | | mirror | 58.2 | 69.66 | | rug | 49.25 | 54.09 | | field | 35.03 | 56.49 | | armchair | 41.41 | 54.62 | | seat | 56.36 | 76.2 | | fence | 37.66 | 48.22 | | desk | 41.27 | 66.98 | | rock | 51.52 | 68.93 | | wardrobe | 44.32 | 61.25 | | lamp | 56.54 | 71.79 | | bathtub | 72.69 | 80.85 | | railing | 33.0 | 45.43 | | cushion | 57.06 | 70.38 | | base | 25.83 | 39.79 | | box | 25.42 | 31.81 | | column | 36.35 | 45.66 | | signboard | 31.04 | 44.65 | | chest of drawers | 38.37 | 50.0 | | counter | 33.52 | 42.18 | | sand | 43.53 | 58.74 | | sink | 68.18 | 77.58 | | skyscraper | 45.46 | 60.57 | | fireplace | 63.58 | 81.43 | | refrigerator | 57.08 | 65.25 | | grandstand | 49.38 | 80.14 | | path | 17.75 | 24.49 | | stairs | 26.4 | 29.33 | | runway | 65.21 | 86.08 | | case | 54.09 | 69.08 | | pool table | 84.76 | 95.63 | | pillow | 51.56 | 59.45 | | screen door | 50.62 | 54.43 | | stairway | 47.1 | 63.82 | | river | 15.84 | 29.02 | | bridge | 42.85 | 51.5 | | bookcase | 32.44 | 45.64 | | blind | 22.43 | 24.79 | | coffee table | 57.64 | 80.56 | | toilet | 78.52 | 88.12 | | flower | 38.6 | 54.41 | | book | 46.56 | 71.2 | | hill | 5.49 | 8.67 | | bench | 47.91 | 59.26 | | countertop | 52.18 | 65.59 | | stove | 70.29 | 80.07 | | palm | 46.48 | 55.13 | | kitchen island | 38.62 | 63.62 | | computer | 63.13 | 79.61 | | swivel chair | 42.8 | 56.16 | | boat | 59.38 | 76.29 | | bar | 54.12 | 66.59 | | arcade machine | 64.35 | 73.32 | | hovel | 33.35 | 37.79 | | bus | 83.73 | 92.02 | | towel | 65.31 | 78.91 | | light | 35.07 | 40.39 | | truck | 36.77 | 49.08 | | tower | 20.51 | 31.9 | | chandelier | 62.29 | 76.64 | | awning | 26.19 | 32.92 | | streetlight | 21.17 | 25.0 | | booth | 33.55 | 41.87 | | television receiver | 66.87 | 76.06 | | airplane | 53.24 | 66.05 | | dirt track | 10.42 | 16.26 | | apparel | 45.52 | 58.6 | | pole | 13.36 | 16.02 | | land | 1.7 | 2.38 | | bannister | 7.81 | 10.64 | | escalator | 53.15 | 68.51 | | ottoman | 43.98 | 53.54 | | bottle | 40.39 | 64.57 | | buffet | 41.42 | 48.58 | | poster | 21.27 | 27.06 | | stage | 15.01 | 31.54 | | van | 35.38 | 46.25 | | ship | 33.67 | 38.06 | | fountain | 20.83 | 21.57 | | conveyer belt | 64.38 | 92.97 | | canopy | 31.61 | 39.57 | | washer | 74.29 | 81.32 | | plaything | 27.11 | 38.06 | | swimming pool | 59.74 | 82.8 | | stool | 29.8 | 37.5 | | barrel | 28.61 | 38.43 | | basket | 35.05 | 43.18 | | waterfall | 46.93 | 52.96 | | tent | 86.25 | 97.14 | | bag | 16.05 | 18.43 | | minibike | 66.06 | 80.55 | | cradle | 70.83 | 93.95 | | oven | 48.33 | 57.94 | | ball | 56.11 | 70.63 | | food | 53.75 | 63.67 | | step | 5.52 | 6.07 | | tank | 56.27 | 74.63 | | trade name | 15.54 | 17.23 | | microwave | 68.65 | 74.2 | | pot | 39.76 | 45.32 | | animal | 58.66 | 63.86 | | bicycle | 53.89 | 74.65 | | lake | 23.32 | 26.28 | | dishwasher | 50.39 | 54.79 | | screen | 42.73 | 56.05 | | blanket | 14.26 | 16.2 | | sculpture | 55.84 | 78.1 | | hood | 53.87 | 58.15 | | sconce | 39.68 | 52.12 | | vase | 36.62 | 52.46 | | traffic light | 30.95 | 41.87 | | tray | 10.91 | 13.33 | | ashcan | 41.08 | 48.24 | | fan | 51.74 | 64.44 | | pier | 34.9 | 42.8 | | crt screen | 6.0 | 13.73 | | plate | 50.58 | 67.99 | | monitor | 21.88 | 24.48 | | bulletin board | 44.39 | 58.3 | | shower | 3.13 | 5.06 | | radiator | 58.35 | 65.36 | | glass | 16.87 | 18.57 | | clock | 34.72 | 37.35 | | flag | 46.77 | 54.95 | +---------------------+-------+-------+ 2023-11-10 02:15:26,629 - mmseg - INFO - Summary: 2023-11-10 02:15:26,629 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.72 | 46.02 | 57.48 | +-------+-------+-------+ 2023-11-10 02:15:26,629 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:15:26,630 - mmseg - INFO - Iter(val) [250] aAcc: 0.7972, mIoU: 0.4602, mAcc: 0.5748, IoU.wall: 0.7003, IoU.building: 0.7949, IoU.sky: 0.8972, IoU.floor: 0.7349, IoU.tree: 0.6939, IoU.ceiling: 0.7679, IoU.road: 0.7825, IoU.bed : 0.8349, IoU.windowpane: 0.5813, IoU.grass: 0.6596, IoU.cabinet: 0.5405, IoU.sidewalk: 0.5604, IoU.person: 0.7526, IoU.earth: 0.3430, IoU.door: 0.3957, IoU.table: 0.5343, IoU.mountain: 0.5461, IoU.plant: 0.4979, IoU.curtain: 0.6423, IoU.chair: 0.5309, IoU.car: 0.7877, IoU.water: 0.5596, IoU.painting: 0.6602, IoU.sofa: 0.6584, IoU.shelf: 0.3783, IoU.house: 0.4610, IoU.sea: 0.6037, IoU.mirror: 0.5820, IoU.rug: 0.4925, IoU.field: 0.3503, IoU.armchair: 0.4141, IoU.seat: 0.5636, IoU.fence: 0.3766, IoU.desk: 0.4127, IoU.rock: 0.5152, IoU.wardrobe: 0.4432, IoU.lamp: 0.5654, IoU.bathtub: 0.7269, IoU.railing: 0.3300, IoU.cushion: 0.5706, IoU.base: 0.2583, IoU.box: 0.2542, IoU.column: 0.3635, IoU.signboard: 0.3104, IoU.chest of drawers: 0.3837, IoU.counter: 0.3352, IoU.sand: 0.4353, IoU.sink: 0.6818, IoU.skyscraper: 0.4546, IoU.fireplace: 0.6358, IoU.refrigerator: 0.5708, IoU.grandstand: 0.4938, IoU.path: 0.1775, IoU.stairs: 0.2640, IoU.runway: 0.6521, IoU.case: 0.5409, IoU.pool table: 0.8476, IoU.pillow: 0.5156, IoU.screen door: 0.5062, IoU.stairway: 0.4710, IoU.river: 0.1584, IoU.bridge: 0.4285, IoU.bookcase: 0.3244, IoU.blind: 0.2243, IoU.coffee table: 0.5764, IoU.toilet: 0.7852, IoU.flower: 0.3860, IoU.book: 0.4656, IoU.hill: 0.0549, IoU.bench: 0.4791, IoU.countertop: 0.5218, IoU.stove: 0.7029, IoU.palm: 0.4648, IoU.kitchen island: 0.3862, IoU.computer: 0.6313, IoU.swivel chair: 0.4280, IoU.boat: 0.5938, IoU.bar: 0.5412, IoU.arcade machine: 0.6435, IoU.hovel: 0.3335, IoU.bus: 0.8373, IoU.towel: 0.6531, IoU.light: 0.3507, IoU.truck: 0.3677, IoU.tower: 0.2051, IoU.chandelier: 0.6229, IoU.awning: 0.2619, IoU.streetlight: 0.2117, IoU.booth: 0.3355, IoU.television receiver: 0.6687, IoU.airplane: 0.5324, IoU.dirt track: 0.1042, IoU.apparel: 0.4552, IoU.pole: 0.1336, IoU.land: 0.0170, IoU.bannister: 0.0781, IoU.escalator: 0.5315, IoU.ottoman: 0.4398, IoU.bottle: 0.4039, IoU.buffet: 0.4142, IoU.poster: 0.2127, IoU.stage: 0.1501, IoU.van: 0.3538, IoU.ship: 0.3367, IoU.fountain: 0.2083, IoU.conveyer belt: 0.6438, IoU.canopy: 0.3161, IoU.washer: 0.7429, IoU.plaything: 0.2711, IoU.swimming pool: 0.5974, IoU.stool: 0.2980, IoU.barrel: 0.2861, IoU.basket: 0.3505, IoU.waterfall: 0.4693, IoU.tent: 0.8625, IoU.bag: 0.1605, IoU.minibike: 0.6606, IoU.cradle: 0.7083, IoU.oven: 0.4833, IoU.ball: 0.5611, IoU.food: 0.5375, IoU.step: 0.0552, IoU.tank: 0.5627, IoU.trade name: 0.1554, IoU.microwave: 0.6865, IoU.pot: 0.3976, IoU.animal: 0.5866, IoU.bicycle: 0.5389, IoU.lake: 0.2332, IoU.dishwasher: 0.5039, IoU.screen: 0.4273, IoU.blanket: 0.1426, IoU.sculpture: 0.5584, IoU.hood: 0.5387, IoU.sconce: 0.3968, IoU.vase: 0.3662, IoU.traffic light: 0.3095, IoU.tray: 0.1091, IoU.ashcan: 0.4108, IoU.fan: 0.5174, IoU.pier: 0.3490, IoU.crt screen: 0.0600, IoU.plate: 0.5058, IoU.monitor: 0.2188, IoU.bulletin board: 0.4439, IoU.shower: 0.0313, IoU.radiator: 0.5835, IoU.glass: 0.1687, IoU.clock: 0.3472, IoU.flag: 0.4677, Acc.wall: 0.8371, Acc.building: 0.9206, Acc.sky: 0.9534, Acc.floor: 0.8793, Acc.tree: 0.8574, Acc.ceiling: 0.8784, Acc.road: 0.8885, Acc.bed : 0.9338, Acc.windowpane: 0.7532, Acc.grass: 0.8110, Acc.cabinet: 0.6631, Acc.sidewalk: 0.7211, Acc.person: 0.9019, Acc.earth: 0.4792, Acc.door: 0.4870, Acc.table: 0.6709, Acc.mountain: 0.6895, Acc.plant: 0.6022, Acc.curtain: 0.7632, Acc.chair: 0.6947, Acc.car: 0.9104, Acc.water: 0.7222, Acc.painting: 0.8143, Acc.sofa: 0.8402, Acc.shelf: 0.5302, Acc.house: 0.6162, Acc.sea: 0.7765, Acc.mirror: 0.6966, Acc.rug: 0.5409, Acc.field: 0.5649, Acc.armchair: 0.5462, Acc.seat: 0.7620, Acc.fence: 0.4822, Acc.desk: 0.6698, Acc.rock: 0.6893, Acc.wardrobe: 0.6125, Acc.lamp: 0.7179, Acc.bathtub: 0.8085, Acc.railing: 0.4543, Acc.cushion: 0.7038, Acc.base: 0.3979, Acc.box: 0.3181, Acc.column: 0.4566, Acc.signboard: 0.4465, Acc.chest of drawers: 0.5000, Acc.counter: 0.4218, Acc.sand: 0.5874, Acc.sink: 0.7758, Acc.skyscraper: 0.6057, Acc.fireplace: 0.8143, Acc.refrigerator: 0.6525, Acc.grandstand: 0.8014, Acc.path: 0.2449, Acc.stairs: 0.2933, Acc.runway: 0.8608, Acc.case: 0.6908, Acc.pool table: 0.9563, Acc.pillow: 0.5945, Acc.screen door: 0.5443, Acc.stairway: 0.6382, Acc.river: 0.2902, Acc.bridge: 0.5150, Acc.bookcase: 0.4564, Acc.blind: 0.2479, Acc.coffee table: 0.8056, Acc.toilet: 0.8812, Acc.flower: 0.5441, Acc.book: 0.7120, Acc.hill: 0.0867, Acc.bench: 0.5926, Acc.countertop: 0.6559, Acc.stove: 0.8007, Acc.palm: 0.5513, Acc.kitchen island: 0.6362, Acc.computer: 0.7961, Acc.swivel chair: 0.5616, Acc.boat: 0.7629, Acc.bar: 0.6659, Acc.arcade machine: 0.7332, Acc.hovel: 0.3779, Acc.bus: 0.9202, Acc.towel: 0.7891, Acc.light: 0.4039, Acc.truck: 0.4908, Acc.tower: 0.3190, Acc.chandelier: 0.7664, Acc.awning: 0.3292, Acc.streetlight: 0.2500, Acc.booth: 0.4187, Acc.television receiver: 0.7606, Acc.airplane: 0.6605, Acc.dirt track: 0.1626, Acc.apparel: 0.5860, Acc.pole: 0.1602, Acc.land: 0.0238, Acc.bannister: 0.1064, Acc.escalator: 0.6851, Acc.ottoman: 0.5354, Acc.bottle: 0.6457, Acc.buffet: 0.4858, Acc.poster: 0.2706, Acc.stage: 0.3154, Acc.van: 0.4625, Acc.ship: 0.3806, Acc.fountain: 0.2157, Acc.conveyer belt: 0.9297, Acc.canopy: 0.3957, Acc.washer: 0.8132, Acc.plaything: 0.3806, Acc.swimming pool: 0.8280, Acc.stool: 0.3750, Acc.barrel: 0.3843, Acc.basket: 0.4318, Acc.waterfall: 0.5296, Acc.tent: 0.9714, Acc.bag: 0.1843, Acc.minibike: 0.8055, Acc.cradle: 0.9395, Acc.oven: 0.5794, Acc.ball: 0.7063, Acc.food: 0.6367, Acc.step: 0.0607, Acc.tank: 0.7463, Acc.trade name: 0.1723, Acc.microwave: 0.7420, Acc.pot: 0.4532, Acc.animal: 0.6386, Acc.bicycle: 0.7465, Acc.lake: 0.2628, Acc.dishwasher: 0.5479, Acc.screen: 0.5605, Acc.blanket: 0.1620, Acc.sculpture: 0.7810, Acc.hood: 0.5815, Acc.sconce: 0.5212, Acc.vase: 0.5246, Acc.traffic light: 0.4187, Acc.tray: 0.1333, Acc.ashcan: 0.4824, Acc.fan: 0.6444, Acc.pier: 0.4280, Acc.crt screen: 0.1373, Acc.plate: 0.6799, Acc.monitor: 0.2448, Acc.bulletin board: 0.5830, Acc.shower: 0.0506, Acc.radiator: 0.6536, Acc.glass: 0.1857, Acc.clock: 0.3735, Acc.flag: 0.5495 2023-11-10 02:15:37,205 - mmseg - INFO - Iter [44050/80000] lr: 1.798e-05, eta: 2:50:39, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5374, decode.acc_seg: 79.7794, loss: 0.5374 2023-11-10 02:15:47,794 - mmseg - INFO - Iter [44100/80000] lr: 1.795e-05, eta: 2:50:22, time: 0.212, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5199, decode.acc_seg: 80.7839, loss: 0.5199 2023-11-10 02:15:58,355 - mmseg - INFO - Iter [44150/80000] lr: 1.793e-05, eta: 2:50:05, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5563, decode.acc_seg: 79.5957, loss: 0.5563 2023-11-10 02:16:08,914 - mmseg - INFO - Iter [44200/80000] lr: 1.790e-05, eta: 2:49:48, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5676, decode.acc_seg: 79.0417, loss: 0.5676 2023-11-10 02:16:21,777 - mmseg - INFO - Iter [44250/80000] lr: 1.788e-05, eta: 2:49:32, time: 0.257, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5416, decode.acc_seg: 79.4261, loss: 0.5416 2023-11-10 02:16:32,316 - mmseg - INFO - Iter [44300/80000] lr: 1.785e-05, eta: 2:49:15, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5312, decode.acc_seg: 80.2708, loss: 0.5312 2023-11-10 02:16:42,850 - mmseg - INFO - Iter [44350/80000] lr: 1.783e-05, eta: 2:48:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5343, decode.acc_seg: 79.4761, loss: 0.5343 2023-11-10 02:16:53,388 - mmseg - INFO - Iter [44400/80000] lr: 1.780e-05, eta: 2:48:41, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5410, decode.acc_seg: 79.6776, loss: 0.5410 2023-11-10 02:17:03,940 - mmseg - INFO - Iter [44450/80000] lr: 1.778e-05, eta: 2:48:24, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5511, decode.acc_seg: 79.2615, loss: 0.5511 2023-11-10 02:17:14,490 - mmseg - INFO - Iter [44500/80000] lr: 1.775e-05, eta: 2:48:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5491, decode.acc_seg: 79.8877, loss: 0.5491 2023-11-10 02:17:25,013 - mmseg - INFO - Iter [44550/80000] lr: 1.773e-05, eta: 2:47:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5463, decode.acc_seg: 79.7899, loss: 0.5463 2023-11-10 02:17:35,536 - mmseg - INFO - Iter [44600/80000] lr: 1.770e-05, eta: 2:47:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5383, decode.acc_seg: 79.6678, loss: 0.5383 2023-11-10 02:17:46,062 - mmseg - INFO - Iter [44650/80000] lr: 1.768e-05, eta: 2:47:15, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5376, decode.acc_seg: 80.0298, loss: 0.5376 2023-11-10 02:17:56,581 - mmseg - INFO - Iter [44700/80000] lr: 1.765e-05, eta: 2:46:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 80.4851, loss: 0.5364 2023-11-10 02:18:07,095 - mmseg - INFO - Iter [44750/80000] lr: 1.763e-05, eta: 2:46:41, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5509, decode.acc_seg: 79.2636, loss: 0.5509 2023-11-10 02:18:17,620 - mmseg - INFO - Iter [44800/80000] lr: 1.760e-05, eta: 2:46:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5535, decode.acc_seg: 79.4724, loss: 0.5535 2023-11-10 02:18:28,143 - mmseg - INFO - Iter [44850/80000] lr: 1.758e-05, eta: 2:46:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5259, decode.acc_seg: 79.9322, loss: 0.5259 2023-11-10 02:18:38,691 - mmseg - INFO - Iter [44900/80000] lr: 1.755e-05, eta: 2:45:50, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5422, decode.acc_seg: 79.4974, loss: 0.5422 2023-11-10 02:18:49,208 - mmseg - INFO - Iter [44950/80000] lr: 1.753e-05, eta: 2:45:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5445, decode.acc_seg: 79.2497, loss: 0.5445 2023-11-10 02:18:59,718 - mmseg - INFO - Saving checkpoint at 45000 iterations 2023-11-10 02:19:24,064 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:19:24,064 - mmseg - INFO - Iter [45000/80000] lr: 1.750e-05, eta: 2:45:35, time: 0.697, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5410, decode.acc_seg: 79.7120, loss: 0.5410 2023-11-10 02:20:10,110 - mmseg - INFO - per class results: 2023-11-10 02:20:10,115 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.76 | 85.03 | | building | 79.38 | 92.49 | | sky | 89.77 | 95.51 | | floor | 73.84 | 86.53 | | tree | 69.4 | 83.27 | | ceiling | 76.72 | 87.32 | | road | 78.48 | 88.24 | | bed | 83.43 | 93.54 | | windowpane | 58.21 | 76.16 | | grass | 66.1 | 79.27 | | cabinet | 53.83 | 67.64 | | sidewalk | 56.39 | 72.46 | | person | 75.61 | 89.65 | | earth | 35.25 | 49.41 | | door | 39.53 | 48.7 | | table | 53.25 | 67.26 | | mountain | 54.65 | 68.78 | | plant | 49.96 | 60.05 | | curtain | 64.22 | 75.55 | | chair | 52.85 | 67.83 | | car | 78.97 | 91.36 | | water | 55.84 | 73.55 | | painting | 66.23 | 81.23 | | sofa | 66.34 | 82.61 | | shelf | 37.13 | 50.41 | | house | 44.6 | 57.5 | | sea | 60.21 | 78.36 | | mirror | 58.11 | 69.63 | | rug | 50.77 | 56.27 | | field | 34.7 | 55.66 | | armchair | 41.79 | 56.89 | | seat | 56.59 | 76.41 | | fence | 37.04 | 47.04 | | desk | 40.92 | 66.99 | | rock | 51.83 | 70.3 | | wardrobe | 44.01 | 60.96 | | lamp | 56.26 | 71.75 | | bathtub | 73.28 | 82.87 | | railing | 32.44 | 44.01 | | cushion | 56.63 | 68.22 | | base | 24.1 | 34.22 | | box | 25.55 | 32.22 | | column | 35.7 | 44.39 | | signboard | 31.35 | 45.58 | | chest of drawers | 38.77 | 52.49 | | counter | 33.31 | 41.55 | | sand | 43.7 | 59.05 | | sink | 68.34 | 78.66 | | skyscraper | 45.1 | 61.81 | | fireplace | 63.27 | 80.48 | | refrigerator | 56.4 | 63.65 | | grandstand | 50.29 | 79.35 | | path | 16.92 | 22.48 | | stairs | 26.61 | 29.52 | | runway | 65.4 | 85.66 | | case | 54.21 | 65.65 | | pool table | 84.53 | 95.98 | | pillow | 54.1 | 65.0 | | screen door | 55.35 | 62.24 | | stairway | 47.58 | 63.24 | | river | 15.28 | 25.79 | | bridge | 42.62 | 51.93 | | bookcase | 32.99 | 49.67 | | blind | 24.96 | 27.72 | | coffee table | 58.21 | 79.0 | | toilet | 78.28 | 88.84 | | flower | 37.95 | 52.63 | | book | 46.61 | 66.45 | | hill | 5.3 | 8.31 | | bench | 48.01 | 58.51 | | countertop | 52.76 | 68.33 | | stove | 69.95 | 78.28 | | palm | 49.05 | 63.74 | | kitchen island | 37.8 | 59.69 | | computer | 62.98 | 80.5 | | swivel chair | 42.99 | 58.65 | | boat | 59.66 | 77.08 | | bar | 53.11 | 62.3 | | arcade machine | 64.31 | 73.57 | | hovel | 34.85 | 39.5 | | bus | 83.8 | 91.39 | | towel | 65.0 | 78.08 | | light | 35.01 | 40.54 | | truck | 36.85 | 51.1 | | tower | 20.62 | 32.08 | | chandelier | 62.2 | 80.08 | | awning | 25.88 | 32.55 | | streetlight | 21.42 | 25.41 | | booth | 33.37 | 41.56 | | television receiver | 66.47 | 74.58 | | airplane | 53.64 | 65.79 | | dirt track | 11.9 | 18.65 | | apparel | 44.4 | 56.41 | | pole | 13.34 | 16.16 | | land | 1.71 | 2.45 | | bannister | 6.46 | 8.37 | | escalator | 54.3 | 71.05 | | ottoman | 43.98 | 54.04 | | bottle | 40.64 | 65.88 | | buffet | 39.85 | 45.83 | | poster | 20.39 | 25.18 | | stage | 14.78 | 28.44 | | van | 38.11 | 50.79 | | ship | 28.29 | 31.33 | | fountain | 22.07 | 22.92 | | conveyer belt | 65.1 | 93.0 | | canopy | 30.64 | 36.91 | | washer | 75.04 | 82.44 | | plaything | 26.79 | 37.23 | | swimming pool | 59.84 | 84.29 | | stool | 30.02 | 38.07 | | barrel | 29.08 | 40.19 | | basket | 35.34 | 44.77 | | waterfall | 45.26 | 50.59 | | tent | 84.89 | 97.95 | | bag | 16.28 | 18.66 | | minibike | 66.14 | 83.57 | | cradle | 72.03 | 93.6 | | oven | 47.95 | 57.28 | | ball | 56.42 | 68.09 | | food | 55.04 | 65.97 | | step | 5.52 | 6.06 | | tank | 56.5 | 73.9 | | trade name | 17.85 | 20.24 | | microwave | 67.86 | 73.27 | | pot | 39.73 | 45.31 | | animal | 58.84 | 64.54 | | bicycle | 54.79 | 79.38 | | lake | 20.88 | 22.88 | | dishwasher | 48.27 | 51.43 | | screen | 42.54 | 55.57 | | blanket | 16.48 | 19.28 | | sculpture | 56.59 | 76.86 | | hood | 54.03 | 58.35 | | sconce | 37.44 | 46.74 | | vase | 37.02 | 51.03 | | traffic light | 30.99 | 45.06 | | tray | 10.66 | 12.9 | | ashcan | 42.12 | 51.34 | | fan | 51.39 | 63.18 | | pier | 34.85 | 43.12 | | crt screen | 5.14 | 10.72 | | plate | 50.14 | 67.06 | | monitor | 20.83 | 23.38 | | bulletin board | 43.2 | 54.0 | | shower | 3.71 | 4.35 | | radiator | 59.06 | 68.32 | | glass | 16.85 | 18.57 | | clock | 34.47 | 37.34 | | flag | 44.79 | 51.58 | +---------------------+-------+-------+ 2023-11-10 02:20:10,115 - mmseg - INFO - Summary: 2023-11-10 02:20:10,115 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 79.75 | 46.04 | 57.4 | +-------+-------+------+ 2023-11-10 02:20:10,116 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:20:10,116 - mmseg - INFO - Iter(val) [250] aAcc: 0.7975, mIoU: 0.4604, mAcc: 0.5740, IoU.wall: 0.6976, IoU.building: 0.7938, IoU.sky: 0.8977, IoU.floor: 0.7384, IoU.tree: 0.6940, IoU.ceiling: 0.7672, IoU.road: 0.7848, IoU.bed : 0.8343, IoU.windowpane: 0.5821, IoU.grass: 0.6610, IoU.cabinet: 0.5383, IoU.sidewalk: 0.5639, IoU.person: 0.7561, IoU.earth: 0.3525, IoU.door: 0.3953, IoU.table: 0.5325, IoU.mountain: 0.5465, IoU.plant: 0.4996, IoU.curtain: 0.6422, IoU.chair: 0.5285, IoU.car: 0.7897, IoU.water: 0.5584, IoU.painting: 0.6623, IoU.sofa: 0.6634, IoU.shelf: 0.3713, IoU.house: 0.4460, IoU.sea: 0.6021, IoU.mirror: 0.5811, IoU.rug: 0.5077, IoU.field: 0.3470, IoU.armchair: 0.4179, IoU.seat: 0.5659, IoU.fence: 0.3704, IoU.desk: 0.4092, IoU.rock: 0.5183, IoU.wardrobe: 0.4401, IoU.lamp: 0.5626, IoU.bathtub: 0.7328, IoU.railing: 0.3244, IoU.cushion: 0.5663, IoU.base: 0.2410, IoU.box: 0.2555, IoU.column: 0.3570, IoU.signboard: 0.3135, IoU.chest of drawers: 0.3877, IoU.counter: 0.3331, IoU.sand: 0.4370, IoU.sink: 0.6834, IoU.skyscraper: 0.4510, IoU.fireplace: 0.6327, IoU.refrigerator: 0.5640, IoU.grandstand: 0.5029, IoU.path: 0.1692, IoU.stairs: 0.2661, IoU.runway: 0.6540, IoU.case: 0.5421, IoU.pool table: 0.8453, IoU.pillow: 0.5410, IoU.screen door: 0.5535, IoU.stairway: 0.4758, IoU.river: 0.1528, IoU.bridge: 0.4262, IoU.bookcase: 0.3299, IoU.blind: 0.2496, IoU.coffee table: 0.5821, IoU.toilet: 0.7828, IoU.flower: 0.3795, IoU.book: 0.4661, IoU.hill: 0.0530, IoU.bench: 0.4801, IoU.countertop: 0.5276, IoU.stove: 0.6995, IoU.palm: 0.4905, IoU.kitchen island: 0.3780, IoU.computer: 0.6298, IoU.swivel chair: 0.4299, IoU.boat: 0.5966, IoU.bar: 0.5311, IoU.arcade machine: 0.6431, IoU.hovel: 0.3485, IoU.bus: 0.8380, IoU.towel: 0.6500, IoU.light: 0.3501, IoU.truck: 0.3685, IoU.tower: 0.2062, IoU.chandelier: 0.6220, IoU.awning: 0.2588, IoU.streetlight: 0.2142, IoU.booth: 0.3337, IoU.television receiver: 0.6647, IoU.airplane: 0.5364, IoU.dirt track: 0.1190, IoU.apparel: 0.4440, IoU.pole: 0.1334, IoU.land: 0.0171, IoU.bannister: 0.0646, IoU.escalator: 0.5430, IoU.ottoman: 0.4398, IoU.bottle: 0.4064, IoU.buffet: 0.3985, IoU.poster: 0.2039, IoU.stage: 0.1478, IoU.van: 0.3811, IoU.ship: 0.2829, IoU.fountain: 0.2207, IoU.conveyer belt: 0.6510, IoU.canopy: 0.3064, IoU.washer: 0.7504, IoU.plaything: 0.2679, IoU.swimming pool: 0.5984, IoU.stool: 0.3002, IoU.barrel: 0.2908, IoU.basket: 0.3534, IoU.waterfall: 0.4526, IoU.tent: 0.8489, IoU.bag: 0.1628, IoU.minibike: 0.6614, IoU.cradle: 0.7203, IoU.oven: 0.4795, IoU.ball: 0.5642, IoU.food: 0.5504, IoU.step: 0.0552, IoU.tank: 0.5650, IoU.trade name: 0.1785, IoU.microwave: 0.6786, IoU.pot: 0.3973, IoU.animal: 0.5884, IoU.bicycle: 0.5479, IoU.lake: 0.2088, IoU.dishwasher: 0.4827, IoU.screen: 0.4254, IoU.blanket: 0.1648, IoU.sculpture: 0.5659, IoU.hood: 0.5403, IoU.sconce: 0.3744, IoU.vase: 0.3702, IoU.traffic light: 0.3099, IoU.tray: 0.1066, IoU.ashcan: 0.4212, IoU.fan: 0.5139, IoU.pier: 0.3485, IoU.crt screen: 0.0514, IoU.plate: 0.5014, IoU.monitor: 0.2083, IoU.bulletin board: 0.4320, IoU.shower: 0.0371, IoU.radiator: 0.5906, IoU.glass: 0.1685, IoU.clock: 0.3447, IoU.flag: 0.4479, Acc.wall: 0.8503, Acc.building: 0.9249, Acc.sky: 0.9551, Acc.floor: 0.8653, Acc.tree: 0.8327, Acc.ceiling: 0.8732, Acc.road: 0.8824, Acc.bed : 0.9354, Acc.windowpane: 0.7616, Acc.grass: 0.7927, Acc.cabinet: 0.6764, Acc.sidewalk: 0.7246, Acc.person: 0.8965, Acc.earth: 0.4941, Acc.door: 0.4870, Acc.table: 0.6726, Acc.mountain: 0.6878, Acc.plant: 0.6005, Acc.curtain: 0.7555, Acc.chair: 0.6783, Acc.car: 0.9136, Acc.water: 0.7355, Acc.painting: 0.8123, Acc.sofa: 0.8261, Acc.shelf: 0.5041, Acc.house: 0.5750, Acc.sea: 0.7836, Acc.mirror: 0.6963, Acc.rug: 0.5627, Acc.field: 0.5566, Acc.armchair: 0.5689, Acc.seat: 0.7641, Acc.fence: 0.4704, Acc.desk: 0.6699, Acc.rock: 0.7030, Acc.wardrobe: 0.6096, Acc.lamp: 0.7175, Acc.bathtub: 0.8287, Acc.railing: 0.4401, Acc.cushion: 0.6822, Acc.base: 0.3422, Acc.box: 0.3222, Acc.column: 0.4439, Acc.signboard: 0.4558, Acc.chest of drawers: 0.5249, Acc.counter: 0.4155, Acc.sand: 0.5905, Acc.sink: 0.7866, Acc.skyscraper: 0.6181, Acc.fireplace: 0.8048, Acc.refrigerator: 0.6365, Acc.grandstand: 0.7935, Acc.path: 0.2248, Acc.stairs: 0.2952, Acc.runway: 0.8566, Acc.case: 0.6565, Acc.pool table: 0.9598, Acc.pillow: 0.6500, Acc.screen door: 0.6224, Acc.stairway: 0.6324, Acc.river: 0.2579, Acc.bridge: 0.5193, Acc.bookcase: 0.4967, Acc.blind: 0.2772, Acc.coffee table: 0.7900, Acc.toilet: 0.8884, Acc.flower: 0.5263, Acc.book: 0.6645, Acc.hill: 0.0831, Acc.bench: 0.5851, Acc.countertop: 0.6833, Acc.stove: 0.7828, Acc.palm: 0.6374, Acc.kitchen island: 0.5969, Acc.computer: 0.8050, Acc.swivel chair: 0.5865, Acc.boat: 0.7708, Acc.bar: 0.6230, Acc.arcade machine: 0.7357, Acc.hovel: 0.3950, Acc.bus: 0.9139, Acc.towel: 0.7808, Acc.light: 0.4054, Acc.truck: 0.5110, Acc.tower: 0.3208, Acc.chandelier: 0.8008, Acc.awning: 0.3255, Acc.streetlight: 0.2541, Acc.booth: 0.4156, Acc.television receiver: 0.7458, Acc.airplane: 0.6579, Acc.dirt track: 0.1865, Acc.apparel: 0.5641, Acc.pole: 0.1616, Acc.land: 0.0245, Acc.bannister: 0.0837, Acc.escalator: 0.7105, Acc.ottoman: 0.5404, Acc.bottle: 0.6588, Acc.buffet: 0.4583, Acc.poster: 0.2518, Acc.stage: 0.2844, Acc.van: 0.5079, Acc.ship: 0.3133, Acc.fountain: 0.2292, Acc.conveyer belt: 0.9300, Acc.canopy: 0.3691, Acc.washer: 0.8244, Acc.plaything: 0.3723, Acc.swimming pool: 0.8429, Acc.stool: 0.3807, Acc.barrel: 0.4019, Acc.basket: 0.4477, Acc.waterfall: 0.5059, Acc.tent: 0.9795, Acc.bag: 0.1866, Acc.minibike: 0.8357, Acc.cradle: 0.9360, Acc.oven: 0.5728, Acc.ball: 0.6809, Acc.food: 0.6597, Acc.step: 0.0606, Acc.tank: 0.7390, Acc.trade name: 0.2024, Acc.microwave: 0.7327, Acc.pot: 0.4531, Acc.animal: 0.6454, Acc.bicycle: 0.7938, Acc.lake: 0.2288, Acc.dishwasher: 0.5143, Acc.screen: 0.5557, Acc.blanket: 0.1928, Acc.sculpture: 0.7686, Acc.hood: 0.5835, Acc.sconce: 0.4674, Acc.vase: 0.5103, Acc.traffic light: 0.4506, Acc.tray: 0.1290, Acc.ashcan: 0.5134, Acc.fan: 0.6318, Acc.pier: 0.4312, Acc.crt screen: 0.1072, Acc.plate: 0.6706, Acc.monitor: 0.2338, Acc.bulletin board: 0.5400, Acc.shower: 0.0435, Acc.radiator: 0.6832, Acc.glass: 0.1857, Acc.clock: 0.3734, Acc.flag: 0.5158 2023-11-10 02:20:20,683 - mmseg - INFO - Iter [45050/80000] lr: 1.748e-05, eta: 2:45:53, time: 1.132, data_time: 0.927, memory: 16310, decode.loss_ce: 0.5559, decode.acc_seg: 79.4570, loss: 0.5559 2023-11-10 02:20:31,283 - mmseg - INFO - Iter [45100/80000] lr: 1.745e-05, eta: 2:45:36, time: 0.212, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5357, decode.acc_seg: 79.8431, loss: 0.5357 2023-11-10 02:20:41,839 - mmseg - INFO - Iter [45150/80000] lr: 1.743e-05, eta: 2:45:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5502, decode.acc_seg: 79.3268, loss: 0.5502 2023-11-10 02:20:52,390 - mmseg - INFO - Iter [45200/80000] lr: 1.740e-05, eta: 2:45:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 80.1295, loss: 0.5364 2023-11-10 02:21:02,947 - mmseg - INFO - Iter [45250/80000] lr: 1.738e-05, eta: 2:44:45, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.2770, loss: 0.5481 2023-11-10 02:21:13,474 - mmseg - INFO - Iter [45300/80000] lr: 1.735e-05, eta: 2:44:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5401, decode.acc_seg: 79.8011, loss: 0.5401 2023-11-10 02:21:24,004 - mmseg - INFO - Iter [45350/80000] lr: 1.733e-05, eta: 2:44:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5385, decode.acc_seg: 79.4723, loss: 0.5385 2023-11-10 02:21:34,553 - mmseg - INFO - Iter [45400/80000] lr: 1.730e-05, eta: 2:43:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5315, decode.acc_seg: 80.0029, loss: 0.5315 2023-11-10 02:21:45,088 - mmseg - INFO - Iter [45450/80000] lr: 1.728e-05, eta: 2:43:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5444, decode.acc_seg: 79.9403, loss: 0.5444 2023-11-10 02:21:57,871 - mmseg - INFO - Iter [45500/80000] lr: 1.725e-05, eta: 2:43:22, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5340, decode.acc_seg: 80.1627, loss: 0.5340 2023-11-10 02:22:08,404 - mmseg - INFO - Iter [45550/80000] lr: 1.723e-05, eta: 2:43:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5291, decode.acc_seg: 80.3059, loss: 0.5291 2023-11-10 02:22:18,926 - mmseg - INFO - Iter [45600/80000] lr: 1.720e-05, eta: 2:42:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5663, decode.acc_seg: 79.4021, loss: 0.5663 2023-11-10 02:22:29,459 - mmseg - INFO - Iter [45650/80000] lr: 1.718e-05, eta: 2:42:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5322, decode.acc_seg: 80.0185, loss: 0.5322 2023-11-10 02:22:39,983 - mmseg - INFO - Iter [45700/80000] lr: 1.715e-05, eta: 2:42:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5389, decode.acc_seg: 79.9752, loss: 0.5389 2023-11-10 02:22:50,500 - mmseg - INFO - Iter [45750/80000] lr: 1.713e-05, eta: 2:41:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5356, decode.acc_seg: 80.0476, loss: 0.5356 2023-11-10 02:23:01,028 - mmseg - INFO - Iter [45800/80000] lr: 1.710e-05, eta: 2:41:40, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5452, decode.acc_seg: 79.2261, loss: 0.5452 2023-11-10 02:23:11,541 - mmseg - INFO - Iter [45850/80000] lr: 1.708e-05, eta: 2:41:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5615, decode.acc_seg: 79.1473, loss: 0.5615 2023-11-10 02:23:22,066 - mmseg - INFO - Iter [45900/80000] lr: 1.705e-05, eta: 2:41:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5508, decode.acc_seg: 79.6877, loss: 0.5508 2023-11-10 02:23:32,584 - mmseg - INFO - Iter [45950/80000] lr: 1.703e-05, eta: 2:40:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5523, decode.acc_seg: 79.1060, loss: 0.5523 2023-11-10 02:23:43,118 - mmseg - INFO - Saving checkpoint at 46000 iterations 2023-11-10 02:24:07,743 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:24:07,743 - mmseg - INFO - Iter [46000/80000] lr: 1.700e-05, eta: 2:40:51, time: 0.703, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5275, decode.acc_seg: 80.3346, loss: 0.5275 2023-11-10 02:24:54,111 - mmseg - INFO - per class results: 2023-11-10 02:24:54,117 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.76 | 85.52 | | building | 79.95 | 91.04 | | sky | 90.01 | 95.24 | | floor | 73.41 | 87.38 | | tree | 69.82 | 84.91 | | ceiling | 76.72 | 87.94 | | road | 78.34 | 88.61 | | bed | 83.41 | 93.59 | | windowpane | 57.96 | 73.36 | | grass | 65.96 | 80.12 | | cabinet | 54.08 | 67.8 | | sidewalk | 56.12 | 71.3 | | person | 75.54 | 89.92 | | earth | 33.73 | 45.52 | | door | 39.71 | 49.04 | | table | 53.26 | 67.42 | | mountain | 55.37 | 69.6 | | plant | 50.42 | 61.97 | | curtain | 64.16 | 75.81 | | chair | 52.65 | 67.99 | | car | 78.86 | 91.81 | | water | 56.29 | 73.09 | | painting | 66.25 | 81.0 | | sofa | 66.45 | 82.22 | | shelf | 37.39 | 51.1 | | house | 46.73 | 64.33 | | sea | 60.84 | 80.56 | | mirror | 58.18 | 70.3 | | rug | 50.47 | 56.17 | | field | 34.77 | 56.23 | | armchair | 41.85 | 57.66 | | seat | 56.58 | 76.09 | | fence | 36.96 | 47.81 | | desk | 41.23 | 65.96 | | rock | 51.81 | 67.89 | | wardrobe | 43.4 | 58.6 | | lamp | 56.59 | 70.87 | | bathtub | 72.62 | 80.73 | | railing | 31.88 | 43.42 | | cushion | 56.49 | 68.42 | | base | 25.63 | 39.06 | | box | 25.32 | 31.76 | | column | 34.38 | 41.73 | | signboard | 31.73 | 46.69 | | chest of drawers | 38.25 | 52.48 | | counter | 33.56 | 42.11 | | sand | 43.54 | 58.87 | | sink | 68.55 | 78.24 | | skyscraper | 44.96 | 61.38 | | fireplace | 63.09 | 80.93 | | refrigerator | 57.5 | 65.76 | | grandstand | 50.69 | 78.62 | | path | 17.01 | 22.81 | | stairs | 28.72 | 33.0 | | runway | 64.96 | 85.27 | | case | 54.32 | 66.34 | | pool table | 84.83 | 95.77 | | pillow | 53.79 | 64.33 | | screen door | 52.82 | 57.93 | | stairway | 47.28 | 62.61 | | river | 14.55 | 23.26 | | bridge | 44.63 | 55.01 | | bookcase | 32.22 | 46.96 | | blind | 25.77 | 28.85 | | coffee table | 58.22 | 78.28 | | toilet | 78.88 | 87.61 | | flower | 38.3 | 52.65 | | book | 46.84 | 66.45 | | hill | 5.35 | 8.89 | | bench | 48.04 | 58.59 | | countertop | 52.17 | 65.01 | | stove | 70.34 | 79.31 | | palm | 49.74 | 65.68 | | kitchen island | 37.78 | 57.76 | | computer | 62.23 | 76.73 | | swivel chair | 42.71 | 57.99 | | boat | 60.76 | 76.48 | | bar | 53.43 | 64.01 | | arcade machine | 63.51 | 72.34 | | hovel | 35.56 | 40.71 | | bus | 83.78 | 92.13 | | towel | 64.85 | 75.26 | | light | 32.94 | 37.0 | | truck | 36.64 | 49.08 | | tower | 20.87 | 32.61 | | chandelier | 61.4 | 72.64 | | awning | 27.81 | 35.22 | | streetlight | 21.7 | 25.92 | | booth | 33.64 | 42.63 | | television receiver | 67.13 | 76.71 | | airplane | 52.65 | 66.72 | | dirt track | 11.52 | 19.42 | | apparel | 45.43 | 58.47 | | pole | 13.1 | 15.87 | | land | 1.55 | 2.29 | | bannister | 7.39 | 10.1 | | escalator | 53.61 | 69.91 | | ottoman | 43.9 | 52.56 | | bottle | 40.48 | 65.57 | | buffet | 38.48 | 43.82 | | poster | 19.73 | 24.2 | | stage | 14.57 | 28.91 | | van | 37.99 | 51.12 | | ship | 30.75 | 34.72 | | fountain | 22.13 | 22.97 | | conveyer belt | 67.17 | 92.38 | | canopy | 30.28 | 36.45 | | washer | 74.49 | 81.57 | | plaything | 27.19 | 37.08 | | swimming pool | 60.18 | 81.48 | | stool | 29.45 | 37.09 | | barrel | 29.08 | 39.08 | | basket | 35.15 | 44.65 | | waterfall | 45.41 | 51.01 | | tent | 84.55 | 97.91 | | bag | 15.77 | 17.95 | | minibike | 66.04 | 85.37 | | cradle | 71.92 | 93.47 | | oven | 46.47 | 54.85 | | ball | 56.07 | 70.75 | | food | 54.5 | 64.62 | | step | 5.2 | 5.68 | | tank | 56.75 | 71.48 | | trade name | 19.97 | 23.17 | | microwave | 68.92 | 74.9 | | pot | 39.04 | 44.18 | | animal | 57.85 | 63.71 | | bicycle | 54.71 | 80.92 | | lake | 26.92 | 32.17 | | dishwasher | 50.04 | 54.05 | | screen | 43.2 | 57.78 | | blanket | 15.72 | 18.32 | | sculpture | 56.48 | 77.29 | | hood | 51.61 | 54.91 | | sconce | 35.82 | 43.64 | | vase | 36.95 | 53.55 | | traffic light | 30.74 | 44.64 | | tray | 9.54 | 11.27 | | ashcan | 42.32 | 52.87 | | fan | 51.51 | 63.53 | | pier | 34.38 | 43.86 | | crt screen | 4.07 | 8.41 | | plate | 49.83 | 65.96 | | monitor | 23.59 | 27.12 | | bulletin board | 44.77 | 58.22 | | shower | 3.54 | 4.17 | | radiator | 58.8 | 67.05 | | glass | 15.37 | 16.5 | | clock | 34.71 | 38.07 | | flag | 45.87 | 54.26 | +---------------------+-------+-------+ 2023-11-10 02:24:54,117 - mmseg - INFO - Summary: 2023-11-10 02:24:54,117 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 79.78 | 46.09 | 57.4 | +-------+-------+------+ 2023-11-10 02:24:54,118 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:24:54,118 - mmseg - INFO - Iter(val) [250] aAcc: 0.7978, mIoU: 0.4609, mAcc: 0.5740, IoU.wall: 0.6976, IoU.building: 0.7995, IoU.sky: 0.9001, IoU.floor: 0.7341, IoU.tree: 0.6982, IoU.ceiling: 0.7672, IoU.road: 0.7834, IoU.bed : 0.8341, IoU.windowpane: 0.5796, IoU.grass: 0.6596, IoU.cabinet: 0.5408, IoU.sidewalk: 0.5612, IoU.person: 0.7554, IoU.earth: 0.3373, IoU.door: 0.3971, IoU.table: 0.5326, IoU.mountain: 0.5537, IoU.plant: 0.5042, IoU.curtain: 0.6416, IoU.chair: 0.5265, IoU.car: 0.7886, IoU.water: 0.5629, IoU.painting: 0.6625, IoU.sofa: 0.6645, IoU.shelf: 0.3739, IoU.house: 0.4673, IoU.sea: 0.6084, IoU.mirror: 0.5818, IoU.rug: 0.5047, IoU.field: 0.3477, IoU.armchair: 0.4185, IoU.seat: 0.5658, IoU.fence: 0.3696, IoU.desk: 0.4123, IoU.rock: 0.5181, IoU.wardrobe: 0.4340, IoU.lamp: 0.5659, IoU.bathtub: 0.7262, IoU.railing: 0.3188, IoU.cushion: 0.5649, IoU.base: 0.2563, IoU.box: 0.2532, IoU.column: 0.3438, IoU.signboard: 0.3173, IoU.chest of drawers: 0.3825, IoU.counter: 0.3356, IoU.sand: 0.4354, IoU.sink: 0.6855, IoU.skyscraper: 0.4496, IoU.fireplace: 0.6309, IoU.refrigerator: 0.5750, IoU.grandstand: 0.5069, IoU.path: 0.1701, IoU.stairs: 0.2872, IoU.runway: 0.6496, IoU.case: 0.5432, IoU.pool table: 0.8483, IoU.pillow: 0.5379, IoU.screen door: 0.5282, IoU.stairway: 0.4728, IoU.river: 0.1455, IoU.bridge: 0.4463, IoU.bookcase: 0.3222, IoU.blind: 0.2577, IoU.coffee table: 0.5822, IoU.toilet: 0.7888, IoU.flower: 0.3830, IoU.book: 0.4684, IoU.hill: 0.0535, IoU.bench: 0.4804, IoU.countertop: 0.5217, IoU.stove: 0.7034, IoU.palm: 0.4974, IoU.kitchen island: 0.3778, IoU.computer: 0.6223, IoU.swivel chair: 0.4271, IoU.boat: 0.6076, IoU.bar: 0.5343, IoU.arcade machine: 0.6351, IoU.hovel: 0.3556, IoU.bus: 0.8378, IoU.towel: 0.6485, IoU.light: 0.3294, IoU.truck: 0.3664, IoU.tower: 0.2087, IoU.chandelier: 0.6140, IoU.awning: 0.2781, IoU.streetlight: 0.2170, IoU.booth: 0.3364, IoU.television receiver: 0.6713, IoU.airplane: 0.5265, IoU.dirt track: 0.1152, IoU.apparel: 0.4543, IoU.pole: 0.1310, IoU.land: 0.0155, IoU.bannister: 0.0739, IoU.escalator: 0.5361, IoU.ottoman: 0.4390, IoU.bottle: 0.4048, IoU.buffet: 0.3848, IoU.poster: 0.1973, IoU.stage: 0.1457, IoU.van: 0.3799, IoU.ship: 0.3075, IoU.fountain: 0.2213, IoU.conveyer belt: 0.6717, IoU.canopy: 0.3028, IoU.washer: 0.7449, IoU.plaything: 0.2719, IoU.swimming pool: 0.6018, IoU.stool: 0.2945, IoU.barrel: 0.2908, IoU.basket: 0.3515, IoU.waterfall: 0.4541, IoU.tent: 0.8455, IoU.bag: 0.1577, IoU.minibike: 0.6604, IoU.cradle: 0.7192, IoU.oven: 0.4647, IoU.ball: 0.5607, IoU.food: 0.5450, IoU.step: 0.0520, IoU.tank: 0.5675, IoU.trade name: 0.1997, IoU.microwave: 0.6892, IoU.pot: 0.3904, IoU.animal: 0.5785, IoU.bicycle: 0.5471, IoU.lake: 0.2692, IoU.dishwasher: 0.5004, IoU.screen: 0.4320, IoU.blanket: 0.1572, IoU.sculpture: 0.5648, IoU.hood: 0.5161, IoU.sconce: 0.3582, IoU.vase: 0.3695, IoU.traffic light: 0.3074, IoU.tray: 0.0954, IoU.ashcan: 0.4232, IoU.fan: 0.5151, IoU.pier: 0.3438, IoU.crt screen: 0.0407, IoU.plate: 0.4983, IoU.monitor: 0.2359, IoU.bulletin board: 0.4477, IoU.shower: 0.0354, IoU.radiator: 0.5880, IoU.glass: 0.1537, IoU.clock: 0.3471, IoU.flag: 0.4587, Acc.wall: 0.8552, Acc.building: 0.9104, Acc.sky: 0.9524, Acc.floor: 0.8738, Acc.tree: 0.8491, Acc.ceiling: 0.8794, Acc.road: 0.8861, Acc.bed : 0.9359, Acc.windowpane: 0.7336, Acc.grass: 0.8012, Acc.cabinet: 0.6780, Acc.sidewalk: 0.7130, Acc.person: 0.8992, Acc.earth: 0.4552, Acc.door: 0.4904, Acc.table: 0.6742, Acc.mountain: 0.6960, Acc.plant: 0.6197, Acc.curtain: 0.7581, Acc.chair: 0.6799, Acc.car: 0.9181, Acc.water: 0.7309, Acc.painting: 0.8100, Acc.sofa: 0.8222, Acc.shelf: 0.5110, Acc.house: 0.6433, Acc.sea: 0.8056, Acc.mirror: 0.7030, Acc.rug: 0.5617, Acc.field: 0.5623, Acc.armchair: 0.5766, Acc.seat: 0.7609, Acc.fence: 0.4781, Acc.desk: 0.6596, Acc.rock: 0.6789, Acc.wardrobe: 0.5860, Acc.lamp: 0.7087, Acc.bathtub: 0.8073, Acc.railing: 0.4342, Acc.cushion: 0.6842, Acc.base: 0.3906, Acc.box: 0.3176, Acc.column: 0.4173, Acc.signboard: 0.4669, Acc.chest of drawers: 0.5248, Acc.counter: 0.4211, Acc.sand: 0.5887, Acc.sink: 0.7824, Acc.skyscraper: 0.6138, Acc.fireplace: 0.8093, Acc.refrigerator: 0.6576, Acc.grandstand: 0.7862, Acc.path: 0.2281, Acc.stairs: 0.3300, Acc.runway: 0.8527, Acc.case: 0.6634, Acc.pool table: 0.9577, Acc.pillow: 0.6433, Acc.screen door: 0.5793, Acc.stairway: 0.6261, Acc.river: 0.2326, Acc.bridge: 0.5501, Acc.bookcase: 0.4696, Acc.blind: 0.2885, Acc.coffee table: 0.7828, Acc.toilet: 0.8761, Acc.flower: 0.5265, Acc.book: 0.6645, Acc.hill: 0.0889, Acc.bench: 0.5859, Acc.countertop: 0.6501, Acc.stove: 0.7931, Acc.palm: 0.6568, Acc.kitchen island: 0.5776, Acc.computer: 0.7673, Acc.swivel chair: 0.5799, Acc.boat: 0.7648, Acc.bar: 0.6401, Acc.arcade machine: 0.7234, Acc.hovel: 0.4071, Acc.bus: 0.9213, Acc.towel: 0.7526, Acc.light: 0.3700, Acc.truck: 0.4908, Acc.tower: 0.3261, Acc.chandelier: 0.7264, Acc.awning: 0.3522, Acc.streetlight: 0.2592, Acc.booth: 0.4263, Acc.television receiver: 0.7671, Acc.airplane: 0.6672, Acc.dirt track: 0.1942, Acc.apparel: 0.5847, Acc.pole: 0.1587, Acc.land: 0.0229, Acc.bannister: 0.1010, Acc.escalator: 0.6991, Acc.ottoman: 0.5256, Acc.bottle: 0.6557, Acc.buffet: 0.4382, Acc.poster: 0.2420, Acc.stage: 0.2891, Acc.van: 0.5112, Acc.ship: 0.3472, Acc.fountain: 0.2297, Acc.conveyer belt: 0.9238, Acc.canopy: 0.3645, Acc.washer: 0.8157, Acc.plaything: 0.3708, Acc.swimming pool: 0.8148, Acc.stool: 0.3709, Acc.barrel: 0.3908, Acc.basket: 0.4465, Acc.waterfall: 0.5101, Acc.tent: 0.9791, Acc.bag: 0.1795, Acc.minibike: 0.8537, Acc.cradle: 0.9347, Acc.oven: 0.5485, Acc.ball: 0.7075, Acc.food: 0.6462, Acc.step: 0.0568, Acc.tank: 0.7148, Acc.trade name: 0.2317, Acc.microwave: 0.7490, Acc.pot: 0.4418, Acc.animal: 0.6371, Acc.bicycle: 0.8092, Acc.lake: 0.3217, Acc.dishwasher: 0.5405, Acc.screen: 0.5778, Acc.blanket: 0.1832, Acc.sculpture: 0.7729, Acc.hood: 0.5491, Acc.sconce: 0.4364, Acc.vase: 0.5355, Acc.traffic light: 0.4464, Acc.tray: 0.1127, Acc.ashcan: 0.5287, Acc.fan: 0.6353, Acc.pier: 0.4386, Acc.crt screen: 0.0841, Acc.plate: 0.6596, Acc.monitor: 0.2712, Acc.bulletin board: 0.5822, Acc.shower: 0.0417, Acc.radiator: 0.6705, Acc.glass: 0.1650, Acc.clock: 0.3807, Acc.flag: 0.5426 2023-11-10 02:25:04,700 - mmseg - INFO - Iter [46050/80000] lr: 1.698e-05, eta: 2:41:08, time: 1.139, data_time: 0.934, memory: 16310, decode.loss_ce: 0.5249, decode.acc_seg: 80.1393, loss: 0.5249 2023-11-10 02:25:15,267 - mmseg - INFO - Iter [46100/80000] lr: 1.695e-05, eta: 2:40:51, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5429, decode.acc_seg: 79.3189, loss: 0.5429 2023-11-10 02:25:25,832 - mmseg - INFO - Iter [46150/80000] lr: 1.693e-05, eta: 2:40:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5354, decode.acc_seg: 79.6406, loss: 0.5354 2023-11-10 02:25:36,370 - mmseg - INFO - Iter [46200/80000] lr: 1.690e-05, eta: 2:40:17, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5234, decode.acc_seg: 80.3367, loss: 0.5234 2023-11-10 02:25:46,918 - mmseg - INFO - Iter [46250/80000] lr: 1.688e-05, eta: 2:40:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5217, decode.acc_seg: 80.2975, loss: 0.5217 2023-11-10 02:25:57,470 - mmseg - INFO - Iter [46300/80000] lr: 1.685e-05, eta: 2:39:43, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5358, decode.acc_seg: 79.5556, loss: 0.5358 2023-11-10 02:26:08,018 - mmseg - INFO - Iter [46350/80000] lr: 1.683e-05, eta: 2:39:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5369, decode.acc_seg: 79.6665, loss: 0.5369 2023-11-10 02:26:18,553 - mmseg - INFO - Iter [46400/80000] lr: 1.680e-05, eta: 2:39:10, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5469, decode.acc_seg: 79.7338, loss: 0.5469 2023-11-10 02:26:29,105 - mmseg - INFO - Iter [46450/80000] lr: 1.678e-05, eta: 2:38:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5318, decode.acc_seg: 80.0829, loss: 0.5318 2023-11-10 02:26:39,635 - mmseg - INFO - Iter [46500/80000] lr: 1.675e-05, eta: 2:38:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5532, decode.acc_seg: 79.0278, loss: 0.5532 2023-11-10 02:26:50,154 - mmseg - INFO - Iter [46550/80000] lr: 1.673e-05, eta: 2:38:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5453, decode.acc_seg: 79.6333, loss: 0.5453 2023-11-10 02:27:00,691 - mmseg - INFO - Iter [46600/80000] lr: 1.670e-05, eta: 2:38:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5503, decode.acc_seg: 79.3099, loss: 0.5503 2023-11-10 02:27:11,214 - mmseg - INFO - Iter [46650/80000] lr: 1.668e-05, eta: 2:37:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5676, decode.acc_seg: 78.9023, loss: 0.5676 2023-11-10 02:27:21,737 - mmseg - INFO - Iter [46700/80000] lr: 1.665e-05, eta: 2:37:29, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5345, decode.acc_seg: 80.0496, loss: 0.5345 2023-11-10 02:27:34,542 - mmseg - INFO - Iter [46750/80000] lr: 1.663e-05, eta: 2:37:14, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5324, decode.acc_seg: 79.7418, loss: 0.5324 2023-11-10 02:27:45,079 - mmseg - INFO - Iter [46800/80000] lr: 1.660e-05, eta: 2:36:57, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5558, decode.acc_seg: 78.8093, loss: 0.5558 2023-11-10 02:27:55,593 - mmseg - INFO - Iter [46850/80000] lr: 1.658e-05, eta: 2:36:40, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5450, decode.acc_seg: 79.8824, loss: 0.5450 2023-11-10 02:28:06,104 - mmseg - INFO - Iter [46900/80000] lr: 1.655e-05, eta: 2:36:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5496, decode.acc_seg: 79.5791, loss: 0.5496 2023-11-10 02:28:16,616 - mmseg - INFO - Iter [46950/80000] lr: 1.653e-05, eta: 2:36:06, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5374, decode.acc_seg: 80.1183, loss: 0.5374 2023-11-10 02:28:27,135 - mmseg - INFO - Saving checkpoint at 47000 iterations 2023-11-10 02:28:52,378 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:28:52,378 - mmseg - INFO - Iter [47000/80000] lr: 1.650e-05, eta: 2:36:07, time: 0.715, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5538, decode.acc_seg: 79.5995, loss: 0.5538 2023-11-10 02:29:38,056 - mmseg - INFO - per class results: 2023-11-10 02:29:38,061 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.92 | 84.35 | | building | 79.76 | 91.87 | | sky | 90.01 | 95.14 | | floor | 73.59 | 87.32 | | tree | 69.58 | 85.08 | | ceiling | 76.76 | 88.29 | | road | 78.54 | 88.11 | | bed | 83.49 | 93.34 | | windowpane | 58.06 | 75.45 | | grass | 66.33 | 81.92 | | cabinet | 54.17 | 66.38 | | sidewalk | 56.62 | 73.07 | | person | 75.44 | 90.17 | | earth | 34.52 | 47.95 | | door | 40.13 | 49.91 | | table | 53.49 | 67.56 | | mountain | 54.96 | 69.39 | | plant | 49.7 | 59.43 | | curtain | 63.92 | 75.79 | | chair | 52.67 | 67.45 | | car | 78.69 | 91.87 | | water | 56.49 | 72.13 | | painting | 65.97 | 81.79 | | sofa | 66.14 | 82.06 | | shelf | 38.52 | 55.63 | | house | 45.97 | 61.09 | | sea | 61.42 | 77.06 | | mirror | 58.19 | 70.23 | | rug | 48.73 | 53.48 | | field | 34.69 | 54.22 | | armchair | 42.02 | 57.65 | | seat | 56.09 | 76.72 | | fence | 38.65 | 50.92 | | desk | 41.57 | 66.35 | | rock | 52.02 | 68.83 | | wardrobe | 44.53 | 61.95 | | lamp | 56.25 | 69.93 | | bathtub | 73.24 | 81.24 | | railing | 32.52 | 44.25 | | cushion | 56.93 | 71.74 | | base | 26.51 | 40.89 | | box | 25.97 | 33.43 | | column | 35.06 | 42.89 | | signboard | 31.62 | 47.97 | | chest of drawers | 39.43 | 53.93 | | counter | 32.05 | 39.4 | | sand | 43.4 | 58.47 | | sink | 68.47 | 78.39 | | skyscraper | 45.1 | 60.36 | | fireplace | 63.04 | 82.19 | | refrigerator | 57.21 | 65.37 | | grandstand | 50.62 | 79.43 | | path | 17.52 | 23.83 | | stairs | 27.21 | 30.42 | | runway | 65.32 | 85.52 | | case | 53.93 | 69.61 | | pool table | 84.48 | 95.97 | | pillow | 51.69 | 59.68 | | screen door | 56.08 | 64.41 | | stairway | 46.19 | 61.62 | | river | 16.51 | 32.45 | | bridge | 43.09 | 53.1 | | bookcase | 32.97 | 45.92 | | blind | 20.19 | 21.88 | | coffee table | 57.55 | 80.06 | | toilet | 78.49 | 88.89 | | flower | 38.09 | 51.0 | | book | 46.99 | 66.88 | | hill | 5.29 | 8.79 | | bench | 47.63 | 57.57 | | countertop | 52.53 | 65.99 | | stove | 70.46 | 79.64 | | palm | 49.33 | 65.2 | | kitchen island | 38.59 | 62.28 | | computer | 63.19 | 79.48 | | swivel chair | 42.15 | 56.04 | | boat | 60.49 | 77.8 | | bar | 54.34 | 69.46 | | arcade machine | 63.96 | 72.79 | | hovel | 35.92 | 41.35 | | bus | 83.81 | 92.38 | | towel | 65.38 | 80.24 | | light | 34.7 | 39.88 | | truck | 37.32 | 52.6 | | tower | 20.51 | 32.2 | | chandelier | 62.15 | 75.5 | | awning | 27.75 | 35.74 | | streetlight | 21.5 | 25.89 | | booth | 33.7 | 42.44 | | television receiver | 67.09 | 76.86 | | airplane | 52.95 | 66.12 | | dirt track | 12.01 | 18.88 | | apparel | 46.34 | 59.59 | | pole | 13.66 | 16.57 | | land | 1.44 | 2.05 | | bannister | 6.83 | 9.05 | | escalator | 53.5 | 69.46 | | ottoman | 43.7 | 53.25 | | bottle | 40.47 | 64.65 | | buffet | 42.0 | 49.78 | | poster | 21.33 | 28.51 | | stage | 15.37 | 31.55 | | van | 39.28 | 52.06 | | ship | 30.97 | 34.71 | | fountain | 22.54 | 23.28 | | conveyer belt | 67.31 | 92.05 | | canopy | 31.05 | 37.62 | | washer | 72.14 | 77.94 | | plaything | 27.72 | 39.67 | | swimming pool | 60.55 | 79.58 | | stool | 29.31 | 39.22 | | barrel | 29.03 | 40.02 | | basket | 35.01 | 44.98 | | waterfall | 47.27 | 53.89 | | tent | 85.31 | 97.51 | | bag | 16.8 | 19.76 | | minibike | 66.11 | 85.59 | | cradle | 70.01 | 94.44 | | oven | 46.76 | 55.03 | | ball | 56.42 | 68.53 | | food | 51.91 | 60.8 | | step | 5.57 | 6.13 | | tank | 56.57 | 73.89 | | trade name | 17.6 | 19.88 | | microwave | 68.56 | 74.42 | | pot | 38.83 | 44.05 | | animal | 58.18 | 63.64 | | bicycle | 53.67 | 74.12 | | lake | 25.2 | 28.37 | | dishwasher | 49.13 | 52.56 | | screen | 43.81 | 62.21 | | blanket | 14.76 | 16.98 | | sculpture | 57.27 | 77.17 | | hood | 51.69 | 55.06 | | sconce | 37.5 | 47.04 | | vase | 36.97 | 50.92 | | traffic light | 30.88 | 41.68 | | tray | 10.93 | 13.53 | | ashcan | 42.04 | 51.63 | | fan | 52.22 | 65.03 | | pier | 34.41 | 41.95 | | crt screen | 3.86 | 8.05 | | plate | 50.04 | 65.52 | | monitor | 23.12 | 26.56 | | bulletin board | 44.05 | 55.56 | | shower | 3.28 | 4.57 | | radiator | 58.55 | 67.98 | | glass | 16.74 | 18.36 | | clock | 35.31 | 38.66 | | flag | 47.3 | 56.36 | +---------------------+-------+-------+ 2023-11-10 02:29:38,061 - mmseg - INFO - Summary: 2023-11-10 02:29:38,062 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.79 | 46.17 | 57.73 | +-------+-------+-------+ 2023-11-10 02:29:38,062 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:29:38,063 - mmseg - INFO - Iter(val) [250] aAcc: 0.7979, mIoU: 0.4617, mAcc: 0.5773, IoU.wall: 0.6992, IoU.building: 0.7976, IoU.sky: 0.9001, IoU.floor: 0.7359, IoU.tree: 0.6958, IoU.ceiling: 0.7676, IoU.road: 0.7854, IoU.bed : 0.8349, IoU.windowpane: 0.5806, IoU.grass: 0.6633, IoU.cabinet: 0.5417, IoU.sidewalk: 0.5662, IoU.person: 0.7544, IoU.earth: 0.3452, IoU.door: 0.4013, IoU.table: 0.5349, IoU.mountain: 0.5496, IoU.plant: 0.4970, IoU.curtain: 0.6392, IoU.chair: 0.5267, IoU.car: 0.7869, IoU.water: 0.5649, IoU.painting: 0.6597, IoU.sofa: 0.6614, IoU.shelf: 0.3852, IoU.house: 0.4597, IoU.sea: 0.6142, IoU.mirror: 0.5819, IoU.rug: 0.4873, IoU.field: 0.3469, IoU.armchair: 0.4202, IoU.seat: 0.5609, IoU.fence: 0.3865, IoU.desk: 0.4157, IoU.rock: 0.5202, IoU.wardrobe: 0.4453, IoU.lamp: 0.5625, IoU.bathtub: 0.7324, IoU.railing: 0.3252, IoU.cushion: 0.5693, IoU.base: 0.2651, IoU.box: 0.2597, IoU.column: 0.3506, IoU.signboard: 0.3162, IoU.chest of drawers: 0.3943, IoU.counter: 0.3205, IoU.sand: 0.4340, IoU.sink: 0.6847, IoU.skyscraper: 0.4510, IoU.fireplace: 0.6304, IoU.refrigerator: 0.5721, IoU.grandstand: 0.5062, IoU.path: 0.1752, IoU.stairs: 0.2721, IoU.runway: 0.6532, IoU.case: 0.5393, IoU.pool table: 0.8448, IoU.pillow: 0.5169, IoU.screen door: 0.5608, IoU.stairway: 0.4619, IoU.river: 0.1651, IoU.bridge: 0.4309, IoU.bookcase: 0.3297, IoU.blind: 0.2019, IoU.coffee table: 0.5755, IoU.toilet: 0.7849, IoU.flower: 0.3809, IoU.book: 0.4699, IoU.hill: 0.0529, IoU.bench: 0.4763, IoU.countertop: 0.5253, IoU.stove: 0.7046, IoU.palm: 0.4933, IoU.kitchen island: 0.3859, IoU.computer: 0.6319, IoU.swivel chair: 0.4215, IoU.boat: 0.6049, IoU.bar: 0.5434, IoU.arcade machine: 0.6396, IoU.hovel: 0.3592, IoU.bus: 0.8381, IoU.towel: 0.6538, IoU.light: 0.3470, IoU.truck: 0.3732, IoU.tower: 0.2051, IoU.chandelier: 0.6215, IoU.awning: 0.2775, IoU.streetlight: 0.2150, IoU.booth: 0.3370, IoU.television receiver: 0.6709, IoU.airplane: 0.5295, IoU.dirt track: 0.1201, IoU.apparel: 0.4634, IoU.pole: 0.1366, IoU.land: 0.0144, IoU.bannister: 0.0683, IoU.escalator: 0.5350, IoU.ottoman: 0.4370, IoU.bottle: 0.4047, IoU.buffet: 0.4200, IoU.poster: 0.2133, IoU.stage: 0.1537, IoU.van: 0.3928, IoU.ship: 0.3097, IoU.fountain: 0.2254, IoU.conveyer belt: 0.6731, IoU.canopy: 0.3105, IoU.washer: 0.7214, IoU.plaything: 0.2772, IoU.swimming pool: 0.6055, IoU.stool: 0.2931, IoU.barrel: 0.2903, IoU.basket: 0.3501, IoU.waterfall: 0.4727, IoU.tent: 0.8531, IoU.bag: 0.1680, IoU.minibike: 0.6611, IoU.cradle: 0.7001, IoU.oven: 0.4676, IoU.ball: 0.5642, IoU.food: 0.5191, IoU.step: 0.0557, IoU.tank: 0.5657, IoU.trade name: 0.1760, IoU.microwave: 0.6856, IoU.pot: 0.3883, IoU.animal: 0.5818, IoU.bicycle: 0.5367, IoU.lake: 0.2520, IoU.dishwasher: 0.4913, IoU.screen: 0.4381, IoU.blanket: 0.1476, IoU.sculpture: 0.5727, IoU.hood: 0.5169, IoU.sconce: 0.3750, IoU.vase: 0.3697, IoU.traffic light: 0.3088, IoU.tray: 0.1093, IoU.ashcan: 0.4204, IoU.fan: 0.5222, IoU.pier: 0.3441, IoU.crt screen: 0.0386, IoU.plate: 0.5004, IoU.monitor: 0.2312, IoU.bulletin board: 0.4405, IoU.shower: 0.0328, IoU.radiator: 0.5855, IoU.glass: 0.1674, IoU.clock: 0.3531, IoU.flag: 0.4730, Acc.wall: 0.8435, Acc.building: 0.9187, Acc.sky: 0.9514, Acc.floor: 0.8732, Acc.tree: 0.8508, Acc.ceiling: 0.8829, Acc.road: 0.8811, Acc.bed : 0.9334, Acc.windowpane: 0.7545, Acc.grass: 0.8192, Acc.cabinet: 0.6638, Acc.sidewalk: 0.7307, Acc.person: 0.9017, Acc.earth: 0.4795, Acc.door: 0.4991, Acc.table: 0.6756, Acc.mountain: 0.6939, Acc.plant: 0.5943, Acc.curtain: 0.7579, Acc.chair: 0.6745, Acc.car: 0.9187, Acc.water: 0.7213, Acc.painting: 0.8179, Acc.sofa: 0.8206, Acc.shelf: 0.5563, Acc.house: 0.6109, Acc.sea: 0.7706, Acc.mirror: 0.7023, Acc.rug: 0.5348, Acc.field: 0.5422, Acc.armchair: 0.5765, Acc.seat: 0.7672, Acc.fence: 0.5092, Acc.desk: 0.6635, Acc.rock: 0.6883, Acc.wardrobe: 0.6195, Acc.lamp: 0.6993, Acc.bathtub: 0.8124, Acc.railing: 0.4425, Acc.cushion: 0.7174, Acc.base: 0.4089, Acc.box: 0.3343, Acc.column: 0.4289, Acc.signboard: 0.4797, Acc.chest of drawers: 0.5393, Acc.counter: 0.3940, Acc.sand: 0.5847, Acc.sink: 0.7839, Acc.skyscraper: 0.6036, Acc.fireplace: 0.8219, Acc.refrigerator: 0.6537, Acc.grandstand: 0.7943, Acc.path: 0.2383, Acc.stairs: 0.3042, Acc.runway: 0.8552, Acc.case: 0.6961, Acc.pool table: 0.9597, Acc.pillow: 0.5968, Acc.screen door: 0.6441, Acc.stairway: 0.6162, Acc.river: 0.3245, Acc.bridge: 0.5310, Acc.bookcase: 0.4592, Acc.blind: 0.2188, Acc.coffee table: 0.8006, Acc.toilet: 0.8889, Acc.flower: 0.5100, Acc.book: 0.6688, Acc.hill: 0.0879, Acc.bench: 0.5757, Acc.countertop: 0.6599, Acc.stove: 0.7964, Acc.palm: 0.6520, Acc.kitchen island: 0.6228, Acc.computer: 0.7948, Acc.swivel chair: 0.5604, Acc.boat: 0.7780, Acc.bar: 0.6946, Acc.arcade machine: 0.7279, Acc.hovel: 0.4135, Acc.bus: 0.9238, Acc.towel: 0.8024, Acc.light: 0.3988, Acc.truck: 0.5260, Acc.tower: 0.3220, Acc.chandelier: 0.7550, Acc.awning: 0.3574, Acc.streetlight: 0.2589, Acc.booth: 0.4244, Acc.television receiver: 0.7686, Acc.airplane: 0.6612, Acc.dirt track: 0.1888, Acc.apparel: 0.5959, Acc.pole: 0.1657, Acc.land: 0.0205, Acc.bannister: 0.0905, Acc.escalator: 0.6946, Acc.ottoman: 0.5325, Acc.bottle: 0.6465, Acc.buffet: 0.4978, Acc.poster: 0.2851, Acc.stage: 0.3155, Acc.van: 0.5206, Acc.ship: 0.3471, Acc.fountain: 0.2328, Acc.conveyer belt: 0.9205, Acc.canopy: 0.3762, Acc.washer: 0.7794, Acc.plaything: 0.3967, Acc.swimming pool: 0.7958, Acc.stool: 0.3922, Acc.barrel: 0.4002, Acc.basket: 0.4498, Acc.waterfall: 0.5389, Acc.tent: 0.9751, Acc.bag: 0.1976, Acc.minibike: 0.8559, Acc.cradle: 0.9444, Acc.oven: 0.5503, Acc.ball: 0.6853, Acc.food: 0.6080, Acc.step: 0.0613, Acc.tank: 0.7389, Acc.trade name: 0.1988, Acc.microwave: 0.7442, Acc.pot: 0.4405, Acc.animal: 0.6364, Acc.bicycle: 0.7412, Acc.lake: 0.2837, Acc.dishwasher: 0.5256, Acc.screen: 0.6221, Acc.blanket: 0.1698, Acc.sculpture: 0.7717, Acc.hood: 0.5506, Acc.sconce: 0.4704, Acc.vase: 0.5092, Acc.traffic light: 0.4168, Acc.tray: 0.1353, Acc.ashcan: 0.5163, Acc.fan: 0.6503, Acc.pier: 0.4195, Acc.crt screen: 0.0805, Acc.plate: 0.6552, Acc.monitor: 0.2656, Acc.bulletin board: 0.5556, Acc.shower: 0.0457, Acc.radiator: 0.6798, Acc.glass: 0.1836, Acc.clock: 0.3866, Acc.flag: 0.5636 2023-11-10 02:29:48,716 - mmseg - INFO - Iter [47050/80000] lr: 1.648e-05, eta: 2:36:23, time: 1.127, data_time: 0.920, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 79.7694, loss: 0.5364 2023-11-10 02:29:59,286 - mmseg - INFO - Iter [47100/80000] lr: 1.645e-05, eta: 2:36:06, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5392, decode.acc_seg: 79.7726, loss: 0.5392 2023-11-10 02:30:09,840 - mmseg - INFO - Iter [47150/80000] lr: 1.643e-05, eta: 2:35:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5228, decode.acc_seg: 80.1940, loss: 0.5228 2023-11-10 02:30:20,381 - mmseg - INFO - Iter [47200/80000] lr: 1.640e-05, eta: 2:35:32, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5427, decode.acc_seg: 79.6778, loss: 0.5427 2023-11-10 02:30:30,905 - mmseg - INFO - Iter [47250/80000] lr: 1.638e-05, eta: 2:35:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5381, decode.acc_seg: 78.9401, loss: 0.5381 2023-11-10 02:30:41,436 - mmseg - INFO - Iter [47300/80000] lr: 1.635e-05, eta: 2:34:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5303, decode.acc_seg: 80.7224, loss: 0.5303 2023-11-10 02:30:51,965 - mmseg - INFO - Iter [47350/80000] lr: 1.633e-05, eta: 2:34:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5460, decode.acc_seg: 79.6335, loss: 0.5460 2023-11-10 02:31:02,488 - mmseg - INFO - Iter [47400/80000] lr: 1.630e-05, eta: 2:34:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5303, decode.acc_seg: 79.8172, loss: 0.5303 2023-11-10 02:31:13,003 - mmseg - INFO - Iter [47450/80000] lr: 1.628e-05, eta: 2:34:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5229, decode.acc_seg: 80.3738, loss: 0.5229 2023-11-10 02:31:23,512 - mmseg - INFO - Iter [47500/80000] lr: 1.625e-05, eta: 2:33:52, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5465, decode.acc_seg: 79.6280, loss: 0.5465 2023-11-10 02:31:34,037 - mmseg - INFO - Iter [47550/80000] lr: 1.623e-05, eta: 2:33:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5618, decode.acc_seg: 79.2053, loss: 0.5618 2023-11-10 02:31:44,546 - mmseg - INFO - Iter [47600/80000] lr: 1.620e-05, eta: 2:33:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5274, decode.acc_seg: 80.5582, loss: 0.5274 2023-11-10 02:31:55,073 - mmseg - INFO - Iter [47650/80000] lr: 1.618e-05, eta: 2:33:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5541, decode.acc_seg: 79.2889, loss: 0.5541 2023-11-10 02:32:05,583 - mmseg - INFO - Iter [47700/80000] lr: 1.615e-05, eta: 2:32:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5361, decode.acc_seg: 79.6126, loss: 0.5361 2023-11-10 02:32:16,098 - mmseg - INFO - Iter [47750/80000] lr: 1.613e-05, eta: 2:32:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5429, decode.acc_seg: 80.0102, loss: 0.5429 2023-11-10 02:32:26,614 - mmseg - INFO - Iter [47800/80000] lr: 1.610e-05, eta: 2:32:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5334, decode.acc_seg: 79.5961, loss: 0.5334 2023-11-10 02:32:37,126 - mmseg - INFO - Iter [47850/80000] lr: 1.608e-05, eta: 2:31:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5617, decode.acc_seg: 78.9039, loss: 0.5617 2023-11-10 02:32:47,640 - mmseg - INFO - Iter [47900/80000] lr: 1.605e-05, eta: 2:31:38, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5301, decode.acc_seg: 80.0397, loss: 0.5301 2023-11-10 02:32:58,162 - mmseg - INFO - Iter [47950/80000] lr: 1.603e-05, eta: 2:31:22, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5510, decode.acc_seg: 79.1664, loss: 0.5510 2023-11-10 02:33:10,982 - mmseg - INFO - Saving checkpoint at 48000 iterations 2023-11-10 02:33:35,992 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:33:35,992 - mmseg - INFO - Iter [48000/80000] lr: 1.600e-05, eta: 2:31:23, time: 0.757, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5406, decode.acc_seg: 79.9656, loss: 0.5406 2023-11-10 02:34:21,912 - mmseg - INFO - per class results: 2023-11-10 02:34:21,917 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.73 | 85.53 | | building | 79.84 | 91.99 | | sky | 90.15 | 94.95 | | floor | 73.78 | 86.68 | | tree | 69.76 | 85.34 | | ceiling | 76.79 | 87.73 | | road | 78.81 | 87.73 | | bed | 83.63 | 93.38 | | windowpane | 58.16 | 76.13 | | grass | 66.32 | 81.61 | | cabinet | 54.05 | 68.21 | | sidewalk | 56.9 | 73.15 | | person | 75.66 | 89.82 | | earth | 34.39 | 46.37 | | door | 39.34 | 48.58 | | table | 53.34 | 66.58 | | mountain | 55.65 | 68.63 | | plant | 50.24 | 61.25 | | curtain | 64.42 | 75.77 | | chair | 52.91 | 68.62 | | car | 78.87 | 91.82 | | water | 57.24 | 74.32 | | painting | 66.32 | 80.38 | | sofa | 66.15 | 81.46 | | shelf | 37.29 | 51.58 | | house | 45.6 | 60.1 | | sea | 61.7 | 79.13 | | mirror | 58.1 | 69.93 | | rug | 49.6 | 54.53 | | field | 34.85 | 54.79 | | armchair | 42.08 | 57.97 | | seat | 56.15 | 77.2 | | fence | 36.8 | 47.14 | | desk | 41.53 | 65.65 | | rock | 52.31 | 69.48 | | wardrobe | 44.39 | 60.86 | | lamp | 56.48 | 71.48 | | bathtub | 72.45 | 79.21 | | railing | 32.29 | 44.16 | | cushion | 56.8 | 70.0 | | base | 25.61 | 37.8 | | box | 26.24 | 33.99 | | column | 34.71 | 42.44 | | signboard | 31.41 | 45.52 | | chest of drawers | 39.15 | 53.04 | | counter | 34.83 | 44.42 | | sand | 44.33 | 60.32 | | sink | 68.55 | 77.88 | | skyscraper | 44.96 | 58.97 | | fireplace | 63.59 | 79.97 | | refrigerator | 57.19 | 65.34 | | grandstand | 50.94 | 78.41 | | path | 17.69 | 23.96 | | stairs | 27.63 | 30.94 | | runway | 65.67 | 86.7 | | case | 54.2 | 66.31 | | pool table | 85.77 | 95.38 | | pillow | 55.29 | 67.25 | | screen door | 48.25 | 51.34 | | stairway | 47.7 | 63.01 | | river | 14.99 | 25.19 | | bridge | 42.22 | 50.92 | | bookcase | 32.46 | 48.04 | | blind | 25.35 | 28.22 | | coffee table | 57.7 | 79.83 | | toilet | 78.78 | 87.98 | | flower | 38.1 | 53.54 | | book | 46.86 | 66.95 | | hill | 5.54 | 7.96 | | bench | 47.1 | 56.77 | | countertop | 52.55 | 65.93 | | stove | 70.09 | 77.34 | | palm | 49.38 | 63.58 | | kitchen island | 37.78 | 58.19 | | computer | 63.31 | 79.6 | | swivel chair | 40.75 | 51.69 | | boat | 61.23 | 76.05 | | bar | 54.4 | 66.02 | | arcade machine | 63.88 | 72.78 | | hovel | 32.02 | 36.01 | | bus | 83.5 | 92.66 | | towel | 65.15 | 76.62 | | light | 34.48 | 39.69 | | truck | 36.92 | 50.43 | | tower | 20.24 | 31.76 | | chandelier | 62.08 | 74.75 | | awning | 27.02 | 33.84 | | streetlight | 21.75 | 26.25 | | booth | 33.56 | 42.62 | | television receiver | 66.91 | 75.42 | | airplane | 52.42 | 66.67 | | dirt track | 11.82 | 18.91 | | apparel | 45.57 | 57.37 | | pole | 12.79 | 15.4 | | land | 1.72 | 2.51 | | bannister | 6.75 | 8.88 | | escalator | 54.3 | 70.71 | | ottoman | 43.82 | 52.95 | | bottle | 40.43 | 64.63 | | buffet | 39.06 | 44.44 | | poster | 19.99 | 24.42 | | stage | 15.46 | 32.58 | | van | 35.61 | 45.41 | | ship | 35.56 | 40.64 | | fountain | 23.93 | 24.96 | | conveyer belt | 65.62 | 92.82 | | canopy | 30.97 | 37.31 | | washer | 73.57 | 80.29 | | plaything | 27.64 | 38.32 | | swimming pool | 60.29 | 81.06 | | stool | 29.54 | 37.42 | | barrel | 29.23 | 43.16 | | basket | 35.15 | 44.81 | | waterfall | 46.72 | 53.17 | | tent | 84.4 | 98.2 | | bag | 16.14 | 18.64 | | minibike | 66.21 | 84.68 | | cradle | 72.03 | 92.77 | | oven | 45.77 | 53.73 | | ball | 56.5 | 69.17 | | food | 52.89 | 62.26 | | step | 6.0 | 6.6 | | tank | 56.62 | 72.23 | | trade name | 18.42 | 20.87 | | microwave | 68.96 | 75.07 | | pot | 39.39 | 44.64 | | animal | 57.31 | 62.68 | | bicycle | 55.34 | 80.06 | | lake | 29.09 | 34.3 | | dishwasher | 49.38 | 53.36 | | screen | 43.07 | 56.55 | | blanket | 15.63 | 17.98 | | sculpture | 56.67 | 76.35 | | hood | 52.58 | 56.28 | | sconce | 34.17 | 40.66 | | vase | 36.75 | 51.94 | | traffic light | 31.19 | 44.15 | | tray | 11.15 | 13.88 | | ashcan | 42.04 | 51.23 | | fan | 49.93 | 59.86 | | pier | 34.5 | 43.3 | | crt screen | 5.75 | 12.24 | | plate | 49.99 | 65.76 | | monitor | 20.6 | 22.85 | | bulletin board | 43.92 | 53.3 | | shower | 2.55 | 3.75 | | radiator | 57.85 | 65.78 | | glass | 16.69 | 18.24 | | clock | 34.03 | 36.92 | | flag | 46.16 | 54.04 | +---------------------+-------+-------+ 2023-11-10 02:34:21,917 - mmseg - INFO - Summary: 2023-11-10 02:34:21,917 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.86 | 46.12 | 57.28 | +-------+-------+-------+ 2023-11-10 02:34:21,918 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:34:21,918 - mmseg - INFO - Iter(val) [250] aAcc: 0.7986, mIoU: 0.4612, mAcc: 0.5728, IoU.wall: 0.6973, IoU.building: 0.7984, IoU.sky: 0.9015, IoU.floor: 0.7378, IoU.tree: 0.6976, IoU.ceiling: 0.7679, IoU.road: 0.7881, IoU.bed : 0.8363, IoU.windowpane: 0.5816, IoU.grass: 0.6632, IoU.cabinet: 0.5405, IoU.sidewalk: 0.5690, IoU.person: 0.7566, IoU.earth: 0.3439, IoU.door: 0.3934, IoU.table: 0.5334, IoU.mountain: 0.5565, IoU.plant: 0.5024, IoU.curtain: 0.6442, IoU.chair: 0.5291, IoU.car: 0.7887, IoU.water: 0.5724, IoU.painting: 0.6632, IoU.sofa: 0.6615, IoU.shelf: 0.3729, IoU.house: 0.4560, IoU.sea: 0.6170, IoU.mirror: 0.5810, IoU.rug: 0.4960, IoU.field: 0.3485, IoU.armchair: 0.4208, IoU.seat: 0.5615, IoU.fence: 0.3680, IoU.desk: 0.4153, IoU.rock: 0.5231, IoU.wardrobe: 0.4439, IoU.lamp: 0.5648, IoU.bathtub: 0.7245, IoU.railing: 0.3229, IoU.cushion: 0.5680, IoU.base: 0.2561, IoU.box: 0.2624, IoU.column: 0.3471, IoU.signboard: 0.3141, IoU.chest of drawers: 0.3915, IoU.counter: 0.3483, IoU.sand: 0.4433, IoU.sink: 0.6855, IoU.skyscraper: 0.4496, IoU.fireplace: 0.6359, IoU.refrigerator: 0.5719, IoU.grandstand: 0.5094, IoU.path: 0.1769, IoU.stairs: 0.2763, IoU.runway: 0.6567, IoU.case: 0.5420, IoU.pool table: 0.8577, IoU.pillow: 0.5529, IoU.screen door: 0.4825, IoU.stairway: 0.4770, IoU.river: 0.1499, IoU.bridge: 0.4222, IoU.bookcase: 0.3246, IoU.blind: 0.2535, IoU.coffee table: 0.5770, IoU.toilet: 0.7878, IoU.flower: 0.3810, IoU.book: 0.4686, IoU.hill: 0.0554, IoU.bench: 0.4710, IoU.countertop: 0.5255, IoU.stove: 0.7009, IoU.palm: 0.4938, IoU.kitchen island: 0.3778, IoU.computer: 0.6331, IoU.swivel chair: 0.4075, IoU.boat: 0.6123, IoU.bar: 0.5440, IoU.arcade machine: 0.6388, IoU.hovel: 0.3202, IoU.bus: 0.8350, IoU.towel: 0.6515, IoU.light: 0.3448, IoU.truck: 0.3692, IoU.tower: 0.2024, IoU.chandelier: 0.6208, IoU.awning: 0.2702, IoU.streetlight: 0.2175, IoU.booth: 0.3356, IoU.television receiver: 0.6691, IoU.airplane: 0.5242, IoU.dirt track: 0.1182, IoU.apparel: 0.4557, IoU.pole: 0.1279, IoU.land: 0.0172, IoU.bannister: 0.0675, IoU.escalator: 0.5430, IoU.ottoman: 0.4382, IoU.bottle: 0.4043, IoU.buffet: 0.3906, IoU.poster: 0.1999, IoU.stage: 0.1546, IoU.van: 0.3561, IoU.ship: 0.3556, IoU.fountain: 0.2393, IoU.conveyer belt: 0.6562, IoU.canopy: 0.3097, IoU.washer: 0.7357, IoU.plaything: 0.2764, IoU.swimming pool: 0.6029, IoU.stool: 0.2954, IoU.barrel: 0.2923, IoU.basket: 0.3515, IoU.waterfall: 0.4672, IoU.tent: 0.8440, IoU.bag: 0.1614, IoU.minibike: 0.6621, IoU.cradle: 0.7203, IoU.oven: 0.4577, IoU.ball: 0.5650, IoU.food: 0.5289, IoU.step: 0.0600, IoU.tank: 0.5662, IoU.trade name: 0.1842, IoU.microwave: 0.6896, IoU.pot: 0.3939, IoU.animal: 0.5731, IoU.bicycle: 0.5534, IoU.lake: 0.2909, IoU.dishwasher: 0.4938, IoU.screen: 0.4307, IoU.blanket: 0.1563, IoU.sculpture: 0.5667, IoU.hood: 0.5258, IoU.sconce: 0.3417, IoU.vase: 0.3675, IoU.traffic light: 0.3119, IoU.tray: 0.1115, IoU.ashcan: 0.4204, IoU.fan: 0.4993, IoU.pier: 0.3450, IoU.crt screen: 0.0575, IoU.plate: 0.4999, IoU.monitor: 0.2060, IoU.bulletin board: 0.4392, IoU.shower: 0.0255, IoU.radiator: 0.5785, IoU.glass: 0.1669, IoU.clock: 0.3403, IoU.flag: 0.4616, Acc.wall: 0.8553, Acc.building: 0.9199, Acc.sky: 0.9495, Acc.floor: 0.8668, Acc.tree: 0.8534, Acc.ceiling: 0.8773, Acc.road: 0.8773, Acc.bed : 0.9338, Acc.windowpane: 0.7613, Acc.grass: 0.8161, Acc.cabinet: 0.6821, Acc.sidewalk: 0.7315, Acc.person: 0.8982, Acc.earth: 0.4637, Acc.door: 0.4858, Acc.table: 0.6658, Acc.mountain: 0.6863, Acc.plant: 0.6125, Acc.curtain: 0.7577, Acc.chair: 0.6862, Acc.car: 0.9182, Acc.water: 0.7432, Acc.painting: 0.8038, Acc.sofa: 0.8146, Acc.shelf: 0.5158, Acc.house: 0.6010, Acc.sea: 0.7913, Acc.mirror: 0.6993, Acc.rug: 0.5453, Acc.field: 0.5479, Acc.armchair: 0.5797, Acc.seat: 0.7720, Acc.fence: 0.4714, Acc.desk: 0.6565, Acc.rock: 0.6948, Acc.wardrobe: 0.6086, Acc.lamp: 0.7148, Acc.bathtub: 0.7921, Acc.railing: 0.4416, Acc.cushion: 0.7000, Acc.base: 0.3780, Acc.box: 0.3399, Acc.column: 0.4244, Acc.signboard: 0.4552, Acc.chest of drawers: 0.5304, Acc.counter: 0.4442, Acc.sand: 0.6032, Acc.sink: 0.7788, Acc.skyscraper: 0.5897, Acc.fireplace: 0.7997, Acc.refrigerator: 0.6534, Acc.grandstand: 0.7841, Acc.path: 0.2396, Acc.stairs: 0.3094, Acc.runway: 0.8670, Acc.case: 0.6631, Acc.pool table: 0.9538, Acc.pillow: 0.6725, Acc.screen door: 0.5134, Acc.stairway: 0.6301, Acc.river: 0.2519, Acc.bridge: 0.5092, Acc.bookcase: 0.4804, Acc.blind: 0.2822, Acc.coffee table: 0.7983, Acc.toilet: 0.8798, Acc.flower: 0.5354, Acc.book: 0.6695, Acc.hill: 0.0796, Acc.bench: 0.5677, Acc.countertop: 0.6593, Acc.stove: 0.7734, Acc.palm: 0.6358, Acc.kitchen island: 0.5819, Acc.computer: 0.7960, Acc.swivel chair: 0.5169, Acc.boat: 0.7605, Acc.bar: 0.6602, Acc.arcade machine: 0.7278, Acc.hovel: 0.3601, Acc.bus: 0.9266, Acc.towel: 0.7662, Acc.light: 0.3969, Acc.truck: 0.5043, Acc.tower: 0.3176, Acc.chandelier: 0.7475, Acc.awning: 0.3384, Acc.streetlight: 0.2625, Acc.booth: 0.4262, Acc.television receiver: 0.7542, Acc.airplane: 0.6667, Acc.dirt track: 0.1891, Acc.apparel: 0.5737, Acc.pole: 0.1540, Acc.land: 0.0251, Acc.bannister: 0.0888, Acc.escalator: 0.7071, Acc.ottoman: 0.5295, Acc.bottle: 0.6463, Acc.buffet: 0.4444, Acc.poster: 0.2442, Acc.stage: 0.3258, Acc.van: 0.4541, Acc.ship: 0.4064, Acc.fountain: 0.2496, Acc.conveyer belt: 0.9282, Acc.canopy: 0.3731, Acc.washer: 0.8029, Acc.plaything: 0.3832, Acc.swimming pool: 0.8106, Acc.stool: 0.3742, Acc.barrel: 0.4316, Acc.basket: 0.4481, Acc.waterfall: 0.5317, Acc.tent: 0.9820, Acc.bag: 0.1864, Acc.minibike: 0.8468, Acc.cradle: 0.9277, Acc.oven: 0.5373, Acc.ball: 0.6917, Acc.food: 0.6226, Acc.step: 0.0660, Acc.tank: 0.7223, Acc.trade name: 0.2087, Acc.microwave: 0.7507, Acc.pot: 0.4464, Acc.animal: 0.6268, Acc.bicycle: 0.8006, Acc.lake: 0.3430, Acc.dishwasher: 0.5336, Acc.screen: 0.5655, Acc.blanket: 0.1798, Acc.sculpture: 0.7635, Acc.hood: 0.5628, Acc.sconce: 0.4066, Acc.vase: 0.5194, Acc.traffic light: 0.4415, Acc.tray: 0.1388, Acc.ashcan: 0.5123, Acc.fan: 0.5986, Acc.pier: 0.4330, Acc.crt screen: 0.1224, Acc.plate: 0.6576, Acc.monitor: 0.2285, Acc.bulletin board: 0.5330, Acc.shower: 0.0375, Acc.radiator: 0.6578, Acc.glass: 0.1824, Acc.clock: 0.3692, Acc.flag: 0.5404 2023-11-10 02:34:32,570 - mmseg - INFO - Iter [48050/80000] lr: 1.598e-05, eta: 2:31:37, time: 1.132, data_time: 0.925, memory: 16310, decode.loss_ce: 0.5547, decode.acc_seg: 79.1467, loss: 0.5547 2023-11-10 02:34:43,138 - mmseg - INFO - Iter [48100/80000] lr: 1.595e-05, eta: 2:31:21, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 80.1107, loss: 0.5298 2023-11-10 02:34:53,700 - mmseg - INFO - Iter [48150/80000] lr: 1.593e-05, eta: 2:31:04, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5412, decode.acc_seg: 79.9912, loss: 0.5412 2023-11-10 02:35:04,227 - mmseg - INFO - Iter [48200/80000] lr: 1.590e-05, eta: 2:30:47, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5148, decode.acc_seg: 80.1590, loss: 0.5148 2023-11-10 02:35:14,760 - mmseg - INFO - Iter [48250/80000] lr: 1.588e-05, eta: 2:30:31, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5233, decode.acc_seg: 79.9569, loss: 0.5233 2023-11-10 02:35:25,284 - mmseg - INFO - Iter [48300/80000] lr: 1.585e-05, eta: 2:30:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5473, decode.acc_seg: 79.3386, loss: 0.5473 2023-11-10 02:35:35,809 - mmseg - INFO - Iter [48350/80000] lr: 1.583e-05, eta: 2:29:57, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5338, decode.acc_seg: 80.0408, loss: 0.5338 2023-11-10 02:35:46,342 - mmseg - INFO - Iter [48400/80000] lr: 1.580e-05, eta: 2:29:41, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5465, decode.acc_seg: 79.8943, loss: 0.5465 2023-11-10 02:35:56,878 - mmseg - INFO - Iter [48450/80000] lr: 1.578e-05, eta: 2:29:24, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5404, decode.acc_seg: 79.3618, loss: 0.5404 2023-11-10 02:36:07,411 - mmseg - INFO - Iter [48500/80000] lr: 1.575e-05, eta: 2:29:08, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5327, decode.acc_seg: 80.2194, loss: 0.5327 2023-11-10 02:36:17,929 - mmseg - INFO - Iter [48550/80000] lr: 1.573e-05, eta: 2:28:51, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5449, decode.acc_seg: 79.7879, loss: 0.5449 2023-11-10 02:36:28,451 - mmseg - INFO - Iter [48600/80000] lr: 1.570e-05, eta: 2:28:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5421, decode.acc_seg: 79.8603, loss: 0.5421 2023-11-10 02:36:38,971 - mmseg - INFO - Iter [48650/80000] lr: 1.568e-05, eta: 2:28:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5570, decode.acc_seg: 79.1521, loss: 0.5570 2023-11-10 02:36:49,498 - mmseg - INFO - Iter [48700/80000] lr: 1.565e-05, eta: 2:28:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5276, decode.acc_seg: 79.9477, loss: 0.5276 2023-11-10 02:37:00,029 - mmseg - INFO - Iter [48750/80000] lr: 1.563e-05, eta: 2:27:45, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5197, decode.acc_seg: 80.3998, loss: 0.5197 2023-11-10 02:37:10,551 - mmseg - INFO - Iter [48800/80000] lr: 1.560e-05, eta: 2:27:28, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5491, decode.acc_seg: 79.2425, loss: 0.5491 2023-11-10 02:37:21,075 - mmseg - INFO - Iter [48850/80000] lr: 1.558e-05, eta: 2:27:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5479, decode.acc_seg: 79.5070, loss: 0.5479 2023-11-10 02:37:31,606 - mmseg - INFO - Iter [48900/80000] lr: 1.555e-05, eta: 2:26:55, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5350, decode.acc_seg: 79.7144, loss: 0.5350 2023-11-10 02:37:42,127 - mmseg - INFO - Iter [48950/80000] lr: 1.553e-05, eta: 2:26:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5263, decode.acc_seg: 80.0469, loss: 0.5263 2023-11-10 02:37:52,650 - mmseg - INFO - Saving checkpoint at 49000 iterations 2023-11-10 02:38:17,725 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:38:17,725 - mmseg - INFO - Iter [49000/80000] lr: 1.550e-05, eta: 2:26:38, time: 0.712, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5617, decode.acc_seg: 79.5648, loss: 0.5617 2023-11-10 02:39:03,527 - mmseg - INFO - per class results: 2023-11-10 02:39:03,532 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.66 | 85.47 | | building | 79.92 | 90.83 | | sky | 89.4 | 96.04 | | floor | 73.79 | 86.57 | | tree | 69.47 | 84.95 | | ceiling | 76.76 | 88.35 | | road | 78.56 | 88.28 | | bed | 82.95 | 94.11 | | windowpane | 58.0 | 75.12 | | grass | 65.81 | 80.22 | | cabinet | 53.91 | 65.7 | | sidewalk | 56.53 | 71.16 | | person | 75.46 | 90.47 | | earth | 33.38 | 44.22 | | door | 39.14 | 47.78 | | table | 53.27 | 67.17 | | mountain | 55.23 | 70.95 | | plant | 49.35 | 59.09 | | curtain | 64.13 | 75.68 | | chair | 52.69 | 67.87 | | car | 78.96 | 91.89 | | water | 55.8 | 72.01 | | painting | 66.12 | 81.73 | | sofa | 66.26 | 81.98 | | shelf | 37.17 | 50.71 | | house | 46.44 | 63.1 | | sea | 60.3 | 79.07 | | mirror | 57.95 | 69.13 | | rug | 48.96 | 53.46 | | field | 35.08 | 60.37 | | armchair | 42.23 | 58.33 | | seat | 55.79 | 78.1 | | fence | 37.25 | 47.83 | | desk | 41.53 | 65.41 | | rock | 51.76 | 69.55 | | wardrobe | 44.19 | 60.23 | | lamp | 56.34 | 70.88 | | bathtub | 72.44 | 80.12 | | railing | 31.75 | 41.81 | | cushion | 56.76 | 70.08 | | base | 25.29 | 37.5 | | box | 25.61 | 32.06 | | column | 34.57 | 42.35 | | signboard | 31.81 | 46.8 | | chest of drawers | 39.23 | 52.83 | | counter | 34.31 | 43.21 | | sand | 45.36 | 63.69 | | sink | 68.33 | 77.94 | | skyscraper | 45.09 | 59.84 | | fireplace | 63.84 | 80.2 | | refrigerator | 57.44 | 65.48 | | grandstand | 50.75 | 78.49 | | path | 17.78 | 24.4 | | stairs | 27.09 | 30.22 | | runway | 65.67 | 86.3 | | case | 54.05 | 67.32 | | pool table | 85.05 | 95.77 | | pillow | 52.87 | 62.21 | | screen door | 52.48 | 57.06 | | stairway | 46.98 | 62.33 | | river | 16.15 | 29.74 | | bridge | 42.65 | 52.77 | | bookcase | 32.17 | 46.87 | | blind | 23.7 | 26.14 | | coffee table | 57.58 | 80.52 | | toilet | 78.66 | 88.85 | | flower | 37.29 | 52.69 | | book | 46.66 | 66.29 | | hill | 5.34 | 8.12 | | bench | 47.24 | 57.68 | | countertop | 52.65 | 66.83 | | stove | 70.42 | 77.6 | | palm | 48.64 | 63.48 | | kitchen island | 37.53 | 58.19 | | computer | 63.1 | 79.91 | | swivel chair | 42.28 | 55.64 | | boat | 60.22 | 74.46 | | bar | 54.83 | 65.06 | | arcade machine | 64.33 | 73.72 | | hovel | 33.74 | 38.53 | | bus | 83.78 | 92.75 | | towel | 64.78 | 75.38 | | light | 34.81 | 40.35 | | truck | 37.05 | 52.21 | | tower | 24.19 | 39.17 | | chandelier | 62.26 | 76.74 | | awning | 27.53 | 34.84 | | streetlight | 22.38 | 28.01 | | booth | 32.96 | 40.8 | | television receiver | 67.49 | 77.47 | | airplane | 53.25 | 66.01 | | dirt track | 11.56 | 22.77 | | apparel | 46.36 | 62.28 | | pole | 13.01 | 15.72 | | land | 1.67 | 2.43 | | bannister | 6.23 | 8.18 | | escalator | 53.1 | 67.86 | | ottoman | 43.5 | 52.56 | | bottle | 40.51 | 66.3 | | buffet | 41.77 | 48.47 | | poster | 20.49 | 25.69 | | stage | 15.17 | 28.74 | | van | 39.34 | 52.33 | | ship | 43.24 | 50.9 | | fountain | 23.05 | 23.97 | | conveyer belt | 65.64 | 92.67 | | canopy | 33.0 | 40.18 | | washer | 75.2 | 82.5 | | plaything | 27.91 | 38.69 | | swimming pool | 59.91 | 81.51 | | stool | 29.78 | 38.26 | | barrel | 28.71 | 40.25 | | basket | 34.97 | 44.98 | | waterfall | 48.24 | 55.05 | | tent | 84.78 | 97.92 | | bag | 15.82 | 18.12 | | minibike | 66.17 | 85.64 | | cradle | 69.69 | 93.76 | | oven | 47.9 | 57.52 | | ball | 56.28 | 68.62 | | food | 55.87 | 68.37 | | step | 6.25 | 6.92 | | tank | 56.48 | 72.49 | | trade name | 18.46 | 21.0 | | microwave | 67.79 | 73.42 | | pot | 38.79 | 43.71 | | animal | 58.27 | 63.28 | | bicycle | 55.13 | 81.29 | | lake | 29.03 | 32.13 | | dishwasher | 48.7 | 52.3 | | screen | 43.37 | 56.47 | | blanket | 13.44 | 15.33 | | sculpture | 56.19 | 76.98 | | hood | 54.21 | 58.26 | | sconce | 36.12 | 44.48 | | vase | 36.95 | 52.5 | | traffic light | 30.77 | 41.61 | | tray | 10.18 | 12.36 | | ashcan | 41.96 | 50.57 | | fan | 51.4 | 63.17 | | pier | 34.73 | 42.38 | | crt screen | 5.98 | 12.7 | | plate | 49.56 | 63.72 | | monitor | 22.28 | 25.73 | | bulletin board | 44.69 | 54.12 | | shower | 3.36 | 4.06 | | radiator | 58.31 | 66.54 | | glass | 15.92 | 17.22 | | clock | 33.6 | 36.13 | | flag | 46.29 | 54.34 | +---------------------+-------+-------+ 2023-11-10 02:39:03,532 - mmseg - INFO - Summary: 2023-11-10 02:39:03,532 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.75 | 46.25 | 57.71 | +-------+-------+-------+ 2023-11-10 02:39:03,533 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:39:03,533 - mmseg - INFO - Iter(val) [250] aAcc: 0.7975, mIoU: 0.4625, mAcc: 0.5771, IoU.wall: 0.6966, IoU.building: 0.7992, IoU.sky: 0.8940, IoU.floor: 0.7379, IoU.tree: 0.6947, IoU.ceiling: 0.7676, IoU.road: 0.7856, IoU.bed : 0.8295, IoU.windowpane: 0.5800, IoU.grass: 0.6581, IoU.cabinet: 0.5391, IoU.sidewalk: 0.5653, IoU.person: 0.7546, IoU.earth: 0.3338, IoU.door: 0.3914, IoU.table: 0.5327, IoU.mountain: 0.5523, IoU.plant: 0.4935, IoU.curtain: 0.6413, IoU.chair: 0.5269, IoU.car: 0.7896, IoU.water: 0.5580, IoU.painting: 0.6612, IoU.sofa: 0.6626, IoU.shelf: 0.3717, IoU.house: 0.4644, IoU.sea: 0.6030, IoU.mirror: 0.5795, IoU.rug: 0.4896, IoU.field: 0.3508, IoU.armchair: 0.4223, IoU.seat: 0.5579, IoU.fence: 0.3725, IoU.desk: 0.4153, IoU.rock: 0.5176, IoU.wardrobe: 0.4419, IoU.lamp: 0.5634, IoU.bathtub: 0.7244, IoU.railing: 0.3175, IoU.cushion: 0.5676, IoU.base: 0.2529, IoU.box: 0.2561, IoU.column: 0.3457, IoU.signboard: 0.3181, IoU.chest of drawers: 0.3923, IoU.counter: 0.3431, IoU.sand: 0.4536, IoU.sink: 0.6833, IoU.skyscraper: 0.4509, IoU.fireplace: 0.6384, IoU.refrigerator: 0.5744, IoU.grandstand: 0.5075, IoU.path: 0.1778, IoU.stairs: 0.2709, IoU.runway: 0.6567, IoU.case: 0.5405, IoU.pool table: 0.8505, IoU.pillow: 0.5287, IoU.screen door: 0.5248, IoU.stairway: 0.4698, IoU.river: 0.1615, IoU.bridge: 0.4265, IoU.bookcase: 0.3217, IoU.blind: 0.2370, IoU.coffee table: 0.5758, IoU.toilet: 0.7866, IoU.flower: 0.3729, IoU.book: 0.4666, IoU.hill: 0.0534, IoU.bench: 0.4724, IoU.countertop: 0.5265, IoU.stove: 0.7042, IoU.palm: 0.4864, IoU.kitchen island: 0.3753, IoU.computer: 0.6310, IoU.swivel chair: 0.4228, IoU.boat: 0.6022, IoU.bar: 0.5483, IoU.arcade machine: 0.6433, IoU.hovel: 0.3374, IoU.bus: 0.8378, IoU.towel: 0.6478, IoU.light: 0.3481, IoU.truck: 0.3705, IoU.tower: 0.2419, IoU.chandelier: 0.6226, IoU.awning: 0.2753, IoU.streetlight: 0.2238, IoU.booth: 0.3296, IoU.television receiver: 0.6749, IoU.airplane: 0.5325, IoU.dirt track: 0.1156, IoU.apparel: 0.4636, IoU.pole: 0.1301, IoU.land: 0.0167, IoU.bannister: 0.0623, IoU.escalator: 0.5310, IoU.ottoman: 0.4350, IoU.bottle: 0.4051, IoU.buffet: 0.4177, IoU.poster: 0.2049, IoU.stage: 0.1517, IoU.van: 0.3934, IoU.ship: 0.4324, IoU.fountain: 0.2305, IoU.conveyer belt: 0.6564, IoU.canopy: 0.3300, IoU.washer: 0.7520, IoU.plaything: 0.2791, IoU.swimming pool: 0.5991, IoU.stool: 0.2978, IoU.barrel: 0.2871, IoU.basket: 0.3497, IoU.waterfall: 0.4824, IoU.tent: 0.8478, IoU.bag: 0.1582, IoU.minibike: 0.6617, IoU.cradle: 0.6969, IoU.oven: 0.4790, IoU.ball: 0.5628, IoU.food: 0.5587, IoU.step: 0.0625, IoU.tank: 0.5648, IoU.trade name: 0.1846, IoU.microwave: 0.6779, IoU.pot: 0.3879, IoU.animal: 0.5827, IoU.bicycle: 0.5513, IoU.lake: 0.2903, IoU.dishwasher: 0.4870, IoU.screen: 0.4337, IoU.blanket: 0.1344, IoU.sculpture: 0.5619, IoU.hood: 0.5421, IoU.sconce: 0.3612, IoU.vase: 0.3695, IoU.traffic light: 0.3077, IoU.tray: 0.1018, IoU.ashcan: 0.4196, IoU.fan: 0.5140, IoU.pier: 0.3473, IoU.crt screen: 0.0598, IoU.plate: 0.4956, IoU.monitor: 0.2228, IoU.bulletin board: 0.4469, IoU.shower: 0.0336, IoU.radiator: 0.5831, IoU.glass: 0.1592, IoU.clock: 0.3360, IoU.flag: 0.4629, Acc.wall: 0.8547, Acc.building: 0.9083, Acc.sky: 0.9604, Acc.floor: 0.8657, Acc.tree: 0.8495, Acc.ceiling: 0.8835, Acc.road: 0.8828, Acc.bed : 0.9411, Acc.windowpane: 0.7512, Acc.grass: 0.8022, Acc.cabinet: 0.6570, Acc.sidewalk: 0.7116, Acc.person: 0.9047, Acc.earth: 0.4422, Acc.door: 0.4778, Acc.table: 0.6717, Acc.mountain: 0.7095, Acc.plant: 0.5909, Acc.curtain: 0.7568, Acc.chair: 0.6787, Acc.car: 0.9189, Acc.water: 0.7201, Acc.painting: 0.8173, Acc.sofa: 0.8198, Acc.shelf: 0.5071, Acc.house: 0.6310, Acc.sea: 0.7907, Acc.mirror: 0.6913, Acc.rug: 0.5346, Acc.field: 0.6037, Acc.armchair: 0.5833, Acc.seat: 0.7810, Acc.fence: 0.4783, Acc.desk: 0.6541, Acc.rock: 0.6955, Acc.wardrobe: 0.6023, Acc.lamp: 0.7088, Acc.bathtub: 0.8012, Acc.railing: 0.4181, Acc.cushion: 0.7008, Acc.base: 0.3750, Acc.box: 0.3206, Acc.column: 0.4235, Acc.signboard: 0.4680, Acc.chest of drawers: 0.5283, Acc.counter: 0.4321, Acc.sand: 0.6369, Acc.sink: 0.7794, Acc.skyscraper: 0.5984, Acc.fireplace: 0.8020, Acc.refrigerator: 0.6548, Acc.grandstand: 0.7849, Acc.path: 0.2440, Acc.stairs: 0.3022, Acc.runway: 0.8630, Acc.case: 0.6732, Acc.pool table: 0.9577, Acc.pillow: 0.6221, Acc.screen door: 0.5706, Acc.stairway: 0.6233, Acc.river: 0.2974, Acc.bridge: 0.5277, Acc.bookcase: 0.4687, Acc.blind: 0.2614, Acc.coffee table: 0.8052, Acc.toilet: 0.8885, Acc.flower: 0.5269, Acc.book: 0.6629, Acc.hill: 0.0812, Acc.bench: 0.5768, Acc.countertop: 0.6683, Acc.stove: 0.7760, Acc.palm: 0.6348, Acc.kitchen island: 0.5819, Acc.computer: 0.7991, Acc.swivel chair: 0.5564, Acc.boat: 0.7446, Acc.bar: 0.6506, Acc.arcade machine: 0.7372, Acc.hovel: 0.3853, Acc.bus: 0.9275, Acc.towel: 0.7538, Acc.light: 0.4035, Acc.truck: 0.5221, Acc.tower: 0.3917, Acc.chandelier: 0.7674, Acc.awning: 0.3484, Acc.streetlight: 0.2801, Acc.booth: 0.4080, Acc.television receiver: 0.7747, Acc.airplane: 0.6601, Acc.dirt track: 0.2277, Acc.apparel: 0.6228, Acc.pole: 0.1572, Acc.land: 0.0243, Acc.bannister: 0.0818, Acc.escalator: 0.6786, Acc.ottoman: 0.5256, Acc.bottle: 0.6630, Acc.buffet: 0.4847, Acc.poster: 0.2569, Acc.stage: 0.2874, Acc.van: 0.5233, Acc.ship: 0.5090, Acc.fountain: 0.2397, Acc.conveyer belt: 0.9267, Acc.canopy: 0.4018, Acc.washer: 0.8250, Acc.plaything: 0.3869, Acc.swimming pool: 0.8151, Acc.stool: 0.3826, Acc.barrel: 0.4025, Acc.basket: 0.4498, Acc.waterfall: 0.5505, Acc.tent: 0.9792, Acc.bag: 0.1812, Acc.minibike: 0.8564, Acc.cradle: 0.9376, Acc.oven: 0.5752, Acc.ball: 0.6862, Acc.food: 0.6837, Acc.step: 0.0692, Acc.tank: 0.7249, Acc.trade name: 0.2100, Acc.microwave: 0.7342, Acc.pot: 0.4371, Acc.animal: 0.6328, Acc.bicycle: 0.8129, Acc.lake: 0.3213, Acc.dishwasher: 0.5230, Acc.screen: 0.5647, Acc.blanket: 0.1533, Acc.sculpture: 0.7698, Acc.hood: 0.5826, Acc.sconce: 0.4448, Acc.vase: 0.5250, Acc.traffic light: 0.4161, Acc.tray: 0.1236, Acc.ashcan: 0.5057, Acc.fan: 0.6317, Acc.pier: 0.4238, Acc.crt screen: 0.1270, Acc.plate: 0.6372, Acc.monitor: 0.2573, Acc.bulletin board: 0.5412, Acc.shower: 0.0406, Acc.radiator: 0.6654, Acc.glass: 0.1722, Acc.clock: 0.3613, Acc.flag: 0.5434 2023-11-10 02:39:14,126 - mmseg - INFO - Iter [49050/80000] lr: 1.548e-05, eta: 2:26:51, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5537, decode.acc_seg: 78.9153, loss: 0.5537 2023-11-10 02:39:24,738 - mmseg - INFO - Iter [49100/80000] lr: 1.545e-05, eta: 2:26:34, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5582, decode.acc_seg: 79.2979, loss: 0.5582 2023-11-10 02:39:35,277 - mmseg - INFO - Iter [49150/80000] lr: 1.543e-05, eta: 2:26:18, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5315, decode.acc_seg: 80.1053, loss: 0.5315 2023-11-10 02:39:45,794 - mmseg - INFO - Iter [49200/80000] lr: 1.540e-05, eta: 2:26:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5556, decode.acc_seg: 79.6351, loss: 0.5556 2023-11-10 02:39:56,321 - mmseg - INFO - Iter [49250/80000] lr: 1.538e-05, eta: 2:25:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5500, decode.acc_seg: 79.4169, loss: 0.5500 2023-11-10 02:40:09,142 - mmseg - INFO - Iter [49300/80000] lr: 1.535e-05, eta: 2:25:29, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5359, decode.acc_seg: 79.8339, loss: 0.5359 2023-11-10 02:40:19,670 - mmseg - INFO - Iter [49350/80000] lr: 1.533e-05, eta: 2:25:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5382, decode.acc_seg: 79.8893, loss: 0.5382 2023-11-10 02:40:30,195 - mmseg - INFO - Iter [49400/80000] lr: 1.530e-05, eta: 2:24:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5502, decode.acc_seg: 79.9874, loss: 0.5502 2023-11-10 02:40:40,712 - mmseg - INFO - Iter [49450/80000] lr: 1.528e-05, eta: 2:24:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5095, decode.acc_seg: 80.6103, loss: 0.5095 2023-11-10 02:40:51,255 - mmseg - INFO - Iter [49500/80000] lr: 1.525e-05, eta: 2:24:23, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5195, decode.acc_seg: 80.1622, loss: 0.5195 2023-11-10 02:41:01,780 - mmseg - INFO - Iter [49550/80000] lr: 1.523e-05, eta: 2:24:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5487, decode.acc_seg: 79.5895, loss: 0.5487 2023-11-10 02:41:12,293 - mmseg - INFO - Iter [49600/80000] lr: 1.520e-05, eta: 2:23:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5444, decode.acc_seg: 79.6820, loss: 0.5444 2023-11-10 02:41:22,812 - mmseg - INFO - Iter [49650/80000] lr: 1.518e-05, eta: 2:23:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5287, decode.acc_seg: 80.4906, loss: 0.5287 2023-11-10 02:41:33,332 - mmseg - INFO - Iter [49700/80000] lr: 1.515e-05, eta: 2:23:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5290, decode.acc_seg: 79.7954, loss: 0.5290 2023-11-10 02:41:43,855 - mmseg - INFO - Iter [49750/80000] lr: 1.513e-05, eta: 2:23:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5264, decode.acc_seg: 80.4828, loss: 0.5264 2023-11-10 02:41:54,372 - mmseg - INFO - Iter [49800/80000] lr: 1.510e-05, eta: 2:22:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5413, decode.acc_seg: 80.1877, loss: 0.5413 2023-11-10 02:42:04,897 - mmseg - INFO - Iter [49850/80000] lr: 1.508e-05, eta: 2:22:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5529, decode.acc_seg: 79.3238, loss: 0.5529 2023-11-10 02:42:15,414 - mmseg - INFO - Iter [49900/80000] lr: 1.505e-05, eta: 2:22:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5164, decode.acc_seg: 80.4285, loss: 0.5164 2023-11-10 02:42:25,930 - mmseg - INFO - Iter [49950/80000] lr: 1.503e-05, eta: 2:21:56, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5395, decode.acc_seg: 79.9081, loss: 0.5395 2023-11-10 02:42:36,452 - mmseg - INFO - Saving checkpoint at 50000 iterations 2023-11-10 02:43:01,101 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:43:01,101 - mmseg - INFO - Iter [50000/80000] lr: 1.500e-05, eta: 2:21:54, time: 0.703, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5547, decode.acc_seg: 79.1178, loss: 0.5547 2023-11-10 02:43:47,121 - mmseg - INFO - per class results: 2023-11-10 02:43:47,127 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.18 | 84.73 | | building | 79.84 | 91.8 | | sky | 90.1 | 95.09 | | floor | 73.85 | 87.18 | | tree | 69.74 | 85.07 | | ceiling | 76.72 | 86.42 | | road | 78.59 | 87.77 | | bed | 83.2 | 94.16 | | windowpane | 58.29 | 74.08 | | grass | 66.0 | 81.65 | | cabinet | 54.32 | 68.48 | | sidewalk | 56.64 | 74.9 | | person | 75.07 | 90.65 | | earth | 34.25 | 46.11 | | door | 39.67 | 48.66 | | table | 53.34 | 67.62 | | mountain | 55.85 | 70.17 | | plant | 50.76 | 62.81 | | curtain | 64.85 | 77.94 | | chair | 52.7 | 68.86 | | car | 78.75 | 91.87 | | water | 56.97 | 74.06 | | painting | 66.21 | 82.1 | | sofa | 66.36 | 82.19 | | shelf | 37.33 | 51.17 | | house | 45.39 | 58.73 | | sea | 61.22 | 78.39 | | mirror | 58.36 | 70.4 | | rug | 50.91 | 56.76 | | field | 35.01 | 55.54 | | armchair | 42.48 | 59.16 | | seat | 55.81 | 76.64 | | fence | 38.18 | 49.64 | | desk | 41.57 | 66.63 | | rock | 52.31 | 67.82 | | wardrobe | 44.14 | 59.38 | | lamp | 56.48 | 70.6 | | bathtub | 73.1 | 81.64 | | railing | 32.56 | 44.73 | | cushion | 56.72 | 69.8 | | base | 26.05 | 40.24 | | box | 26.34 | 34.64 | | column | 34.5 | 41.68 | | signboard | 31.63 | 47.56 | | chest of drawers | 38.15 | 52.19 | | counter | 33.82 | 41.87 | | sand | 44.15 | 59.95 | | sink | 68.29 | 79.69 | | skyscraper | 45.25 | 61.27 | | fireplace | 63.52 | 81.61 | | refrigerator | 57.31 | 65.98 | | grandstand | 51.55 | 78.51 | | path | 17.42 | 23.79 | | stairs | 30.13 | 34.55 | | runway | 65.11 | 85.65 | | case | 53.99 | 68.08 | | pool table | 84.84 | 95.68 | | pillow | 52.67 | 61.96 | | screen door | 54.47 | 60.82 | | stairway | 47.94 | 61.79 | | river | 15.93 | 28.68 | | bridge | 42.47 | 51.33 | | bookcase | 31.74 | 45.14 | | blind | 27.82 | 31.7 | | coffee table | 57.55 | 79.82 | | toilet | 78.57 | 89.26 | | flower | 38.55 | 53.07 | | book | 46.97 | 69.28 | | hill | 5.41 | 8.08 | | bench | 47.45 | 57.98 | | countertop | 53.28 | 69.16 | | stove | 70.08 | 79.05 | | palm | 49.32 | 64.09 | | kitchen island | 37.14 | 56.59 | | computer | 62.57 | 78.21 | | swivel chair | 42.19 | 55.73 | | boat | 59.83 | 76.89 | | bar | 54.18 | 65.04 | | arcade machine | 64.56 | 73.64 | | hovel | 36.62 | 42.22 | | bus | 84.06 | 92.3 | | towel | 65.26 | 77.03 | | light | 35.69 | 41.5 | | truck | 36.89 | 51.24 | | tower | 21.91 | 34.81 | | chandelier | 62.26 | 78.18 | | awning | 27.35 | 35.17 | | streetlight | 22.62 | 28.11 | | booth | 32.72 | 40.56 | | television receiver | 67.51 | 77.33 | | airplane | 52.83 | 66.47 | | dirt track | 11.48 | 18.76 | | apparel | 46.11 | 59.67 | | pole | 14.29 | 17.86 | | land | 1.53 | 2.24 | | bannister | 7.22 | 9.73 | | escalator | 54.11 | 71.06 | | ottoman | 43.21 | 52.24 | | bottle | 40.39 | 66.67 | | buffet | 41.48 | 48.49 | | poster | 20.96 | 27.08 | | stage | 15.27 | 30.29 | | van | 39.38 | 52.54 | | ship | 33.05 | 37.5 | | fountain | 22.44 | 23.33 | | conveyer belt | 65.38 | 92.67 | | canopy | 33.62 | 41.15 | | washer | 74.62 | 82.08 | | plaything | 27.09 | 38.41 | | swimming pool | 59.87 | 82.48 | | stool | 30.22 | 38.78 | | barrel | 29.07 | 42.03 | | basket | 34.93 | 45.26 | | waterfall | 46.89 | 53.52 | | tent | 83.28 | 98.2 | | bag | 15.84 | 18.31 | | minibike | 66.07 | 84.96 | | cradle | 68.35 | 94.81 | | oven | 47.3 | 56.47 | | ball | 53.73 | 62.66 | | food | 53.97 | 64.32 | | step | 6.41 | 7.1 | | tank | 56.23 | 72.67 | | trade name | 16.46 | 18.32 | | microwave | 69.61 | 75.27 | | pot | 39.95 | 45.66 | | animal | 57.79 | 63.05 | | bicycle | 54.52 | 78.55 | | lake | 26.11 | 29.27 | | dishwasher | 48.29 | 52.22 | | screen | 43.3 | 56.76 | | blanket | 15.07 | 17.38 | | sculpture | 55.93 | 77.6 | | hood | 52.36 | 56.01 | | sconce | 39.16 | 51.11 | | vase | 36.79 | 53.05 | | traffic light | 30.79 | 41.1 | | tray | 10.73 | 13.13 | | ashcan | 42.3 | 52.36 | | fan | 53.14 | 67.42 | | pier | 34.39 | 42.86 | | crt screen | 6.16 | 13.97 | | plate | 49.81 | 65.02 | | monitor | 25.94 | 30.72 | | bulletin board | 45.46 | 55.54 | | shower | 3.59 | 4.67 | | radiator | 57.48 | 66.71 | | glass | 16.88 | 18.67 | | clock | 36.18 | 39.88 | | flag | 46.83 | 54.95 | +---------------------+-------+-------+ 2023-11-10 02:43:47,127 - mmseg - INFO - Summary: 2023-11-10 02:43:47,127 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.89 | 46.34 | 58.01 | +-------+-------+-------+ 2023-11-10 02:43:47,128 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:43:47,128 - mmseg - INFO - Iter(val) [250] aAcc: 0.7989, mIoU: 0.4634, mAcc: 0.5801, IoU.wall: 0.7018, IoU.building: 0.7984, IoU.sky: 0.9010, IoU.floor: 0.7385, IoU.tree: 0.6974, IoU.ceiling: 0.7672, IoU.road: 0.7859, IoU.bed : 0.8320, IoU.windowpane: 0.5829, IoU.grass: 0.6600, IoU.cabinet: 0.5432, IoU.sidewalk: 0.5664, IoU.person: 0.7507, IoU.earth: 0.3425, IoU.door: 0.3967, IoU.table: 0.5334, IoU.mountain: 0.5585, IoU.plant: 0.5076, IoU.curtain: 0.6485, IoU.chair: 0.5270, IoU.car: 0.7875, IoU.water: 0.5697, IoU.painting: 0.6621, IoU.sofa: 0.6636, IoU.shelf: 0.3733, IoU.house: 0.4539, IoU.sea: 0.6122, IoU.mirror: 0.5836, IoU.rug: 0.5091, IoU.field: 0.3501, IoU.armchair: 0.4248, IoU.seat: 0.5581, IoU.fence: 0.3818, IoU.desk: 0.4157, IoU.rock: 0.5231, IoU.wardrobe: 0.4414, IoU.lamp: 0.5648, IoU.bathtub: 0.7310, IoU.railing: 0.3256, IoU.cushion: 0.5672, IoU.base: 0.2605, IoU.box: 0.2634, IoU.column: 0.3450, IoU.signboard: 0.3163, IoU.chest of drawers: 0.3815, IoU.counter: 0.3382, IoU.sand: 0.4415, IoU.sink: 0.6829, IoU.skyscraper: 0.4525, IoU.fireplace: 0.6352, IoU.refrigerator: 0.5731, IoU.grandstand: 0.5155, IoU.path: 0.1742, IoU.stairs: 0.3013, IoU.runway: 0.6511, IoU.case: 0.5399, IoU.pool table: 0.8484, IoU.pillow: 0.5267, IoU.screen door: 0.5447, IoU.stairway: 0.4794, IoU.river: 0.1593, IoU.bridge: 0.4247, IoU.bookcase: 0.3174, IoU.blind: 0.2782, IoU.coffee table: 0.5755, IoU.toilet: 0.7857, IoU.flower: 0.3855, IoU.book: 0.4697, IoU.hill: 0.0541, IoU.bench: 0.4745, IoU.countertop: 0.5328, IoU.stove: 0.7008, IoU.palm: 0.4932, IoU.kitchen island: 0.3714, IoU.computer: 0.6257, IoU.swivel chair: 0.4219, IoU.boat: 0.5983, IoU.bar: 0.5418, IoU.arcade machine: 0.6456, IoU.hovel: 0.3662, IoU.bus: 0.8406, IoU.towel: 0.6526, IoU.light: 0.3569, IoU.truck: 0.3689, IoU.tower: 0.2191, IoU.chandelier: 0.6226, IoU.awning: 0.2735, IoU.streetlight: 0.2262, IoU.booth: 0.3272, IoU.television receiver: 0.6751, IoU.airplane: 0.5283, IoU.dirt track: 0.1148, IoU.apparel: 0.4611, IoU.pole: 0.1429, IoU.land: 0.0153, IoU.bannister: 0.0722, IoU.escalator: 0.5411, IoU.ottoman: 0.4321, IoU.bottle: 0.4039, IoU.buffet: 0.4148, IoU.poster: 0.2096, IoU.stage: 0.1527, IoU.van: 0.3938, IoU.ship: 0.3305, IoU.fountain: 0.2244, IoU.conveyer belt: 0.6538, IoU.canopy: 0.3362, IoU.washer: 0.7462, IoU.plaything: 0.2709, IoU.swimming pool: 0.5987, IoU.stool: 0.3022, IoU.barrel: 0.2907, IoU.basket: 0.3493, IoU.waterfall: 0.4689, IoU.tent: 0.8328, IoU.bag: 0.1584, IoU.minibike: 0.6607, IoU.cradle: 0.6835, IoU.oven: 0.4730, IoU.ball: 0.5373, IoU.food: 0.5397, IoU.step: 0.0641, IoU.tank: 0.5623, IoU.trade name: 0.1646, IoU.microwave: 0.6961, IoU.pot: 0.3995, IoU.animal: 0.5779, IoU.bicycle: 0.5452, IoU.lake: 0.2611, IoU.dishwasher: 0.4829, IoU.screen: 0.4330, IoU.blanket: 0.1507, IoU.sculpture: 0.5593, IoU.hood: 0.5236, IoU.sconce: 0.3916, IoU.vase: 0.3679, IoU.traffic light: 0.3079, IoU.tray: 0.1073, IoU.ashcan: 0.4230, IoU.fan: 0.5314, IoU.pier: 0.3439, IoU.crt screen: 0.0616, IoU.plate: 0.4981, IoU.monitor: 0.2594, IoU.bulletin board: 0.4546, IoU.shower: 0.0359, IoU.radiator: 0.5748, IoU.glass: 0.1688, IoU.clock: 0.3618, IoU.flag: 0.4683, Acc.wall: 0.8473, Acc.building: 0.9180, Acc.sky: 0.9509, Acc.floor: 0.8718, Acc.tree: 0.8507, Acc.ceiling: 0.8642, Acc.road: 0.8777, Acc.bed : 0.9416, Acc.windowpane: 0.7408, Acc.grass: 0.8165, Acc.cabinet: 0.6848, Acc.sidewalk: 0.7490, Acc.person: 0.9065, Acc.earth: 0.4611, Acc.door: 0.4866, Acc.table: 0.6762, Acc.mountain: 0.7017, Acc.plant: 0.6281, Acc.curtain: 0.7794, Acc.chair: 0.6886, Acc.car: 0.9187, Acc.water: 0.7406, Acc.painting: 0.8210, Acc.sofa: 0.8219, Acc.shelf: 0.5117, Acc.house: 0.5873, Acc.sea: 0.7839, Acc.mirror: 0.7040, Acc.rug: 0.5676, Acc.field: 0.5554, Acc.armchair: 0.5916, Acc.seat: 0.7664, Acc.fence: 0.4964, Acc.desk: 0.6663, Acc.rock: 0.6782, Acc.wardrobe: 0.5938, Acc.lamp: 0.7060, Acc.bathtub: 0.8164, Acc.railing: 0.4473, Acc.cushion: 0.6980, Acc.base: 0.4024, Acc.box: 0.3464, Acc.column: 0.4168, Acc.signboard: 0.4756, Acc.chest of drawers: 0.5219, Acc.counter: 0.4187, Acc.sand: 0.5995, Acc.sink: 0.7969, Acc.skyscraper: 0.6127, Acc.fireplace: 0.8161, Acc.refrigerator: 0.6598, Acc.grandstand: 0.7851, Acc.path: 0.2379, Acc.stairs: 0.3455, Acc.runway: 0.8565, Acc.case: 0.6808, Acc.pool table: 0.9568, Acc.pillow: 0.6196, Acc.screen door: 0.6082, Acc.stairway: 0.6179, Acc.river: 0.2868, Acc.bridge: 0.5133, Acc.bookcase: 0.4514, Acc.blind: 0.3170, Acc.coffee table: 0.7982, Acc.toilet: 0.8926, Acc.flower: 0.5307, Acc.book: 0.6928, Acc.hill: 0.0808, Acc.bench: 0.5798, Acc.countertop: 0.6916, Acc.stove: 0.7905, Acc.palm: 0.6409, Acc.kitchen island: 0.5659, Acc.computer: 0.7821, Acc.swivel chair: 0.5573, Acc.boat: 0.7689, Acc.bar: 0.6504, Acc.arcade machine: 0.7364, Acc.hovel: 0.4222, Acc.bus: 0.9230, Acc.towel: 0.7703, Acc.light: 0.4150, Acc.truck: 0.5124, Acc.tower: 0.3481, Acc.chandelier: 0.7818, Acc.awning: 0.3517, Acc.streetlight: 0.2811, Acc.booth: 0.4056, Acc.television receiver: 0.7733, Acc.airplane: 0.6647, Acc.dirt track: 0.1876, Acc.apparel: 0.5967, Acc.pole: 0.1786, Acc.land: 0.0224, Acc.bannister: 0.0973, Acc.escalator: 0.7106, Acc.ottoman: 0.5224, Acc.bottle: 0.6667, Acc.buffet: 0.4849, Acc.poster: 0.2708, Acc.stage: 0.3029, Acc.van: 0.5254, Acc.ship: 0.3750, Acc.fountain: 0.2333, Acc.conveyer belt: 0.9267, Acc.canopy: 0.4115, Acc.washer: 0.8208, Acc.plaything: 0.3841, Acc.swimming pool: 0.8248, Acc.stool: 0.3878, Acc.barrel: 0.4203, Acc.basket: 0.4526, Acc.waterfall: 0.5352, Acc.tent: 0.9820, Acc.bag: 0.1831, Acc.minibike: 0.8496, Acc.cradle: 0.9481, Acc.oven: 0.5647, Acc.ball: 0.6266, Acc.food: 0.6432, Acc.step: 0.0710, Acc.tank: 0.7267, Acc.trade name: 0.1832, Acc.microwave: 0.7527, Acc.pot: 0.4566, Acc.animal: 0.6305, Acc.bicycle: 0.7855, Acc.lake: 0.2927, Acc.dishwasher: 0.5222, Acc.screen: 0.5676, Acc.blanket: 0.1738, Acc.sculpture: 0.7760, Acc.hood: 0.5601, Acc.sconce: 0.5111, Acc.vase: 0.5305, Acc.traffic light: 0.4110, Acc.tray: 0.1313, Acc.ashcan: 0.5236, Acc.fan: 0.6742, Acc.pier: 0.4286, Acc.crt screen: 0.1397, Acc.plate: 0.6502, Acc.monitor: 0.3072, Acc.bulletin board: 0.5554, Acc.shower: 0.0467, Acc.radiator: 0.6671, Acc.glass: 0.1867, Acc.clock: 0.3988, Acc.flag: 0.5495 2023-11-10 02:43:57,675 - mmseg - INFO - Iter [50050/80000] lr: 1.498e-05, eta: 2:22:05, time: 1.131, data_time: 0.927, memory: 16310, decode.loss_ce: 0.5418, decode.acc_seg: 78.9819, loss: 0.5418 2023-11-10 02:44:08,252 - mmseg - INFO - Iter [50100/80000] lr: 1.495e-05, eta: 2:21:49, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5260, decode.acc_seg: 79.7660, loss: 0.5260 2023-11-10 02:44:18,818 - mmseg - INFO - Iter [50150/80000] lr: 1.493e-05, eta: 2:21:32, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5248, decode.acc_seg: 79.9526, loss: 0.5248 2023-11-10 02:44:29,416 - mmseg - INFO - Iter [50200/80000] lr: 1.490e-05, eta: 2:21:16, time: 0.212, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5648, decode.acc_seg: 78.8099, loss: 0.5648 2023-11-10 02:44:39,992 - mmseg - INFO - Iter [50250/80000] lr: 1.488e-05, eta: 2:21:00, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5391, decode.acc_seg: 80.1671, loss: 0.5391 2023-11-10 02:44:50,528 - mmseg - INFO - Iter [50300/80000] lr: 1.485e-05, eta: 2:20:43, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5338, decode.acc_seg: 79.9431, loss: 0.5338 2023-11-10 02:45:01,060 - mmseg - INFO - Iter [50350/80000] lr: 1.483e-05, eta: 2:20:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5358, decode.acc_seg: 80.3895, loss: 0.5358 2023-11-10 02:45:11,585 - mmseg - INFO - Iter [50400/80000] lr: 1.480e-05, eta: 2:20:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5545, decode.acc_seg: 79.9683, loss: 0.5545 2023-11-10 02:45:22,123 - mmseg - INFO - Iter [50450/80000] lr: 1.478e-05, eta: 2:19:54, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5510, decode.acc_seg: 79.5194, loss: 0.5510 2023-11-10 02:45:32,654 - mmseg - INFO - Iter [50500/80000] lr: 1.475e-05, eta: 2:19:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5471, decode.acc_seg: 79.3980, loss: 0.5471 2023-11-10 02:45:45,505 - mmseg - INFO - Iter [50550/80000] lr: 1.473e-05, eta: 2:19:23, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5328, decode.acc_seg: 79.7480, loss: 0.5328 2023-11-10 02:45:56,024 - mmseg - INFO - Iter [50600/80000] lr: 1.470e-05, eta: 2:19:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5402, decode.acc_seg: 79.9352, loss: 0.5402 2023-11-10 02:46:06,547 - mmseg - INFO - Iter [50650/80000] lr: 1.468e-05, eta: 2:18:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5243, decode.acc_seg: 80.2519, loss: 0.5243 2023-11-10 02:46:17,068 - mmseg - INFO - Iter [50700/80000] lr: 1.465e-05, eta: 2:18:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5286, decode.acc_seg: 80.1017, loss: 0.5286 2023-11-10 02:46:27,592 - mmseg - INFO - Iter [50750/80000] lr: 1.463e-05, eta: 2:18:18, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5509, decode.acc_seg: 79.3432, loss: 0.5509 2023-11-10 02:46:38,112 - mmseg - INFO - Iter [50800/80000] lr: 1.460e-05, eta: 2:18:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5276, decode.acc_seg: 80.4262, loss: 0.5276 2023-11-10 02:46:48,637 - mmseg - INFO - Iter [50850/80000] lr: 1.458e-05, eta: 2:17:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5380, decode.acc_seg: 80.2595, loss: 0.5380 2023-11-10 02:46:59,151 - mmseg - INFO - Iter [50900/80000] lr: 1.455e-05, eta: 2:17:29, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5412, decode.acc_seg: 79.6439, loss: 0.5412 2023-11-10 02:47:09,681 - mmseg - INFO - Iter [50950/80000] lr: 1.453e-05, eta: 2:17:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5279, decode.acc_seg: 79.9748, loss: 0.5279 2023-11-10 02:47:20,211 - mmseg - INFO - Saving checkpoint at 51000 iterations 2023-11-10 02:47:47,134 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:47:47,134 - mmseg - INFO - Iter [51000/80000] lr: 1.450e-05, eta: 2:17:11, time: 0.749, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5361, decode.acc_seg: 79.6567, loss: 0.5361 2023-11-10 02:48:33,354 - mmseg - INFO - per class results: 2023-11-10 02:48:33,360 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.78 | 85.65 | | building | 79.37 | 92.46 | | sky | 89.88 | 95.48 | | floor | 73.94 | 86.25 | | tree | 69.3 | 84.05 | | ceiling | 76.72 | 86.54 | | road | 78.8 | 87.23 | | bed | 83.08 | 94.12 | | windowpane | 58.12 | 75.76 | | grass | 66.43 | 79.91 | | cabinet | 54.1 | 68.08 | | sidewalk | 57.12 | 73.79 | | person | 75.39 | 90.3 | | earth | 35.21 | 48.58 | | door | 40.29 | 50.64 | | table | 53.37 | 68.64 | | mountain | 55.13 | 69.96 | | plant | 49.63 | 59.39 | | curtain | 64.22 | 74.91 | | chair | 53.05 | 69.67 | | car | 79.15 | 91.43 | | water | 56.3 | 73.2 | | painting | 66.42 | 79.28 | | sofa | 66.44 | 82.81 | | shelf | 37.08 | 50.32 | | house | 45.41 | 62.48 | | sea | 60.59 | 79.02 | | mirror | 58.22 | 69.15 | | rug | 48.61 | 52.94 | | field | 35.03 | 54.61 | | armchair | 41.95 | 56.17 | | seat | 55.97 | 76.9 | | fence | 37.13 | 47.22 | | desk | 41.48 | 67.17 | | rock | 52.3 | 68.13 | | wardrobe | 44.35 | 60.29 | | lamp | 56.42 | 70.69 | | bathtub | 72.7 | 79.88 | | railing | 32.42 | 43.14 | | cushion | 56.69 | 70.12 | | base | 25.29 | 37.24 | | box | 25.09 | 31.47 | | column | 34.47 | 41.76 | | signboard | 31.19 | 44.7 | | chest of drawers | 38.35 | 50.9 | | counter | 35.91 | 46.29 | | sand | 45.6 | 62.77 | | sink | 68.49 | 77.79 | | skyscraper | 44.45 | 58.01 | | fireplace | 63.42 | 81.02 | | refrigerator | 57.25 | 65.5 | | grandstand | 51.02 | 78.79 | | path | 17.8 | 24.28 | | stairs | 25.97 | 28.71 | | runway | 64.86 | 84.96 | | case | 53.51 | 65.66 | | pool table | 85.05 | 95.78 | | pillow | 50.35 | 57.81 | | screen door | 51.65 | 55.86 | | stairway | 46.58 | 60.95 | | river | 14.5 | 24.28 | | bridge | 41.63 | 50.65 | | bookcase | 31.53 | 45.2 | | blind | 23.44 | 25.85 | | coffee table | 57.99 | 77.93 | | toilet | 78.86 | 87.97 | | flower | 37.67 | 51.49 | | book | 46.83 | 68.5 | | hill | 5.44 | 8.6 | | bench | 46.98 | 55.94 | | countertop | 53.16 | 68.13 | | stove | 70.09 | 77.72 | | palm | 48.28 | 61.62 | | kitchen island | 38.23 | 59.24 | | computer | 61.96 | 75.2 | | swivel chair | 42.18 | 54.68 | | boat | 60.06 | 77.19 | | bar | 54.35 | 63.86 | | arcade machine | 63.87 | 72.87 | | hovel | 29.82 | 33.58 | | bus | 83.81 | 90.98 | | towel | 65.33 | 77.11 | | light | 34.55 | 39.49 | | truck | 36.28 | 48.46 | | tower | 17.66 | 26.49 | | chandelier | 61.93 | 74.68 | | awning | 26.16 | 32.82 | | streetlight | 21.03 | 24.96 | | booth | 32.86 | 42.43 | | television receiver | 67.5 | 77.41 | | airplane | 52.77 | 66.63 | | dirt track | 13.17 | 22.0 | | apparel | 45.98 | 57.9 | | pole | 13.91 | 17.11 | | land | 1.96 | 2.7 | | bannister | 5.9 | 7.65 | | escalator | 52.92 | 67.68 | | ottoman | 43.44 | 51.75 | | bottle | 40.45 | 65.99 | | buffet | 40.27 | 46.26 | | poster | 20.39 | 25.04 | | stage | 15.42 | 30.27 | | van | 37.51 | 50.12 | | ship | 37.84 | 43.3 | | fountain | 22.49 | 23.21 | | conveyer belt | 65.95 | 92.83 | | canopy | 30.18 | 36.06 | | washer | 73.48 | 79.64 | | plaything | 27.05 | 35.61 | | swimming pool | 60.55 | 81.36 | | stool | 30.26 | 38.89 | | barrel | 29.33 | 40.65 | | basket | 34.96 | 45.54 | | waterfall | 44.64 | 49.0 | | tent | 84.4 | 97.99 | | bag | 16.73 | 19.33 | | minibike | 66.32 | 83.54 | | cradle | 69.41 | 94.22 | | oven | 46.87 | 55.18 | | ball | 56.34 | 69.49 | | food | 49.91 | 57.64 | | step | 6.23 | 6.76 | | tank | 55.9 | 70.74 | | trade name | 17.76 | 19.99 | | microwave | 68.65 | 74.51 | | pot | 37.69 | 42.23 | | animal | 55.89 | 60.97 | | bicycle | 54.88 | 76.87 | | lake | 25.82 | 29.63 | | dishwasher | 49.63 | 54.06 | | screen | 43.15 | 56.71 | | blanket | 15.04 | 17.37 | | sculpture | 57.32 | 75.67 | | hood | 51.86 | 55.09 | | sconce | 36.42 | 44.25 | | vase | 36.96 | 51.49 | | traffic light | 29.89 | 38.84 | | tray | 11.02 | 13.42 | | ashcan | 42.11 | 51.11 | | fan | 52.02 | 64.28 | | pier | 34.54 | 42.86 | | crt screen | 5.61 | 12.58 | | plate | 49.65 | 64.55 | | monitor | 22.34 | 25.4 | | bulletin board | 44.97 | 55.62 | | shower | 2.68 | 2.96 | | radiator | 55.29 | 60.91 | | glass | 15.59 | 16.77 | | clock | 34.48 | 37.28 | | flag | 45.13 | 51.85 | +---------------------+-------+-------+ 2023-11-10 02:48:33,360 - mmseg - INFO - Summary: 2023-11-10 02:48:33,360 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.77 | 45.91 | 56.88 | +-------+-------+-------+ 2023-11-10 02:48:33,360 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:48:33,361 - mmseg - INFO - Iter(val) [250] aAcc: 0.7977, mIoU: 0.4591, mAcc: 0.5688, IoU.wall: 0.6978, IoU.building: 0.7937, IoU.sky: 0.8988, IoU.floor: 0.7394, IoU.tree: 0.6930, IoU.ceiling: 0.7672, IoU.road: 0.7880, IoU.bed : 0.8308, IoU.windowpane: 0.5812, IoU.grass: 0.6643, IoU.cabinet: 0.5410, IoU.sidewalk: 0.5712, IoU.person: 0.7539, IoU.earth: 0.3521, IoU.door: 0.4029, IoU.table: 0.5337, IoU.mountain: 0.5513, IoU.plant: 0.4963, IoU.curtain: 0.6422, IoU.chair: 0.5305, IoU.car: 0.7915, IoU.water: 0.5630, IoU.painting: 0.6642, IoU.sofa: 0.6644, IoU.shelf: 0.3708, IoU.house: 0.4541, IoU.sea: 0.6059, IoU.mirror: 0.5822, IoU.rug: 0.4861, IoU.field: 0.3503, IoU.armchair: 0.4195, IoU.seat: 0.5597, IoU.fence: 0.3713, IoU.desk: 0.4148, IoU.rock: 0.5230, IoU.wardrobe: 0.4435, IoU.lamp: 0.5642, IoU.bathtub: 0.7270, IoU.railing: 0.3242, IoU.cushion: 0.5669, IoU.base: 0.2529, IoU.box: 0.2509, IoU.column: 0.3447, IoU.signboard: 0.3119, IoU.chest of drawers: 0.3835, IoU.counter: 0.3591, IoU.sand: 0.4560, IoU.sink: 0.6849, IoU.skyscraper: 0.4445, IoU.fireplace: 0.6342, IoU.refrigerator: 0.5725, IoU.grandstand: 0.5102, IoU.path: 0.1780, IoU.stairs: 0.2597, IoU.runway: 0.6486, IoU.case: 0.5351, IoU.pool table: 0.8505, IoU.pillow: 0.5035, IoU.screen door: 0.5165, IoU.stairway: 0.4658, IoU.river: 0.1450, IoU.bridge: 0.4163, IoU.bookcase: 0.3153, IoU.blind: 0.2344, IoU.coffee table: 0.5799, IoU.toilet: 0.7886, IoU.flower: 0.3767, IoU.book: 0.4683, IoU.hill: 0.0544, IoU.bench: 0.4698, IoU.countertop: 0.5316, IoU.stove: 0.7009, IoU.palm: 0.4828, IoU.kitchen island: 0.3823, IoU.computer: 0.6196, IoU.swivel chair: 0.4218, IoU.boat: 0.6006, IoU.bar: 0.5435, IoU.arcade machine: 0.6387, IoU.hovel: 0.2982, IoU.bus: 0.8381, IoU.towel: 0.6533, IoU.light: 0.3455, IoU.truck: 0.3628, IoU.tower: 0.1766, IoU.chandelier: 0.6193, IoU.awning: 0.2616, IoU.streetlight: 0.2103, IoU.booth: 0.3286, IoU.television receiver: 0.6750, IoU.airplane: 0.5277, IoU.dirt track: 0.1317, IoU.apparel: 0.4598, IoU.pole: 0.1391, IoU.land: 0.0196, IoU.bannister: 0.0590, IoU.escalator: 0.5292, IoU.ottoman: 0.4344, IoU.bottle: 0.4045, IoU.buffet: 0.4027, IoU.poster: 0.2039, IoU.stage: 0.1542, IoU.van: 0.3751, IoU.ship: 0.3784, IoU.fountain: 0.2249, IoU.conveyer belt: 0.6595, IoU.canopy: 0.3018, IoU.washer: 0.7348, IoU.plaything: 0.2705, IoU.swimming pool: 0.6055, IoU.stool: 0.3026, IoU.barrel: 0.2933, IoU.basket: 0.3496, IoU.waterfall: 0.4464, IoU.tent: 0.8440, IoU.bag: 0.1673, IoU.minibike: 0.6632, IoU.cradle: 0.6941, IoU.oven: 0.4687, IoU.ball: 0.5634, IoU.food: 0.4991, IoU.step: 0.0623, IoU.tank: 0.5590, IoU.trade name: 0.1776, IoU.microwave: 0.6865, IoU.pot: 0.3769, IoU.animal: 0.5589, IoU.bicycle: 0.5488, IoU.lake: 0.2582, IoU.dishwasher: 0.4963, IoU.screen: 0.4315, IoU.blanket: 0.1504, IoU.sculpture: 0.5732, IoU.hood: 0.5186, IoU.sconce: 0.3642, IoU.vase: 0.3696, IoU.traffic light: 0.2989, IoU.tray: 0.1102, IoU.ashcan: 0.4211, IoU.fan: 0.5202, IoU.pier: 0.3454, IoU.crt screen: 0.0561, IoU.plate: 0.4965, IoU.monitor: 0.2234, IoU.bulletin board: 0.4497, IoU.shower: 0.0268, IoU.radiator: 0.5529, IoU.glass: 0.1559, IoU.clock: 0.3448, IoU.flag: 0.4513, Acc.wall: 0.8565, Acc.building: 0.9246, Acc.sky: 0.9548, Acc.floor: 0.8625, Acc.tree: 0.8405, Acc.ceiling: 0.8654, Acc.road: 0.8723, Acc.bed : 0.9412, Acc.windowpane: 0.7576, Acc.grass: 0.7991, Acc.cabinet: 0.6808, Acc.sidewalk: 0.7379, Acc.person: 0.9030, Acc.earth: 0.4858, Acc.door: 0.5064, Acc.table: 0.6864, Acc.mountain: 0.6996, Acc.plant: 0.5939, Acc.curtain: 0.7491, Acc.chair: 0.6967, Acc.car: 0.9143, Acc.water: 0.7320, Acc.painting: 0.7928, Acc.sofa: 0.8281, Acc.shelf: 0.5032, Acc.house: 0.6248, Acc.sea: 0.7902, Acc.mirror: 0.6915, Acc.rug: 0.5294, Acc.field: 0.5461, Acc.armchair: 0.5617, Acc.seat: 0.7690, Acc.fence: 0.4722, Acc.desk: 0.6717, Acc.rock: 0.6813, Acc.wardrobe: 0.6029, Acc.lamp: 0.7069, Acc.bathtub: 0.7988, Acc.railing: 0.4314, Acc.cushion: 0.7012, Acc.base: 0.3724, Acc.box: 0.3147, Acc.column: 0.4176, Acc.signboard: 0.4470, Acc.chest of drawers: 0.5090, Acc.counter: 0.4629, Acc.sand: 0.6277, Acc.sink: 0.7779, Acc.skyscraper: 0.5801, Acc.fireplace: 0.8102, Acc.refrigerator: 0.6550, Acc.grandstand: 0.7879, Acc.path: 0.2428, Acc.stairs: 0.2871, Acc.runway: 0.8496, Acc.case: 0.6566, Acc.pool table: 0.9578, Acc.pillow: 0.5781, Acc.screen door: 0.5586, Acc.stairway: 0.6095, Acc.river: 0.2428, Acc.bridge: 0.5065, Acc.bookcase: 0.4520, Acc.blind: 0.2585, Acc.coffee table: 0.7793, Acc.toilet: 0.8797, Acc.flower: 0.5149, Acc.book: 0.6850, Acc.hill: 0.0860, Acc.bench: 0.5594, Acc.countertop: 0.6813, Acc.stove: 0.7772, Acc.palm: 0.6162, Acc.kitchen island: 0.5924, Acc.computer: 0.7520, Acc.swivel chair: 0.5468, Acc.boat: 0.7719, Acc.bar: 0.6386, Acc.arcade machine: 0.7287, Acc.hovel: 0.3358, Acc.bus: 0.9098, Acc.towel: 0.7711, Acc.light: 0.3949, Acc.truck: 0.4846, Acc.tower: 0.2649, Acc.chandelier: 0.7468, Acc.awning: 0.3282, Acc.streetlight: 0.2496, Acc.booth: 0.4243, Acc.television receiver: 0.7741, Acc.airplane: 0.6663, Acc.dirt track: 0.2200, Acc.apparel: 0.5790, Acc.pole: 0.1711, Acc.land: 0.0270, Acc.bannister: 0.0765, Acc.escalator: 0.6768, Acc.ottoman: 0.5175, Acc.bottle: 0.6599, Acc.buffet: 0.4626, Acc.poster: 0.2504, Acc.stage: 0.3027, Acc.van: 0.5012, Acc.ship: 0.4330, Acc.fountain: 0.2321, Acc.conveyer belt: 0.9283, Acc.canopy: 0.3606, Acc.washer: 0.7964, Acc.plaything: 0.3561, Acc.swimming pool: 0.8136, Acc.stool: 0.3889, Acc.barrel: 0.4065, Acc.basket: 0.4554, Acc.waterfall: 0.4900, Acc.tent: 0.9799, Acc.bag: 0.1933, Acc.minibike: 0.8354, Acc.cradle: 0.9422, Acc.oven: 0.5518, Acc.ball: 0.6949, Acc.food: 0.5764, Acc.step: 0.0676, Acc.tank: 0.7074, Acc.trade name: 0.1999, Acc.microwave: 0.7451, Acc.pot: 0.4223, Acc.animal: 0.6097, Acc.bicycle: 0.7687, Acc.lake: 0.2963, Acc.dishwasher: 0.5406, Acc.screen: 0.5671, Acc.blanket: 0.1737, Acc.sculpture: 0.7567, Acc.hood: 0.5509, Acc.sconce: 0.4425, Acc.vase: 0.5149, Acc.traffic light: 0.3884, Acc.tray: 0.1342, Acc.ashcan: 0.5111, Acc.fan: 0.6428, Acc.pier: 0.4286, Acc.crt screen: 0.1258, Acc.plate: 0.6455, Acc.monitor: 0.2540, Acc.bulletin board: 0.5562, Acc.shower: 0.0296, Acc.radiator: 0.6091, Acc.glass: 0.1677, Acc.clock: 0.3728, Acc.flag: 0.5185 2023-11-10 02:48:43,968 - mmseg - INFO - Iter [51050/80000] lr: 1.448e-05, eta: 2:17:21, time: 1.137, data_time: 0.931, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 80.1007, loss: 0.5366 2023-11-10 02:48:54,520 - mmseg - INFO - Iter [51100/80000] lr: 1.445e-05, eta: 2:17:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5355, decode.acc_seg: 79.6485, loss: 0.5355 2023-11-10 02:49:05,127 - mmseg - INFO - Iter [51150/80000] lr: 1.443e-05, eta: 2:16:49, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5299, decode.acc_seg: 79.9401, loss: 0.5299 2023-11-10 02:49:15,712 - mmseg - INFO - Iter [51200/80000] lr: 1.440e-05, eta: 2:16:33, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5569, decode.acc_seg: 78.7351, loss: 0.5569 2023-11-10 02:49:26,284 - mmseg - INFO - Iter [51250/80000] lr: 1.438e-05, eta: 2:16:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5492, decode.acc_seg: 79.4314, loss: 0.5492 2023-11-10 02:49:36,828 - mmseg - INFO - Iter [51300/80000] lr: 1.435e-05, eta: 2:16:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5214, decode.acc_seg: 80.5688, loss: 0.5214 2023-11-10 02:49:47,361 - mmseg - INFO - Iter [51350/80000] lr: 1.433e-05, eta: 2:15:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5684, decode.acc_seg: 78.6527, loss: 0.5684 2023-11-10 02:49:57,888 - mmseg - INFO - Iter [51400/80000] lr: 1.430e-05, eta: 2:15:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5471, decode.acc_seg: 79.3265, loss: 0.5471 2023-11-10 02:50:08,419 - mmseg - INFO - Iter [51450/80000] lr: 1.428e-05, eta: 2:15:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5485, decode.acc_seg: 79.8001, loss: 0.5485 2023-11-10 02:50:18,947 - mmseg - INFO - Iter [51500/80000] lr: 1.425e-05, eta: 2:14:55, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5273, decode.acc_seg: 79.6383, loss: 0.5273 2023-11-10 02:50:29,475 - mmseg - INFO - Iter [51550/80000] lr: 1.423e-05, eta: 2:14:39, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 79.6067, loss: 0.5298 2023-11-10 02:50:39,992 - mmseg - INFO - Iter [51600/80000] lr: 1.420e-05, eta: 2:14:23, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5146, decode.acc_seg: 81.0661, loss: 0.5146 2023-11-10 02:50:50,514 - mmseg - INFO - Iter [51650/80000] lr: 1.418e-05, eta: 2:14:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5224, decode.acc_seg: 79.6157, loss: 0.5224 2023-11-10 02:51:01,033 - mmseg - INFO - Iter [51700/80000] lr: 1.415e-05, eta: 2:13:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5363, decode.acc_seg: 79.9424, loss: 0.5363 2023-11-10 02:51:11,557 - mmseg - INFO - Iter [51750/80000] lr: 1.413e-05, eta: 2:13:34, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5506, decode.acc_seg: 79.7571, loss: 0.5506 2023-11-10 02:51:24,402 - mmseg - INFO - Iter [51800/80000] lr: 1.410e-05, eta: 2:13:19, time: 0.257, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5520, decode.acc_seg: 79.5898, loss: 0.5520 2023-11-10 02:51:34,912 - mmseg - INFO - Iter [51850/80000] lr: 1.408e-05, eta: 2:13:03, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5212, decode.acc_seg: 80.2672, loss: 0.5212 2023-11-10 02:51:45,435 - mmseg - INFO - Iter [51900/80000] lr: 1.405e-05, eta: 2:12:47, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5313, decode.acc_seg: 80.2273, loss: 0.5313 2023-11-10 02:51:55,944 - mmseg - INFO - Iter [51950/80000] lr: 1.403e-05, eta: 2:12:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5300, decode.acc_seg: 79.7806, loss: 0.5300 2023-11-10 02:52:06,452 - mmseg - INFO - Saving checkpoint at 52000 iterations 2023-11-10 02:52:30,457 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:52:30,457 - mmseg - INFO - Iter [52000/80000] lr: 1.400e-05, eta: 2:12:27, time: 0.690, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5401, decode.acc_seg: 80.0013, loss: 0.5401 2023-11-10 02:53:16,347 - mmseg - INFO - per class results: 2023-11-10 02:53:16,352 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.83 | 85.07 | | building | 79.55 | 92.41 | | sky | 89.99 | 95.35 | | floor | 74.18 | 85.9 | | tree | 69.49 | 84.66 | | ceiling | 76.79 | 87.28 | | road | 78.48 | 88.53 | | bed | 83.53 | 93.67 | | windowpane | 58.14 | 75.97 | | grass | 66.48 | 79.87 | | cabinet | 54.11 | 67.63 | | sidewalk | 56.46 | 71.81 | | person | 75.45 | 90.19 | | earth | 35.24 | 49.18 | | door | 40.1 | 49.81 | | table | 53.29 | 67.88 | | mountain | 55.54 | 71.58 | | plant | 49.58 | 59.33 | | curtain | 64.33 | 76.23 | | chair | 52.74 | 68.91 | | car | 78.69 | 91.89 | | water | 56.14 | 73.53 | | painting | 66.29 | 81.23 | | sofa | 66.37 | 82.21 | | shelf | 36.84 | 50.56 | | house | 45.37 | 59.82 | | sea | 60.65 | 80.03 | | mirror | 58.55 | 71.0 | | rug | 51.26 | 57.17 | | field | 35.17 | 54.04 | | armchair | 42.25 | 59.27 | | seat | 56.36 | 76.32 | | fence | 36.93 | 47.22 | | desk | 41.71 | 66.14 | | rock | 51.89 | 68.05 | | wardrobe | 44.0 | 59.45 | | lamp | 56.64 | 70.7 | | bathtub | 73.26 | 80.84 | | railing | 32.31 | 43.48 | | cushion | 56.8 | 70.22 | | base | 24.82 | 35.98 | | box | 26.12 | 33.62 | | column | 34.88 | 42.49 | | signboard | 31.28 | 45.52 | | chest of drawers | 38.15 | 50.72 | | counter | 33.36 | 41.72 | | sand | 44.68 | 60.54 | | sink | 68.25 | 77.62 | | skyscraper | 44.1 | 57.27 | | fireplace | 63.3 | 79.92 | | refrigerator | 57.19 | 65.45 | | grandstand | 50.87 | 78.96 | | path | 17.76 | 24.29 | | stairs | 28.25 | 31.54 | | runway | 65.47 | 86.62 | | case | 53.84 | 67.78 | | pool table | 84.13 | 96.24 | | pillow | 54.02 | 64.65 | | screen door | 55.47 | 61.84 | | stairway | 48.14 | 62.79 | | river | 15.28 | 25.0 | | bridge | 41.71 | 51.56 | | bookcase | 32.12 | 48.68 | | blind | 22.4 | 24.71 | | coffee table | 57.05 | 81.14 | | toilet | 78.32 | 89.4 | | flower | 38.37 | 54.28 | | book | 46.42 | 66.19 | | hill | 5.61 | 8.16 | | bench | 47.41 | 56.3 | | countertop | 52.9 | 67.18 | | stove | 70.32 | 79.24 | | palm | 49.04 | 62.69 | | kitchen island | 38.02 | 57.75 | | computer | 62.71 | 79.16 | | swivel chair | 42.01 | 54.82 | | boat | 59.84 | 76.71 | | bar | 54.08 | 63.86 | | arcade machine | 63.7 | 72.91 | | hovel | 31.44 | 35.4 | | bus | 84.2 | 91.19 | | towel | 65.16 | 77.35 | | light | 35.66 | 41.46 | | truck | 36.57 | 49.61 | | tower | 19.79 | 30.4 | | chandelier | 62.31 | 76.06 | | awning | 26.97 | 33.98 | | streetlight | 21.53 | 25.81 | | booth | 33.52 | 42.89 | | television receiver | 67.47 | 77.79 | | airplane | 53.13 | 65.88 | | dirt track | 12.7 | 21.56 | | apparel | 45.8 | 60.14 | | pole | 13.77 | 16.87 | | land | 1.83 | 2.73 | | bannister | 6.76 | 8.77 | | escalator | 54.21 | 71.12 | | ottoman | 43.52 | 51.71 | | bottle | 40.42 | 64.86 | | buffet | 41.44 | 48.38 | | poster | 20.99 | 26.75 | | stage | 15.47 | 31.55 | | van | 37.01 | 48.57 | | ship | 36.33 | 40.99 | | fountain | 20.9 | 21.52 | | conveyer belt | 67.98 | 91.92 | | canopy | 30.25 | 35.84 | | washer | 75.27 | 82.56 | | plaything | 27.22 | 36.65 | | swimming pool | 60.33 | 81.52 | | stool | 30.42 | 40.26 | | barrel | 28.83 | 39.55 | | basket | 34.88 | 44.21 | | waterfall | 45.49 | 50.49 | | tent | 85.89 | 97.32 | | bag | 16.3 | 18.74 | | minibike | 66.09 | 83.78 | | cradle | 69.92 | 93.92 | | oven | 46.09 | 53.95 | | ball | 56.29 | 68.68 | | food | 51.22 | 59.67 | | step | 5.91 | 6.42 | | tank | 55.17 | 68.69 | | trade name | 15.77 | 17.44 | | microwave | 69.19 | 75.47 | | pot | 37.91 | 42.47 | | animal | 55.64 | 60.7 | | bicycle | 55.2 | 78.38 | | lake | 25.37 | 28.67 | | dishwasher | 48.26 | 51.74 | | screen | 43.35 | 57.78 | | blanket | 15.06 | 17.42 | | sculpture | 57.36 | 76.02 | | hood | 52.97 | 56.62 | | sconce | 36.14 | 43.87 | | vase | 36.62 | 52.71 | | traffic light | 30.63 | 40.76 | | tray | 11.34 | 13.96 | | ashcan | 41.97 | 50.36 | | fan | 53.54 | 69.02 | | pier | 34.03 | 43.75 | | crt screen | 5.48 | 11.47 | | plate | 49.93 | 65.47 | | monitor | 24.69 | 28.4 | | bulletin board | 45.16 | 56.34 | | shower | 3.16 | 3.71 | | radiator | 58.84 | 68.72 | | glass | 16.36 | 17.88 | | clock | 35.88 | 39.39 | | flag | 46.79 | 55.36 | +---------------------+-------+-------+ 2023-11-10 02:53:16,353 - mmseg - INFO - Summary: 2023-11-10 02:53:16,353 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.83 | 46.14 | 57.41 | +-------+-------+-------+ 2023-11-10 02:53:16,353 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:53:16,354 - mmseg - INFO - Iter(val) [250] aAcc: 0.7983, mIoU: 0.4614, mAcc: 0.5741, IoU.wall: 0.6983, IoU.building: 0.7955, IoU.sky: 0.8999, IoU.floor: 0.7418, IoU.tree: 0.6949, IoU.ceiling: 0.7679, IoU.road: 0.7848, IoU.bed : 0.8353, IoU.windowpane: 0.5814, IoU.grass: 0.6648, IoU.cabinet: 0.5411, IoU.sidewalk: 0.5646, IoU.person: 0.7545, IoU.earth: 0.3524, IoU.door: 0.4010, IoU.table: 0.5329, IoU.mountain: 0.5554, IoU.plant: 0.4958, IoU.curtain: 0.6433, IoU.chair: 0.5274, IoU.car: 0.7869, IoU.water: 0.5614, IoU.painting: 0.6629, IoU.sofa: 0.6637, IoU.shelf: 0.3684, IoU.house: 0.4537, IoU.sea: 0.6065, IoU.mirror: 0.5855, IoU.rug: 0.5126, IoU.field: 0.3517, IoU.armchair: 0.4225, IoU.seat: 0.5636, IoU.fence: 0.3693, IoU.desk: 0.4171, IoU.rock: 0.5189, IoU.wardrobe: 0.4400, IoU.lamp: 0.5664, IoU.bathtub: 0.7326, IoU.railing: 0.3231, IoU.cushion: 0.5680, IoU.base: 0.2482, IoU.box: 0.2612, IoU.column: 0.3488, IoU.signboard: 0.3128, IoU.chest of drawers: 0.3815, IoU.counter: 0.3336, IoU.sand: 0.4468, IoU.sink: 0.6825, IoU.skyscraper: 0.4410, IoU.fireplace: 0.6330, IoU.refrigerator: 0.5719, IoU.grandstand: 0.5087, IoU.path: 0.1776, IoU.stairs: 0.2825, IoU.runway: 0.6547, IoU.case: 0.5384, IoU.pool table: 0.8413, IoU.pillow: 0.5402, IoU.screen door: 0.5547, IoU.stairway: 0.4814, IoU.river: 0.1528, IoU.bridge: 0.4171, IoU.bookcase: 0.3212, IoU.blind: 0.2240, IoU.coffee table: 0.5705, IoU.toilet: 0.7832, IoU.flower: 0.3837, IoU.book: 0.4642, IoU.hill: 0.0561, IoU.bench: 0.4741, IoU.countertop: 0.5290, IoU.stove: 0.7032, IoU.palm: 0.4904, IoU.kitchen island: 0.3802, IoU.computer: 0.6271, IoU.swivel chair: 0.4201, IoU.boat: 0.5984, IoU.bar: 0.5408, IoU.arcade machine: 0.6370, IoU.hovel: 0.3144, IoU.bus: 0.8420, IoU.towel: 0.6516, IoU.light: 0.3566, IoU.truck: 0.3657, IoU.tower: 0.1979, IoU.chandelier: 0.6231, IoU.awning: 0.2697, IoU.streetlight: 0.2153, IoU.booth: 0.3352, IoU.television receiver: 0.6747, IoU.airplane: 0.5313, IoU.dirt track: 0.1270, IoU.apparel: 0.4580, IoU.pole: 0.1377, IoU.land: 0.0183, IoU.bannister: 0.0676, IoU.escalator: 0.5421, IoU.ottoman: 0.4352, IoU.bottle: 0.4042, IoU.buffet: 0.4144, IoU.poster: 0.2099, IoU.stage: 0.1547, IoU.van: 0.3701, IoU.ship: 0.3633, IoU.fountain: 0.2090, IoU.conveyer belt: 0.6798, IoU.canopy: 0.3025, IoU.washer: 0.7527, IoU.plaything: 0.2722, IoU.swimming pool: 0.6033, IoU.stool: 0.3042, IoU.barrel: 0.2883, IoU.basket: 0.3488, IoU.waterfall: 0.4549, IoU.tent: 0.8589, IoU.bag: 0.1630, IoU.minibike: 0.6609, IoU.cradle: 0.6992, IoU.oven: 0.4609, IoU.ball: 0.5629, IoU.food: 0.5122, IoU.step: 0.0591, IoU.tank: 0.5517, IoU.trade name: 0.1577, IoU.microwave: 0.6919, IoU.pot: 0.3791, IoU.animal: 0.5564, IoU.bicycle: 0.5520, IoU.lake: 0.2537, IoU.dishwasher: 0.4826, IoU.screen: 0.4335, IoU.blanket: 0.1506, IoU.sculpture: 0.5736, IoU.hood: 0.5297, IoU.sconce: 0.3614, IoU.vase: 0.3662, IoU.traffic light: 0.3063, IoU.tray: 0.1134, IoU.ashcan: 0.4197, IoU.fan: 0.5354, IoU.pier: 0.3403, IoU.crt screen: 0.0548, IoU.plate: 0.4993, IoU.monitor: 0.2469, IoU.bulletin board: 0.4516, IoU.shower: 0.0316, IoU.radiator: 0.5884, IoU.glass: 0.1636, IoU.clock: 0.3588, IoU.flag: 0.4679, Acc.wall: 0.8507, Acc.building: 0.9241, Acc.sky: 0.9535, Acc.floor: 0.8590, Acc.tree: 0.8466, Acc.ceiling: 0.8728, Acc.road: 0.8853, Acc.bed : 0.9367, Acc.windowpane: 0.7597, Acc.grass: 0.7987, Acc.cabinet: 0.6763, Acc.sidewalk: 0.7181, Acc.person: 0.9019, Acc.earth: 0.4918, Acc.door: 0.4981, Acc.table: 0.6788, Acc.mountain: 0.7158, Acc.plant: 0.5933, Acc.curtain: 0.7623, Acc.chair: 0.6891, Acc.car: 0.9189, Acc.water: 0.7353, Acc.painting: 0.8123, Acc.sofa: 0.8221, Acc.shelf: 0.5056, Acc.house: 0.5982, Acc.sea: 0.8003, Acc.mirror: 0.7100, Acc.rug: 0.5717, Acc.field: 0.5404, Acc.armchair: 0.5927, Acc.seat: 0.7632, Acc.fence: 0.4722, Acc.desk: 0.6614, Acc.rock: 0.6805, Acc.wardrobe: 0.5945, Acc.lamp: 0.7070, Acc.bathtub: 0.8084, Acc.railing: 0.4348, Acc.cushion: 0.7022, Acc.base: 0.3598, Acc.box: 0.3362, Acc.column: 0.4249, Acc.signboard: 0.4552, Acc.chest of drawers: 0.5072, Acc.counter: 0.4172, Acc.sand: 0.6054, Acc.sink: 0.7762, Acc.skyscraper: 0.5727, Acc.fireplace: 0.7992, Acc.refrigerator: 0.6545, Acc.grandstand: 0.7896, Acc.path: 0.2429, Acc.stairs: 0.3154, Acc.runway: 0.8662, Acc.case: 0.6778, Acc.pool table: 0.9624, Acc.pillow: 0.6465, Acc.screen door: 0.6184, Acc.stairway: 0.6279, Acc.river: 0.2500, Acc.bridge: 0.5156, Acc.bookcase: 0.4868, Acc.blind: 0.2471, Acc.coffee table: 0.8114, Acc.toilet: 0.8940, Acc.flower: 0.5428, Acc.book: 0.6619, Acc.hill: 0.0816, Acc.bench: 0.5630, Acc.countertop: 0.6718, Acc.stove: 0.7924, Acc.palm: 0.6269, Acc.kitchen island: 0.5775, Acc.computer: 0.7916, Acc.swivel chair: 0.5482, Acc.boat: 0.7671, Acc.bar: 0.6386, Acc.arcade machine: 0.7291, Acc.hovel: 0.3540, Acc.bus: 0.9119, Acc.towel: 0.7735, Acc.light: 0.4146, Acc.truck: 0.4961, Acc.tower: 0.3040, Acc.chandelier: 0.7606, Acc.awning: 0.3398, Acc.streetlight: 0.2581, Acc.booth: 0.4289, Acc.television receiver: 0.7779, Acc.airplane: 0.6588, Acc.dirt track: 0.2156, Acc.apparel: 0.6014, Acc.pole: 0.1687, Acc.land: 0.0273, Acc.bannister: 0.0877, Acc.escalator: 0.7112, Acc.ottoman: 0.5171, Acc.bottle: 0.6486, Acc.buffet: 0.4838, Acc.poster: 0.2675, Acc.stage: 0.3155, Acc.van: 0.4857, Acc.ship: 0.4099, Acc.fountain: 0.2152, Acc.conveyer belt: 0.9192, Acc.canopy: 0.3584, Acc.washer: 0.8256, Acc.plaything: 0.3665, Acc.swimming pool: 0.8152, Acc.stool: 0.4026, Acc.barrel: 0.3955, Acc.basket: 0.4421, Acc.waterfall: 0.5049, Acc.tent: 0.9732, Acc.bag: 0.1874, Acc.minibike: 0.8378, Acc.cradle: 0.9392, Acc.oven: 0.5395, Acc.ball: 0.6868, Acc.food: 0.5967, Acc.step: 0.0642, Acc.tank: 0.6869, Acc.trade name: 0.1744, Acc.microwave: 0.7547, Acc.pot: 0.4247, Acc.animal: 0.6070, Acc.bicycle: 0.7838, Acc.lake: 0.2867, Acc.dishwasher: 0.5174, Acc.screen: 0.5778, Acc.blanket: 0.1742, Acc.sculpture: 0.7602, Acc.hood: 0.5662, Acc.sconce: 0.4387, Acc.vase: 0.5271, Acc.traffic light: 0.4076, Acc.tray: 0.1396, Acc.ashcan: 0.5036, Acc.fan: 0.6902, Acc.pier: 0.4375, Acc.crt screen: 0.1147, Acc.plate: 0.6547, Acc.monitor: 0.2840, Acc.bulletin board: 0.5634, Acc.shower: 0.0371, Acc.radiator: 0.6872, Acc.glass: 0.1788, Acc.clock: 0.3939, Acc.flag: 0.5536 2023-11-10 02:53:26,913 - mmseg - INFO - Iter [52050/80000] lr: 1.398e-05, eta: 2:12:36, time: 1.129, data_time: 0.924, memory: 16310, decode.loss_ce: 0.5475, decode.acc_seg: 79.7243, loss: 0.5475 2023-11-10 02:53:37,451 - mmseg - INFO - Iter [52100/80000] lr: 1.395e-05, eta: 2:12:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5479, decode.acc_seg: 79.4498, loss: 0.5479 2023-11-10 02:53:49,552 - mmseg - INFO - Iter [52150/80000] lr: 1.393e-05, eta: 2:12:04, time: 0.242, data_time: 0.023, memory: 16310, decode.loss_ce: 0.5462, decode.acc_seg: 79.4351, loss: 0.5462 2023-11-10 02:54:00,069 - mmseg - INFO - Iter [52200/80000] lr: 1.390e-05, eta: 2:11:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5528, decode.acc_seg: 79.7160, loss: 0.5528 2023-11-10 02:54:10,587 - mmseg - INFO - Iter [52250/80000] lr: 1.388e-05, eta: 2:11:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5410, decode.acc_seg: 79.6073, loss: 0.5410 2023-11-10 02:54:21,122 - mmseg - INFO - Iter [52300/80000] lr: 1.385e-05, eta: 2:11:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5259, decode.acc_seg: 79.7983, loss: 0.5259 2023-11-10 02:54:31,644 - mmseg - INFO - Iter [52350/80000] lr: 1.383e-05, eta: 2:11:00, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4992, decode.acc_seg: 81.2394, loss: 0.4992 2023-11-10 02:54:42,164 - mmseg - INFO - Iter [52400/80000] lr: 1.380e-05, eta: 2:10:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 80.0214, loss: 0.5366 2023-11-10 02:54:52,688 - mmseg - INFO - Iter [52450/80000] lr: 1.378e-05, eta: 2:10:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5578, decode.acc_seg: 79.0524, loss: 0.5578 2023-11-10 02:55:03,220 - mmseg - INFO - Iter [52500/80000] lr: 1.375e-05, eta: 2:10:11, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5407, decode.acc_seg: 79.9335, loss: 0.5407 2023-11-10 02:55:13,742 - mmseg - INFO - Iter [52550/80000] lr: 1.373e-05, eta: 2:09:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5523, decode.acc_seg: 79.7611, loss: 0.5523 2023-11-10 02:55:24,256 - mmseg - INFO - Iter [52600/80000] lr: 1.370e-05, eta: 2:09:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5160, decode.acc_seg: 80.3953, loss: 0.5160 2023-11-10 02:55:34,771 - mmseg - INFO - Iter [52650/80000] lr: 1.368e-05, eta: 2:09:23, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5247, decode.acc_seg: 80.4571, loss: 0.5247 2023-11-10 02:55:45,282 - mmseg - INFO - Iter [52700/80000] lr: 1.365e-05, eta: 2:09:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5672, decode.acc_seg: 79.1418, loss: 0.5672 2023-11-10 02:55:55,800 - mmseg - INFO - Iter [52750/80000] lr: 1.363e-05, eta: 2:08:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5413, decode.acc_seg: 80.0242, loss: 0.5413 2023-11-10 02:56:06,325 - mmseg - INFO - Iter [52800/80000] lr: 1.360e-05, eta: 2:08:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5381, decode.acc_seg: 80.3157, loss: 0.5381 2023-11-10 02:56:16,852 - mmseg - INFO - Iter [52850/80000] lr: 1.358e-05, eta: 2:08:18, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5494, decode.acc_seg: 79.2372, loss: 0.5494 2023-11-10 02:56:27,366 - mmseg - INFO - Iter [52900/80000] lr: 1.355e-05, eta: 2:08:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5519, decode.acc_seg: 79.7495, loss: 0.5519 2023-11-10 02:56:37,876 - mmseg - INFO - Iter [52950/80000] lr: 1.353e-05, eta: 2:07:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5411, decode.acc_seg: 80.1679, loss: 0.5411 2023-11-10 02:56:48,388 - mmseg - INFO - Saving checkpoint at 53000 iterations 2023-11-10 02:57:13,076 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:57:13,076 - mmseg - INFO - Iter [53000/80000] lr: 1.350e-05, eta: 2:07:43, time: 0.704, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5269, decode.acc_seg: 80.1998, loss: 0.5269 2023-11-10 02:58:06,112 - mmseg - INFO - per class results: 2023-11-10 02:58:06,118 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.89 | 85.52 | | building | 79.93 | 91.22 | | sky | 90.13 | 95.16 | | floor | 73.68 | 87.0 | | tree | 69.89 | 84.82 | | ceiling | 76.78 | 87.37 | | road | 78.68 | 88.0 | | bed | 83.12 | 94.15 | | windowpane | 58.18 | 74.65 | | grass | 66.32 | 81.65 | | cabinet | 54.18 | 68.32 | | sidewalk | 56.73 | 72.94 | | person | 75.44 | 90.44 | | earth | 34.25 | 46.18 | | door | 39.44 | 48.36 | | table | 53.13 | 67.12 | | mountain | 55.33 | 68.37 | | plant | 50.28 | 61.07 | | curtain | 64.15 | 75.29 | | chair | 52.85 | 68.56 | | car | 79.23 | 91.5 | | water | 57.02 | 73.14 | | painting | 66.24 | 81.25 | | sofa | 65.84 | 84.76 | | shelf | 37.45 | 52.26 | | house | 46.61 | 64.23 | | sea | 61.47 | 78.55 | | mirror | 58.21 | 69.32 | | rug | 51.8 | 58.14 | | field | 35.28 | 56.86 | | armchair | 41.27 | 55.39 | | seat | 56.2 | 76.27 | | fence | 37.3 | 48.08 | | desk | 41.83 | 66.86 | | rock | 52.78 | 70.33 | | wardrobe | 44.19 | 59.57 | | lamp | 56.55 | 71.36 | | bathtub | 72.83 | 80.43 | | railing | 31.65 | 42.16 | | cushion | 56.66 | 69.85 | | base | 25.29 | 36.47 | | box | 25.47 | 32.2 | | column | 34.75 | 42.52 | | signboard | 31.98 | 46.85 | | chest of drawers | 37.93 | 51.4 | | counter | 32.99 | 41.13 | | sand | 44.84 | 60.73 | | sink | 68.43 | 77.89 | | skyscraper | 44.9 | 61.53 | | fireplace | 63.37 | 81.18 | | refrigerator | 56.58 | 64.37 | | grandstand | 50.16 | 78.37 | | path | 17.52 | 23.9 | | stairs | 27.56 | 30.71 | | runway | 65.48 | 86.97 | | case | 53.88 | 68.63 | | pool table | 84.3 | 96.07 | | pillow | 50.83 | 58.49 | | screen door | 50.4 | 53.87 | | stairway | 47.98 | 64.87 | | river | 15.7 | 28.09 | | bridge | 42.16 | 52.92 | | bookcase | 32.6 | 49.82 | | blind | 26.66 | 30.3 | | coffee table | 56.65 | 81.3 | | toilet | 78.71 | 88.42 | | flower | 38.52 | 54.34 | | book | 46.5 | 66.08 | | hill | 5.32 | 8.38 | | bench | 47.13 | 56.76 | | countertop | 52.67 | 66.27 | | stove | 70.13 | 79.21 | | palm | 49.4 | 64.27 | | kitchen island | 38.39 | 59.87 | | computer | 62.93 | 76.93 | | swivel chair | 42.79 | 56.61 | | boat | 61.32 | 76.69 | | bar | 54.54 | 66.25 | | arcade machine | 63.56 | 72.53 | | hovel | 34.25 | 39.03 | | bus | 84.25 | 92.24 | | towel | 64.57 | 74.4 | | light | 35.1 | 40.49 | | truck | 36.68 | 50.95 | | tower | 22.05 | 34.62 | | chandelier | 62.35 | 78.03 | | awning | 27.52 | 35.01 | | streetlight | 21.66 | 25.84 | | booth | 33.79 | 43.58 | | television receiver | 67.43 | 77.24 | | airplane | 52.25 | 66.42 | | dirt track | 12.24 | 23.61 | | apparel | 45.68 | 56.48 | | pole | 14.81 | 18.4 | | land | 1.52 | 2.22 | | bannister | 7.13 | 9.68 | | escalator | 53.29 | 68.15 | | ottoman | 43.38 | 52.76 | | bottle | 40.53 | 65.27 | | buffet | 39.21 | 44.64 | | poster | 20.78 | 26.3 | | stage | 15.15 | 28.81 | | van | 39.48 | 52.97 | | ship | 34.14 | 39.07 | | fountain | 23.05 | 23.88 | | conveyer belt | 67.26 | 92.42 | | canopy | 33.91 | 41.21 | | washer | 74.33 | 80.79 | | plaything | 27.42 | 36.78 | | swimming pool | 60.1 | 81.06 | | stool | 30.38 | 39.77 | | barrel | 29.34 | 41.02 | | basket | 34.6 | 43.88 | | waterfall | 46.0 | 51.89 | | tent | 83.76 | 98.2 | | bag | 15.92 | 18.17 | | minibike | 66.15 | 85.3 | | cradle | 69.67 | 93.93 | | oven | 47.05 | 55.31 | | ball | 56.38 | 68.4 | | food | 52.31 | 61.81 | | step | 5.85 | 6.4 | | tank | 56.33 | 72.62 | | trade name | 19.85 | 22.85 | | microwave | 68.55 | 73.84 | | pot | 38.6 | 43.71 | | animal | 58.83 | 65.3 | | bicycle | 55.96 | 79.83 | | lake | 27.15 | 31.4 | | dishwasher | 49.14 | 53.12 | | screen | 43.83 | 58.04 | | blanket | 13.82 | 15.74 | | sculpture | 56.41 | 76.97 | | hood | 51.49 | 54.6 | | sconce | 36.28 | 44.4 | | vase | 37.0 | 52.18 | | traffic light | 31.17 | 42.64 | | tray | 10.55 | 12.88 | | ashcan | 41.92 | 50.1 | | fan | 52.5 | 65.86 | | pier | 33.5 | 44.04 | | crt screen | 5.42 | 11.64 | | plate | 50.27 | 65.52 | | monitor | 24.42 | 28.33 | | bulletin board | 44.6 | 53.7 | | shower | 3.12 | 4.75 | | radiator | 57.94 | 65.27 | | glass | 16.25 | 17.67 | | clock | 36.13 | 40.2 | | flag | 46.81 | 56.09 | +---------------------+-------+-------+ 2023-11-10 02:58:06,118 - mmseg - INFO - Summary: 2023-11-10 02:58:06,119 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.85 | 46.22 | 57.66 | +-------+-------+-------+ 2023-11-10 02:58:06,119 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 02:58:06,120 - mmseg - INFO - Iter(val) [250] aAcc: 0.7985, mIoU: 0.4622, mAcc: 0.5766, IoU.wall: 0.6989, IoU.building: 0.7993, IoU.sky: 0.9013, IoU.floor: 0.7368, IoU.tree: 0.6989, IoU.ceiling: 0.7678, IoU.road: 0.7868, IoU.bed : 0.8312, IoU.windowpane: 0.5818, IoU.grass: 0.6632, IoU.cabinet: 0.5418, IoU.sidewalk: 0.5673, IoU.person: 0.7544, IoU.earth: 0.3425, IoU.door: 0.3944, IoU.table: 0.5313, IoU.mountain: 0.5533, IoU.plant: 0.5028, IoU.curtain: 0.6415, IoU.chair: 0.5285, IoU.car: 0.7923, IoU.water: 0.5702, IoU.painting: 0.6624, IoU.sofa: 0.6584, IoU.shelf: 0.3745, IoU.house: 0.4661, IoU.sea: 0.6147, IoU.mirror: 0.5821, IoU.rug: 0.5180, IoU.field: 0.3528, IoU.armchair: 0.4127, IoU.seat: 0.5620, IoU.fence: 0.3730, IoU.desk: 0.4183, IoU.rock: 0.5278, IoU.wardrobe: 0.4419, IoU.lamp: 0.5655, IoU.bathtub: 0.7283, IoU.railing: 0.3165, IoU.cushion: 0.5666, IoU.base: 0.2529, IoU.box: 0.2547, IoU.column: 0.3475, IoU.signboard: 0.3198, IoU.chest of drawers: 0.3793, IoU.counter: 0.3299, IoU.sand: 0.4484, IoU.sink: 0.6843, IoU.skyscraper: 0.4490, IoU.fireplace: 0.6337, IoU.refrigerator: 0.5658, IoU.grandstand: 0.5016, IoU.path: 0.1752, IoU.stairs: 0.2756, IoU.runway: 0.6548, IoU.case: 0.5388, IoU.pool table: 0.8430, IoU.pillow: 0.5083, IoU.screen door: 0.5040, IoU.stairway: 0.4798, IoU.river: 0.1570, IoU.bridge: 0.4216, IoU.bookcase: 0.3260, IoU.blind: 0.2666, IoU.coffee table: 0.5665, IoU.toilet: 0.7871, IoU.flower: 0.3852, IoU.book: 0.4650, IoU.hill: 0.0532, IoU.bench: 0.4713, IoU.countertop: 0.5267, IoU.stove: 0.7013, IoU.palm: 0.4940, IoU.kitchen island: 0.3839, IoU.computer: 0.6293, IoU.swivel chair: 0.4279, IoU.boat: 0.6132, IoU.bar: 0.5454, IoU.arcade machine: 0.6356, IoU.hovel: 0.3425, IoU.bus: 0.8425, IoU.towel: 0.6457, IoU.light: 0.3510, IoU.truck: 0.3668, IoU.tower: 0.2205, IoU.chandelier: 0.6235, IoU.awning: 0.2752, IoU.streetlight: 0.2166, IoU.booth: 0.3379, IoU.television receiver: 0.6743, IoU.airplane: 0.5225, IoU.dirt track: 0.1224, IoU.apparel: 0.4568, IoU.pole: 0.1481, IoU.land: 0.0152, IoU.bannister: 0.0713, IoU.escalator: 0.5329, IoU.ottoman: 0.4338, IoU.bottle: 0.4053, IoU.buffet: 0.3921, IoU.poster: 0.2078, IoU.stage: 0.1515, IoU.van: 0.3948, IoU.ship: 0.3414, IoU.fountain: 0.2305, IoU.conveyer belt: 0.6726, IoU.canopy: 0.3391, IoU.washer: 0.7433, IoU.plaything: 0.2742, IoU.swimming pool: 0.6010, IoU.stool: 0.3038, IoU.barrel: 0.2934, IoU.basket: 0.3460, IoU.waterfall: 0.4600, IoU.tent: 0.8376, IoU.bag: 0.1592, IoU.minibike: 0.6615, IoU.cradle: 0.6967, IoU.oven: 0.4705, IoU.ball: 0.5638, IoU.food: 0.5231, IoU.step: 0.0585, IoU.tank: 0.5633, IoU.trade name: 0.1985, IoU.microwave: 0.6855, IoU.pot: 0.3860, IoU.animal: 0.5883, IoU.bicycle: 0.5596, IoU.lake: 0.2715, IoU.dishwasher: 0.4914, IoU.screen: 0.4383, IoU.blanket: 0.1382, IoU.sculpture: 0.5641, IoU.hood: 0.5149, IoU.sconce: 0.3628, IoU.vase: 0.3700, IoU.traffic light: 0.3117, IoU.tray: 0.1055, IoU.ashcan: 0.4192, IoU.fan: 0.5250, IoU.pier: 0.3350, IoU.crt screen: 0.0542, IoU.plate: 0.5027, IoU.monitor: 0.2442, IoU.bulletin board: 0.4460, IoU.shower: 0.0312, IoU.radiator: 0.5794, IoU.glass: 0.1625, IoU.clock: 0.3613, IoU.flag: 0.4681, Acc.wall: 0.8552, Acc.building: 0.9122, Acc.sky: 0.9516, Acc.floor: 0.8700, Acc.tree: 0.8482, Acc.ceiling: 0.8737, Acc.road: 0.8800, Acc.bed : 0.9415, Acc.windowpane: 0.7465, Acc.grass: 0.8165, Acc.cabinet: 0.6832, Acc.sidewalk: 0.7294, Acc.person: 0.9044, Acc.earth: 0.4618, Acc.door: 0.4836, Acc.table: 0.6712, Acc.mountain: 0.6837, Acc.plant: 0.6107, Acc.curtain: 0.7529, Acc.chair: 0.6856, Acc.car: 0.9150, Acc.water: 0.7314, Acc.painting: 0.8125, Acc.sofa: 0.8476, Acc.shelf: 0.5226, Acc.house: 0.6423, Acc.sea: 0.7855, Acc.mirror: 0.6932, Acc.rug: 0.5814, Acc.field: 0.5686, Acc.armchair: 0.5539, Acc.seat: 0.7627, Acc.fence: 0.4808, Acc.desk: 0.6686, Acc.rock: 0.7033, Acc.wardrobe: 0.5957, Acc.lamp: 0.7136, Acc.bathtub: 0.8043, Acc.railing: 0.4216, Acc.cushion: 0.6985, Acc.base: 0.3647, Acc.box: 0.3220, Acc.column: 0.4252, Acc.signboard: 0.4685, Acc.chest of drawers: 0.5140, Acc.counter: 0.4113, Acc.sand: 0.6073, Acc.sink: 0.7789, Acc.skyscraper: 0.6153, Acc.fireplace: 0.8118, Acc.refrigerator: 0.6437, Acc.grandstand: 0.7837, Acc.path: 0.2390, Acc.stairs: 0.3071, Acc.runway: 0.8697, Acc.case: 0.6863, Acc.pool table: 0.9607, Acc.pillow: 0.5849, Acc.screen door: 0.5387, Acc.stairway: 0.6487, Acc.river: 0.2809, Acc.bridge: 0.5292, Acc.bookcase: 0.4982, Acc.blind: 0.3030, Acc.coffee table: 0.8130, Acc.toilet: 0.8842, Acc.flower: 0.5434, Acc.book: 0.6608, Acc.hill: 0.0838, Acc.bench: 0.5676, Acc.countertop: 0.6627, Acc.stove: 0.7921, Acc.palm: 0.6427, Acc.kitchen island: 0.5987, Acc.computer: 0.7693, Acc.swivel chair: 0.5661, Acc.boat: 0.7669, Acc.bar: 0.6625, Acc.arcade machine: 0.7253, Acc.hovel: 0.3903, Acc.bus: 0.9224, Acc.towel: 0.7440, Acc.light: 0.4049, Acc.truck: 0.5095, Acc.tower: 0.3462, Acc.chandelier: 0.7803, Acc.awning: 0.3501, Acc.streetlight: 0.2584, Acc.booth: 0.4358, Acc.television receiver: 0.7724, Acc.airplane: 0.6642, Acc.dirt track: 0.2361, Acc.apparel: 0.5648, Acc.pole: 0.1840, Acc.land: 0.0222, Acc.bannister: 0.0968, Acc.escalator: 0.6815, Acc.ottoman: 0.5276, Acc.bottle: 0.6527, Acc.buffet: 0.4464, Acc.poster: 0.2630, Acc.stage: 0.2881, Acc.van: 0.5297, Acc.ship: 0.3907, Acc.fountain: 0.2388, Acc.conveyer belt: 0.9242, Acc.canopy: 0.4121, Acc.washer: 0.8079, Acc.plaything: 0.3678, Acc.swimming pool: 0.8106, Acc.stool: 0.3977, Acc.barrel: 0.4102, Acc.basket: 0.4388, Acc.waterfall: 0.5189, Acc.tent: 0.9820, Acc.bag: 0.1817, Acc.minibike: 0.8530, Acc.cradle: 0.9393, Acc.oven: 0.5531, Acc.ball: 0.6840, Acc.food: 0.6181, Acc.step: 0.0640, Acc.tank: 0.7262, Acc.trade name: 0.2285, Acc.microwave: 0.7384, Acc.pot: 0.4371, Acc.animal: 0.6530, Acc.bicycle: 0.7983, Acc.lake: 0.3140, Acc.dishwasher: 0.5312, Acc.screen: 0.5804, Acc.blanket: 0.1574, Acc.sculpture: 0.7697, Acc.hood: 0.5460, Acc.sconce: 0.4440, Acc.vase: 0.5218, Acc.traffic light: 0.4264, Acc.tray: 0.1288, Acc.ashcan: 0.5010, Acc.fan: 0.6586, Acc.pier: 0.4404, Acc.crt screen: 0.1164, Acc.plate: 0.6552, Acc.monitor: 0.2833, Acc.bulletin board: 0.5370, Acc.shower: 0.0475, Acc.radiator: 0.6527, Acc.glass: 0.1767, Acc.clock: 0.4020, Acc.flag: 0.5609 2023-11-10 02:58:18,951 - mmseg - INFO - Iter [53050/80000] lr: 1.348e-05, eta: 2:07:55, time: 1.318, data_time: 1.111, memory: 16310, decode.loss_ce: 0.5272, decode.acc_seg: 79.9661, loss: 0.5272 2023-11-10 02:58:29,516 - mmseg - INFO - Iter [53100/80000] lr: 1.345e-05, eta: 2:07:39, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5368, decode.acc_seg: 79.7605, loss: 0.5368 2023-11-10 02:58:40,079 - mmseg - INFO - Iter [53150/80000] lr: 1.343e-05, eta: 2:07:23, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5344, decode.acc_seg: 79.6381, loss: 0.5344 2023-11-10 02:58:50,624 - mmseg - INFO - Iter [53200/80000] lr: 1.340e-05, eta: 2:07:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5360, decode.acc_seg: 79.5892, loss: 0.5360 2023-11-10 02:59:01,149 - mmseg - INFO - Iter [53250/80000] lr: 1.338e-05, eta: 2:06:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5412, decode.acc_seg: 79.2711, loss: 0.5412 2023-11-10 02:59:11,680 - mmseg - INFO - Iter [53300/80000] lr: 1.335e-05, eta: 2:06:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5184, decode.acc_seg: 80.7401, loss: 0.5184 2023-11-10 02:59:22,205 - mmseg - INFO - Iter [53350/80000] lr: 1.333e-05, eta: 2:06:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5216, decode.acc_seg: 80.1765, loss: 0.5216 2023-11-10 02:59:32,731 - mmseg - INFO - Iter [53400/80000] lr: 1.330e-05, eta: 2:06:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5277, decode.acc_seg: 79.8893, loss: 0.5277 2023-11-10 02:59:43,255 - mmseg - INFO - Iter [53450/80000] lr: 1.328e-05, eta: 2:05:46, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5291, decode.acc_seg: 79.9378, loss: 0.5291 2023-11-10 02:59:53,778 - mmseg - INFO - Iter [53500/80000] lr: 1.325e-05, eta: 2:05:30, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5291, decode.acc_seg: 80.2360, loss: 0.5291 2023-11-10 03:00:04,306 - mmseg - INFO - Iter [53550/80000] lr: 1.323e-05, eta: 2:05:14, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5435, decode.acc_seg: 79.8741, loss: 0.5435 2023-11-10 03:00:14,839 - mmseg - INFO - Iter [53600/80000] lr: 1.320e-05, eta: 2:04:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5535, decode.acc_seg: 79.5032, loss: 0.5535 2023-11-10 03:00:25,365 - mmseg - INFO - Iter [53650/80000] lr: 1.318e-05, eta: 2:04:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5184, decode.acc_seg: 80.4795, loss: 0.5184 2023-11-10 03:00:35,895 - mmseg - INFO - Iter [53700/80000] lr: 1.315e-05, eta: 2:04:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5188, decode.acc_seg: 80.3277, loss: 0.5188 2023-11-10 03:00:46,442 - mmseg - INFO - Iter [53750/80000] lr: 1.313e-05, eta: 2:04:10, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5228, decode.acc_seg: 79.8588, loss: 0.5228 2023-11-10 03:00:56,972 - mmseg - INFO - Iter [53800/80000] lr: 1.310e-05, eta: 2:03:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5278, decode.acc_seg: 79.8555, loss: 0.5278 2023-11-10 03:01:08,722 - mmseg - INFO - Iter [53850/80000] lr: 1.308e-05, eta: 2:03:39, time: 0.235, data_time: 0.013, memory: 16310, decode.loss_ce: 0.5397, decode.acc_seg: 79.7735, loss: 0.5397 2023-11-10 03:01:19,250 - mmseg - INFO - Iter [53900/80000] lr: 1.305e-05, eta: 2:03:23, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5377, decode.acc_seg: 79.5976, loss: 0.5377 2023-11-10 03:01:29,762 - mmseg - INFO - Iter [53950/80000] lr: 1.303e-05, eta: 2:03:07, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5372, decode.acc_seg: 79.8467, loss: 0.5372 2023-11-10 03:01:40,273 - mmseg - INFO - Saving checkpoint at 54000 iterations 2023-11-10 03:02:06,116 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:02:06,116 - mmseg - INFO - Iter [54000/80000] lr: 1.300e-05, eta: 2:03:03, time: 0.727, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5205, decode.acc_seg: 80.0972, loss: 0.5205 2023-11-10 03:02:51,956 - mmseg - INFO - per class results: 2023-11-10 03:02:51,962 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.92 | 84.42 | | building | 79.02 | 92.85 | | sky | 89.68 | 95.66 | | floor | 74.15 | 86.31 | | tree | 69.04 | 84.16 | | ceiling | 76.95 | 88.11 | | road | 78.64 | 88.13 | | bed | 83.49 | 93.61 | | windowpane | 58.05 | 75.42 | | grass | 66.36 | 80.47 | | cabinet | 54.19 | 67.22 | | sidewalk | 56.71 | 73.71 | | person | 75.35 | 90.26 | | earth | 34.41 | 47.07 | | door | 40.21 | 50.33 | | table | 53.41 | 66.92 | | mountain | 55.16 | 69.72 | | plant | 49.05 | 58.22 | | curtain | 64.03 | 74.01 | | chair | 53.08 | 68.69 | | car | 79.26 | 91.08 | | water | 56.36 | 73.43 | | painting | 66.31 | 80.56 | | sofa | 66.62 | 81.83 | | shelf | 37.72 | 52.19 | | house | 44.6 | 59.46 | | sea | 60.74 | 77.39 | | mirror | 58.53 | 70.97 | | rug | 50.04 | 55.09 | | field | 35.0 | 56.95 | | armchair | 42.59 | 57.61 | | seat | 56.1 | 76.78 | | fence | 37.37 | 47.87 | | desk | 41.71 | 67.58 | | rock | 52.54 | 70.94 | | wardrobe | 44.59 | 61.82 | | lamp | 56.41 | 69.29 | | bathtub | 73.21 | 81.45 | | railing | 33.05 | 45.55 | | cushion | 56.91 | 70.39 | | base | 26.14 | 39.91 | | box | 25.85 | 33.06 | | column | 35.28 | 42.87 | | signboard | 30.92 | 43.82 | | chest of drawers | 38.34 | 51.1 | | counter | 33.98 | 42.86 | | sand | 45.67 | 62.33 | | sink | 68.18 | 79.51 | | skyscraper | 44.6 | 58.03 | | fireplace | 63.55 | 80.54 | | refrigerator | 57.46 | 66.74 | | grandstand | 49.53 | 80.1 | | path | 17.6 | 23.82 | | stairs | 26.76 | 29.79 | | runway | 65.6 | 85.41 | | case | 54.18 | 67.23 | | pool table | 84.1 | 96.22 | | pillow | 52.7 | 61.89 | | screen door | 54.47 | 60.18 | | stairway | 48.79 | 65.31 | | river | 15.5 | 26.87 | | bridge | 41.49 | 51.56 | | bookcase | 31.97 | 45.81 | | blind | 22.55 | 24.94 | | coffee table | 57.47 | 80.59 | | toilet | 78.61 | 89.03 | | flower | 38.58 | 53.71 | | book | 46.94 | 69.16 | | hill | 5.43 | 8.24 | | bench | 48.01 | 59.48 | | countertop | 53.12 | 68.08 | | stove | 70.52 | 80.24 | | palm | 48.43 | 62.87 | | kitchen island | 38.69 | 62.8 | | computer | 63.4 | 79.49 | | swivel chair | 42.47 | 55.59 | | boat | 59.53 | 76.76 | | bar | 55.01 | 66.84 | | arcade machine | 64.7 | 74.31 | | hovel | 31.96 | 36.28 | | bus | 84.07 | 91.65 | | towel | 65.58 | 77.99 | | light | 34.25 | 39.28 | | truck | 37.16 | 51.62 | | tower | 20.39 | 31.29 | | chandelier | 62.29 | 75.37 | | awning | 24.74 | 30.27 | | streetlight | 21.31 | 25.68 | | booth | 34.01 | 43.7 | | television receiver | 67.55 | 77.31 | | airplane | 52.97 | 66.51 | | dirt track | 11.24 | 19.73 | | apparel | 46.78 | 62.12 | | pole | 13.07 | 15.8 | | land | 1.31 | 1.85 | | bannister | 6.75 | 8.88 | | escalator | 53.51 | 70.49 | | ottoman | 43.98 | 53.44 | | bottle | 40.47 | 64.39 | | buffet | 38.95 | 44.42 | | poster | 20.63 | 25.91 | | stage | 15.81 | 30.96 | | van | 38.86 | 50.28 | | ship | 35.5 | 40.07 | | fountain | 19.76 | 20.28 | | conveyer belt | 65.66 | 93.0 | | canopy | 32.64 | 39.72 | | washer | 76.26 | 84.36 | | plaything | 26.65 | 35.41 | | swimming pool | 60.14 | 81.73 | | stool | 29.79 | 37.9 | | barrel | 29.16 | 40.31 | | basket | 35.09 | 45.1 | | waterfall | 44.88 | 49.69 | | tent | 85.04 | 97.45 | | bag | 16.6 | 19.12 | | minibike | 66.75 | 83.69 | | cradle | 68.76 | 94.56 | | oven | 46.86 | 55.49 | | ball | 56.66 | 69.88 | | food | 53.24 | 63.17 | | step | 7.04 | 7.83 | | tank | 56.07 | 72.22 | | trade name | 16.04 | 17.76 | | microwave | 69.58 | 76.31 | | pot | 37.57 | 42.1 | | animal | 56.78 | 62.23 | | bicycle | 55.07 | 77.81 | | lake | 24.9 | 27.9 | | dishwasher | 50.19 | 54.63 | | screen | 43.71 | 59.23 | | blanket | 14.84 | 17.11 | | sculpture | 56.74 | 76.72 | | hood | 53.05 | 56.81 | | sconce | 37.73 | 47.72 | | vase | 36.93 | 53.44 | | traffic light | 30.76 | 41.78 | | tray | 10.86 | 13.24 | | ashcan | 41.76 | 50.24 | | fan | 52.3 | 65.19 | | pier | 34.18 | 43.6 | | crt screen | 4.92 | 9.83 | | plate | 50.44 | 67.28 | | monitor | 24.98 | 28.21 | | bulletin board | 44.95 | 56.69 | | shower | 3.69 | 5.07 | | radiator | 58.73 | 66.98 | | glass | 16.55 | 18.08 | | clock | 35.26 | 38.12 | | flag | 48.16 | 56.76 | +---------------------+-------+-------+ 2023-11-10 03:02:51,962 - mmseg - INFO - Summary: 2023-11-10 03:02:51,962 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.78 | 46.18 | 57.65 | +-------+-------+-------+ 2023-11-10 03:02:51,963 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:02:51,963 - mmseg - INFO - Iter(val) [250] aAcc: 0.7978, mIoU: 0.4618, mAcc: 0.5765, IoU.wall: 0.6992, IoU.building: 0.7902, IoU.sky: 0.8968, IoU.floor: 0.7415, IoU.tree: 0.6904, IoU.ceiling: 0.7695, IoU.road: 0.7864, IoU.bed : 0.8349, IoU.windowpane: 0.5805, IoU.grass: 0.6636, IoU.cabinet: 0.5419, IoU.sidewalk: 0.5671, IoU.person: 0.7535, IoU.earth: 0.3441, IoU.door: 0.4021, IoU.table: 0.5341, IoU.mountain: 0.5516, IoU.plant: 0.4905, IoU.curtain: 0.6403, IoU.chair: 0.5308, IoU.car: 0.7926, IoU.water: 0.5636, IoU.painting: 0.6631, IoU.sofa: 0.6662, IoU.shelf: 0.3772, IoU.house: 0.4460, IoU.sea: 0.6074, IoU.mirror: 0.5853, IoU.rug: 0.5004, IoU.field: 0.3500, IoU.armchair: 0.4259, IoU.seat: 0.5610, IoU.fence: 0.3737, IoU.desk: 0.4171, IoU.rock: 0.5254, IoU.wardrobe: 0.4459, IoU.lamp: 0.5641, IoU.bathtub: 0.7321, IoU.railing: 0.3305, IoU.cushion: 0.5691, IoU.base: 0.2614, IoU.box: 0.2585, IoU.column: 0.3528, IoU.signboard: 0.3092, IoU.chest of drawers: 0.3834, IoU.counter: 0.3398, IoU.sand: 0.4567, IoU.sink: 0.6818, IoU.skyscraper: 0.4460, IoU.fireplace: 0.6355, IoU.refrigerator: 0.5746, IoU.grandstand: 0.4953, IoU.path: 0.1760, IoU.stairs: 0.2676, IoU.runway: 0.6560, IoU.case: 0.5418, IoU.pool table: 0.8410, IoU.pillow: 0.5270, IoU.screen door: 0.5447, IoU.stairway: 0.4879, IoU.river: 0.1550, IoU.bridge: 0.4149, IoU.bookcase: 0.3197, IoU.blind: 0.2255, IoU.coffee table: 0.5747, IoU.toilet: 0.7861, IoU.flower: 0.3858, IoU.book: 0.4694, IoU.hill: 0.0543, IoU.bench: 0.4801, IoU.countertop: 0.5312, IoU.stove: 0.7052, IoU.palm: 0.4843, IoU.kitchen island: 0.3869, IoU.computer: 0.6340, IoU.swivel chair: 0.4247, IoU.boat: 0.5953, IoU.bar: 0.5501, IoU.arcade machine: 0.6470, IoU.hovel: 0.3196, IoU.bus: 0.8407, IoU.towel: 0.6558, IoU.light: 0.3425, IoU.truck: 0.3716, IoU.tower: 0.2039, IoU.chandelier: 0.6229, IoU.awning: 0.2474, IoU.streetlight: 0.2131, IoU.booth: 0.3401, IoU.television receiver: 0.6755, IoU.airplane: 0.5297, IoU.dirt track: 0.1124, IoU.apparel: 0.4678, IoU.pole: 0.1307, IoU.land: 0.0131, IoU.bannister: 0.0675, IoU.escalator: 0.5351, IoU.ottoman: 0.4398, IoU.bottle: 0.4047, IoU.buffet: 0.3895, IoU.poster: 0.2063, IoU.stage: 0.1581, IoU.van: 0.3886, IoU.ship: 0.3550, IoU.fountain: 0.1976, IoU.conveyer belt: 0.6566, IoU.canopy: 0.3264, IoU.washer: 0.7626, IoU.plaything: 0.2665, IoU.swimming pool: 0.6014, IoU.stool: 0.2979, IoU.barrel: 0.2916, IoU.basket: 0.3509, IoU.waterfall: 0.4488, IoU.tent: 0.8504, IoU.bag: 0.1660, IoU.minibike: 0.6675, IoU.cradle: 0.6876, IoU.oven: 0.4686, IoU.ball: 0.5666, IoU.food: 0.5324, IoU.step: 0.0704, IoU.tank: 0.5607, IoU.trade name: 0.1604, IoU.microwave: 0.6958, IoU.pot: 0.3757, IoU.animal: 0.5678, IoU.bicycle: 0.5507, IoU.lake: 0.2490, IoU.dishwasher: 0.5019, IoU.screen: 0.4371, IoU.blanket: 0.1484, IoU.sculpture: 0.5674, IoU.hood: 0.5305, IoU.sconce: 0.3773, IoU.vase: 0.3693, IoU.traffic light: 0.3076, IoU.tray: 0.1086, IoU.ashcan: 0.4176, IoU.fan: 0.5230, IoU.pier: 0.3418, IoU.crt screen: 0.0492, IoU.plate: 0.5044, IoU.monitor: 0.2498, IoU.bulletin board: 0.4495, IoU.shower: 0.0369, IoU.radiator: 0.5873, IoU.glass: 0.1655, IoU.clock: 0.3526, IoU.flag: 0.4816, Acc.wall: 0.8442, Acc.building: 0.9285, Acc.sky: 0.9566, Acc.floor: 0.8631, Acc.tree: 0.8416, Acc.ceiling: 0.8811, Acc.road: 0.8813, Acc.bed : 0.9361, Acc.windowpane: 0.7542, Acc.grass: 0.8047, Acc.cabinet: 0.6722, Acc.sidewalk: 0.7371, Acc.person: 0.9026, Acc.earth: 0.4707, Acc.door: 0.5033, Acc.table: 0.6692, Acc.mountain: 0.6972, Acc.plant: 0.5822, Acc.curtain: 0.7401, Acc.chair: 0.6869, Acc.car: 0.9108, Acc.water: 0.7343, Acc.painting: 0.8056, Acc.sofa: 0.8183, Acc.shelf: 0.5219, Acc.house: 0.5946, Acc.sea: 0.7739, Acc.mirror: 0.7097, Acc.rug: 0.5509, Acc.field: 0.5695, Acc.armchair: 0.5761, Acc.seat: 0.7678, Acc.fence: 0.4787, Acc.desk: 0.6758, Acc.rock: 0.7094, Acc.wardrobe: 0.6182, Acc.lamp: 0.6929, Acc.bathtub: 0.8145, Acc.railing: 0.4555, Acc.cushion: 0.7039, Acc.base: 0.3991, Acc.box: 0.3306, Acc.column: 0.4287, Acc.signboard: 0.4382, Acc.chest of drawers: 0.5110, Acc.counter: 0.4286, Acc.sand: 0.6233, Acc.sink: 0.7951, Acc.skyscraper: 0.5803, Acc.fireplace: 0.8054, Acc.refrigerator: 0.6674, Acc.grandstand: 0.8010, Acc.path: 0.2382, Acc.stairs: 0.2979, Acc.runway: 0.8541, Acc.case: 0.6723, Acc.pool table: 0.9622, Acc.pillow: 0.6189, Acc.screen door: 0.6018, Acc.stairway: 0.6531, Acc.river: 0.2687, Acc.bridge: 0.5156, Acc.bookcase: 0.4581, Acc.blind: 0.2494, Acc.coffee table: 0.8059, Acc.toilet: 0.8903, Acc.flower: 0.5371, Acc.book: 0.6916, Acc.hill: 0.0824, Acc.bench: 0.5948, Acc.countertop: 0.6808, Acc.stove: 0.8024, Acc.palm: 0.6287, Acc.kitchen island: 0.6280, Acc.computer: 0.7949, Acc.swivel chair: 0.5559, Acc.boat: 0.7676, Acc.bar: 0.6684, Acc.arcade machine: 0.7431, Acc.hovel: 0.3628, Acc.bus: 0.9165, Acc.towel: 0.7799, Acc.light: 0.3928, Acc.truck: 0.5162, Acc.tower: 0.3129, Acc.chandelier: 0.7537, Acc.awning: 0.3027, Acc.streetlight: 0.2568, Acc.booth: 0.4370, Acc.television receiver: 0.7731, Acc.airplane: 0.6651, Acc.dirt track: 0.1973, Acc.apparel: 0.6212, Acc.pole: 0.1580, Acc.land: 0.0185, Acc.bannister: 0.0888, Acc.escalator: 0.7049, Acc.ottoman: 0.5344, Acc.bottle: 0.6439, Acc.buffet: 0.4442, Acc.poster: 0.2591, Acc.stage: 0.3096, Acc.van: 0.5028, Acc.ship: 0.4007, Acc.fountain: 0.2028, Acc.conveyer belt: 0.9300, Acc.canopy: 0.3972, Acc.washer: 0.8436, Acc.plaything: 0.3541, Acc.swimming pool: 0.8173, Acc.stool: 0.3790, Acc.barrel: 0.4031, Acc.basket: 0.4510, Acc.waterfall: 0.4969, Acc.tent: 0.9745, Acc.bag: 0.1912, Acc.minibike: 0.8369, Acc.cradle: 0.9456, Acc.oven: 0.5549, Acc.ball: 0.6988, Acc.food: 0.6317, Acc.step: 0.0783, Acc.tank: 0.7222, Acc.trade name: 0.1776, Acc.microwave: 0.7631, Acc.pot: 0.4210, Acc.animal: 0.6223, Acc.bicycle: 0.7781, Acc.lake: 0.2790, Acc.dishwasher: 0.5463, Acc.screen: 0.5923, Acc.blanket: 0.1711, Acc.sculpture: 0.7672, Acc.hood: 0.5681, Acc.sconce: 0.4772, Acc.vase: 0.5344, Acc.traffic light: 0.4178, Acc.tray: 0.1324, Acc.ashcan: 0.5024, Acc.fan: 0.6519, Acc.pier: 0.4360, Acc.crt screen: 0.0983, Acc.plate: 0.6728, Acc.monitor: 0.2821, Acc.bulletin board: 0.5669, Acc.shower: 0.0507, Acc.radiator: 0.6698, Acc.glass: 0.1808, Acc.clock: 0.3812, Acc.flag: 0.5676 2023-11-10 03:03:02,595 - mmseg - INFO - Iter [54050/80000] lr: 1.298e-05, eta: 2:03:10, time: 1.130, data_time: 0.924, memory: 16310, decode.loss_ce: 0.5252, decode.acc_seg: 80.2359, loss: 0.5252 2023-11-10 03:03:13,158 - mmseg - INFO - Iter [54100/80000] lr: 1.295e-05, eta: 2:02:54, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5329, decode.acc_seg: 80.1795, loss: 0.5329 2023-11-10 03:03:23,720 - mmseg - INFO - Iter [54150/80000] lr: 1.293e-05, eta: 2:02:38, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5412, decode.acc_seg: 79.9946, loss: 0.5412 2023-11-10 03:03:34,267 - mmseg - INFO - Iter [54200/80000] lr: 1.290e-05, eta: 2:02:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5586, decode.acc_seg: 79.3885, loss: 0.5586 2023-11-10 03:03:44,787 - mmseg - INFO - Iter [54250/80000] lr: 1.288e-05, eta: 2:02:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5230, decode.acc_seg: 80.1029, loss: 0.5230 2023-11-10 03:03:55,307 - mmseg - INFO - Iter [54300/80000] lr: 1.285e-05, eta: 2:01:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5458, decode.acc_seg: 79.8529, loss: 0.5458 2023-11-10 03:04:08,132 - mmseg - INFO - Iter [54350/80000] lr: 1.283e-05, eta: 2:01:35, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5301, decode.acc_seg: 80.2299, loss: 0.5301 2023-11-10 03:04:18,659 - mmseg - INFO - Iter [54400/80000] lr: 1.280e-05, eta: 2:01:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5237, decode.acc_seg: 80.2381, loss: 0.5237 2023-11-10 03:04:29,187 - mmseg - INFO - Iter [54450/80000] lr: 1.278e-05, eta: 2:01:03, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5172, decode.acc_seg: 80.7624, loss: 0.5172 2023-11-10 03:04:39,743 - mmseg - INFO - Iter [54500/80000] lr: 1.275e-05, eta: 2:00:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5709, decode.acc_seg: 78.7666, loss: 0.5709 2023-11-10 03:04:50,270 - mmseg - INFO - Iter [54550/80000] lr: 1.273e-05, eta: 2:00:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5134, decode.acc_seg: 80.6417, loss: 0.5134 2023-11-10 03:05:00,794 - mmseg - INFO - Iter [54600/80000] lr: 1.270e-05, eta: 2:00:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5548, decode.acc_seg: 79.8865, loss: 0.5548 2023-11-10 03:05:11,324 - mmseg - INFO - Iter [54650/80000] lr: 1.268e-05, eta: 1:59:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5302, decode.acc_seg: 79.9110, loss: 0.5302 2023-11-10 03:05:21,844 - mmseg - INFO - Iter [54700/80000] lr: 1.265e-05, eta: 1:59:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5432, decode.acc_seg: 79.7651, loss: 0.5432 2023-11-10 03:05:32,388 - mmseg - INFO - Iter [54750/80000] lr: 1.263e-05, eta: 1:59:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5275, decode.acc_seg: 80.0223, loss: 0.5275 2023-11-10 03:05:42,904 - mmseg - INFO - Iter [54800/80000] lr: 1.260e-05, eta: 1:59:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5348, decode.acc_seg: 80.0744, loss: 0.5348 2023-11-10 03:05:53,422 - mmseg - INFO - Iter [54850/80000] lr: 1.258e-05, eta: 1:58:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5489, decode.acc_seg: 80.2675, loss: 0.5489 2023-11-10 03:06:03,942 - mmseg - INFO - Iter [54900/80000] lr: 1.255e-05, eta: 1:58:40, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5112, decode.acc_seg: 80.3809, loss: 0.5112 2023-11-10 03:06:14,470 - mmseg - INFO - Iter [54950/80000] lr: 1.253e-05, eta: 1:58:24, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5523, decode.acc_seg: 79.3718, loss: 0.5523 2023-11-10 03:06:24,991 - mmseg - INFO - Saving checkpoint at 55000 iterations 2023-11-10 03:06:50,751 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:06:50,751 - mmseg - INFO - Iter [55000/80000] lr: 1.250e-05, eta: 1:58:20, time: 0.726, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5311, decode.acc_seg: 79.9940, loss: 0.5311 2023-11-10 03:07:36,389 - mmseg - INFO - per class results: 2023-11-10 03:07:36,395 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.84 | 85.64 | | building | 79.93 | 91.4 | | sky | 90.19 | 95.14 | | floor | 73.89 | 86.42 | | tree | 69.78 | 84.82 | | ceiling | 76.85 | 87.62 | | road | 78.85 | 88.03 | | bed | 83.34 | 93.81 | | windowpane | 58.13 | 75.34 | | grass | 66.62 | 80.75 | | cabinet | 53.95 | 68.18 | | sidewalk | 56.96 | 73.16 | | person | 75.42 | 90.73 | | earth | 35.07 | 47.91 | | door | 40.16 | 50.02 | | table | 53.55 | 68.09 | | mountain | 55.19 | 70.08 | | plant | 50.02 | 59.99 | | curtain | 64.22 | 76.62 | | chair | 52.93 | 69.36 | | car | 79.07 | 91.75 | | water | 56.93 | 74.43 | | painting | 66.31 | 80.45 | | sofa | 66.63 | 82.08 | | shelf | 37.95 | 52.92 | | house | 45.59 | 61.24 | | sea | 61.62 | 78.6 | | mirror | 58.42 | 70.9 | | rug | 49.51 | 54.17 | | field | 35.41 | 55.79 | | armchair | 42.43 | 57.5 | | seat | 55.9 | 76.86 | | fence | 37.35 | 48.66 | | desk | 41.98 | 66.07 | | rock | 52.34 | 69.19 | | wardrobe | 44.62 | 61.37 | | lamp | 56.57 | 70.87 | | bathtub | 73.3 | 80.79 | | railing | 32.21 | 43.77 | | cushion | 56.79 | 70.2 | | base | 25.89 | 39.83 | | box | 25.4 | 32.01 | | column | 34.99 | 42.98 | | signboard | 31.96 | 46.18 | | chest of drawers | 37.86 | 50.52 | | counter | 33.58 | 42.42 | | sand | 45.94 | 62.86 | | sink | 68.4 | 78.53 | | skyscraper | 45.02 | 60.96 | | fireplace | 63.56 | 80.13 | | refrigerator | 56.42 | 64.02 | | grandstand | 49.84 | 78.53 | | path | 17.25 | 23.1 | | stairs | 28.81 | 32.63 | | runway | 65.53 | 86.31 | | case | 53.92 | 67.79 | | pool table | 84.95 | 95.83 | | pillow | 52.76 | 61.96 | | screen door | 54.66 | 60.01 | | stairway | 47.41 | 60.65 | | river | 16.51 | 29.46 | | bridge | 42.35 | 50.98 | | bookcase | 32.26 | 43.72 | | blind | 22.56 | 25.11 | | coffee table | 58.14 | 79.53 | | toilet | 78.79 | 88.38 | | flower | 38.04 | 51.52 | | book | 47.38 | 66.72 | | hill | 5.38 | 8.24 | | bench | 46.87 | 56.31 | | countertop | 53.1 | 68.95 | | stove | 70.15 | 78.32 | | palm | 48.45 | 60.39 | | kitchen island | 38.78 | 60.87 | | computer | 63.4 | 79.79 | | swivel chair | 42.05 | 54.83 | | boat | 60.17 | 77.02 | | bar | 54.71 | 64.91 | | arcade machine | 63.19 | 71.64 | | hovel | 38.0 | 43.87 | | bus | 84.25 | 92.43 | | towel | 64.8 | 75.3 | | light | 33.5 | 37.77 | | truck | 36.34 | 49.32 | | tower | 22.21 | 35.01 | | chandelier | 61.8 | 73.59 | | awning | 27.97 | 35.75 | | streetlight | 21.67 | 26.29 | | booth | 33.13 | 40.36 | | television receiver | 67.2 | 76.49 | | airplane | 52.78 | 65.75 | | dirt track | 10.09 | 16.54 | | apparel | 45.2 | 57.3 | | pole | 14.08 | 17.32 | | land | 1.45 | 2.12 | | bannister | 6.64 | 8.78 | | escalator | 53.32 | 68.78 | | ottoman | 43.99 | 53.02 | | bottle | 40.38 | 64.62 | | buffet | 39.68 | 45.76 | | poster | 20.09 | 24.74 | | stage | 15.73 | 31.91 | | van | 38.25 | 50.74 | | ship | 34.57 | 39.43 | | fountain | 19.64 | 20.18 | | conveyer belt | 65.19 | 93.1 | | canopy | 33.62 | 41.04 | | washer | 75.11 | 81.98 | | plaything | 26.65 | 34.76 | | swimming pool | 60.48 | 80.47 | | stool | 30.01 | 37.78 | | barrel | 28.52 | 39.9 | | basket | 34.75 | 44.6 | | waterfall | 44.96 | 49.94 | | tent | 84.1 | 97.95 | | bag | 16.5 | 19.03 | | minibike | 66.41 | 83.74 | | cradle | 72.2 | 92.6 | | oven | 46.8 | 55.39 | | ball | 55.73 | 66.27 | | food | 50.41 | 58.74 | | step | 6.59 | 7.29 | | tank | 55.84 | 69.52 | | trade name | 16.91 | 18.91 | | microwave | 69.04 | 75.14 | | pot | 37.91 | 42.67 | | animal | 58.9 | 65.84 | | bicycle | 55.5 | 78.71 | | lake | 25.77 | 28.84 | | dishwasher | 49.38 | 53.13 | | screen | 43.61 | 58.54 | | blanket | 14.98 | 17.24 | | sculpture | 56.79 | 76.0 | | hood | 51.09 | 54.09 | | sconce | 36.22 | 44.65 | | vase | 37.14 | 50.24 | | traffic light | 30.93 | 41.48 | | tray | 10.77 | 13.16 | | ashcan | 41.63 | 49.36 | | fan | 53.5 | 68.49 | | pier | 34.03 | 43.77 | | crt screen | 4.18 | 8.29 | | plate | 49.49 | 64.26 | | monitor | 22.58 | 25.12 | | bulletin board | 43.85 | 55.1 | | shower | 3.4 | 4.17 | | radiator | 58.53 | 66.09 | | glass | 16.4 | 17.85 | | clock | 33.87 | 36.49 | | flag | 46.74 | 55.03 | +---------------------+-------+-------+ 2023-11-10 03:07:36,395 - mmseg - INFO - Summary: 2023-11-10 03:07:36,395 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 79.89 | 46.17 | 57.3 | +-------+-------+------+ 2023-11-10 03:07:36,396 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:07:36,396 - mmseg - INFO - Iter(val) [250] aAcc: 0.7989, mIoU: 0.4617, mAcc: 0.5730, IoU.wall: 0.6984, IoU.building: 0.7993, IoU.sky: 0.9019, IoU.floor: 0.7389, IoU.tree: 0.6978, IoU.ceiling: 0.7685, IoU.road: 0.7885, IoU.bed : 0.8334, IoU.windowpane: 0.5813, IoU.grass: 0.6662, IoU.cabinet: 0.5395, IoU.sidewalk: 0.5696, IoU.person: 0.7542, IoU.earth: 0.3507, IoU.door: 0.4016, IoU.table: 0.5355, IoU.mountain: 0.5519, IoU.plant: 0.5002, IoU.curtain: 0.6422, IoU.chair: 0.5293, IoU.car: 0.7907, IoU.water: 0.5693, IoU.painting: 0.6631, IoU.sofa: 0.6663, IoU.shelf: 0.3795, IoU.house: 0.4559, IoU.sea: 0.6162, IoU.mirror: 0.5842, IoU.rug: 0.4951, IoU.field: 0.3541, IoU.armchair: 0.4243, IoU.seat: 0.5590, IoU.fence: 0.3735, IoU.desk: 0.4198, IoU.rock: 0.5234, IoU.wardrobe: 0.4462, IoU.lamp: 0.5657, IoU.bathtub: 0.7330, IoU.railing: 0.3221, IoU.cushion: 0.5679, IoU.base: 0.2589, IoU.box: 0.2540, IoU.column: 0.3499, IoU.signboard: 0.3196, IoU.chest of drawers: 0.3786, IoU.counter: 0.3358, IoU.sand: 0.4594, IoU.sink: 0.6840, IoU.skyscraper: 0.4502, IoU.fireplace: 0.6356, IoU.refrigerator: 0.5642, IoU.grandstand: 0.4984, IoU.path: 0.1725, IoU.stairs: 0.2881, IoU.runway: 0.6553, IoU.case: 0.5392, IoU.pool table: 0.8495, IoU.pillow: 0.5276, IoU.screen door: 0.5466, IoU.stairway: 0.4741, IoU.river: 0.1651, IoU.bridge: 0.4235, IoU.bookcase: 0.3226, IoU.blind: 0.2256, IoU.coffee table: 0.5814, IoU.toilet: 0.7879, IoU.flower: 0.3804, IoU.book: 0.4738, IoU.hill: 0.0538, IoU.bench: 0.4687, IoU.countertop: 0.5310, IoU.stove: 0.7015, IoU.palm: 0.4845, IoU.kitchen island: 0.3878, IoU.computer: 0.6340, IoU.swivel chair: 0.4205, IoU.boat: 0.6017, IoU.bar: 0.5471, IoU.arcade machine: 0.6319, IoU.hovel: 0.3800, IoU.bus: 0.8425, IoU.towel: 0.6480, IoU.light: 0.3350, IoU.truck: 0.3634, IoU.tower: 0.2221, IoU.chandelier: 0.6180, IoU.awning: 0.2797, IoU.streetlight: 0.2167, IoU.booth: 0.3313, IoU.television receiver: 0.6720, IoU.airplane: 0.5278, IoU.dirt track: 0.1009, IoU.apparel: 0.4520, IoU.pole: 0.1408, IoU.land: 0.0145, IoU.bannister: 0.0664, IoU.escalator: 0.5332, IoU.ottoman: 0.4399, IoU.bottle: 0.4038, IoU.buffet: 0.3968, IoU.poster: 0.2009, IoU.stage: 0.1573, IoU.van: 0.3825, IoU.ship: 0.3457, IoU.fountain: 0.1964, IoU.conveyer belt: 0.6519, IoU.canopy: 0.3362, IoU.washer: 0.7511, IoU.plaything: 0.2665, IoU.swimming pool: 0.6048, IoU.stool: 0.3001, IoU.barrel: 0.2852, IoU.basket: 0.3475, IoU.waterfall: 0.4496, IoU.tent: 0.8410, IoU.bag: 0.1650, IoU.minibike: 0.6641, IoU.cradle: 0.7220, IoU.oven: 0.4680, IoU.ball: 0.5573, IoU.food: 0.5041, IoU.step: 0.0659, IoU.tank: 0.5584, IoU.trade name: 0.1691, IoU.microwave: 0.6904, IoU.pot: 0.3791, IoU.animal: 0.5890, IoU.bicycle: 0.5550, IoU.lake: 0.2577, IoU.dishwasher: 0.4938, IoU.screen: 0.4361, IoU.blanket: 0.1498, IoU.sculpture: 0.5679, IoU.hood: 0.5109, IoU.sconce: 0.3622, IoU.vase: 0.3714, IoU.traffic light: 0.3093, IoU.tray: 0.1077, IoU.ashcan: 0.4163, IoU.fan: 0.5350, IoU.pier: 0.3403, IoU.crt screen: 0.0418, IoU.plate: 0.4949, IoU.monitor: 0.2258, IoU.bulletin board: 0.4385, IoU.shower: 0.0340, IoU.radiator: 0.5853, IoU.glass: 0.1640, IoU.clock: 0.3387, IoU.flag: 0.4674, Acc.wall: 0.8564, Acc.building: 0.9140, Acc.sky: 0.9514, Acc.floor: 0.8642, Acc.tree: 0.8482, Acc.ceiling: 0.8762, Acc.road: 0.8803, Acc.bed : 0.9381, Acc.windowpane: 0.7534, Acc.grass: 0.8075, Acc.cabinet: 0.6818, Acc.sidewalk: 0.7316, Acc.person: 0.9073, Acc.earth: 0.4791, Acc.door: 0.5002, Acc.table: 0.6809, Acc.mountain: 0.7008, Acc.plant: 0.5999, Acc.curtain: 0.7662, Acc.chair: 0.6936, Acc.car: 0.9175, Acc.water: 0.7443, Acc.painting: 0.8045, Acc.sofa: 0.8208, Acc.shelf: 0.5292, Acc.house: 0.6124, Acc.sea: 0.7860, Acc.mirror: 0.7090, Acc.rug: 0.5417, Acc.field: 0.5579, Acc.armchair: 0.5750, Acc.seat: 0.7686, Acc.fence: 0.4866, Acc.desk: 0.6607, Acc.rock: 0.6919, Acc.wardrobe: 0.6137, Acc.lamp: 0.7087, Acc.bathtub: 0.8079, Acc.railing: 0.4377, Acc.cushion: 0.7020, Acc.base: 0.3983, Acc.box: 0.3201, Acc.column: 0.4298, Acc.signboard: 0.4618, Acc.chest of drawers: 0.5052, Acc.counter: 0.4242, Acc.sand: 0.6286, Acc.sink: 0.7853, Acc.skyscraper: 0.6096, Acc.fireplace: 0.8013, Acc.refrigerator: 0.6402, Acc.grandstand: 0.7853, Acc.path: 0.2310, Acc.stairs: 0.3263, Acc.runway: 0.8631, Acc.case: 0.6779, Acc.pool table: 0.9583, Acc.pillow: 0.6196, Acc.screen door: 0.6001, Acc.stairway: 0.6065, Acc.river: 0.2946, Acc.bridge: 0.5098, Acc.bookcase: 0.4372, Acc.blind: 0.2511, Acc.coffee table: 0.7953, Acc.toilet: 0.8838, Acc.flower: 0.5152, Acc.book: 0.6672, Acc.hill: 0.0824, Acc.bench: 0.5631, Acc.countertop: 0.6895, Acc.stove: 0.7832, Acc.palm: 0.6039, Acc.kitchen island: 0.6087, Acc.computer: 0.7979, Acc.swivel chair: 0.5483, Acc.boat: 0.7702, Acc.bar: 0.6491, Acc.arcade machine: 0.7164, Acc.hovel: 0.4387, Acc.bus: 0.9243, Acc.towel: 0.7530, Acc.light: 0.3777, Acc.truck: 0.4932, Acc.tower: 0.3501, Acc.chandelier: 0.7359, Acc.awning: 0.3575, Acc.streetlight: 0.2629, Acc.booth: 0.4036, Acc.television receiver: 0.7649, Acc.airplane: 0.6575, Acc.dirt track: 0.1654, Acc.apparel: 0.5730, Acc.pole: 0.1732, Acc.land: 0.0212, Acc.bannister: 0.0878, Acc.escalator: 0.6878, Acc.ottoman: 0.5302, Acc.bottle: 0.6462, Acc.buffet: 0.4576, Acc.poster: 0.2474, Acc.stage: 0.3191, Acc.van: 0.5074, Acc.ship: 0.3943, Acc.fountain: 0.2018, Acc.conveyer belt: 0.9310, Acc.canopy: 0.4104, Acc.washer: 0.8198, Acc.plaything: 0.3476, Acc.swimming pool: 0.8047, Acc.stool: 0.3778, Acc.barrel: 0.3990, Acc.basket: 0.4460, Acc.waterfall: 0.4994, Acc.tent: 0.9795, Acc.bag: 0.1903, Acc.minibike: 0.8374, Acc.cradle: 0.9260, Acc.oven: 0.5539, Acc.ball: 0.6627, Acc.food: 0.5874, Acc.step: 0.0729, Acc.tank: 0.6952, Acc.trade name: 0.1891, Acc.microwave: 0.7514, Acc.pot: 0.4267, Acc.animal: 0.6584, Acc.bicycle: 0.7871, Acc.lake: 0.2884, Acc.dishwasher: 0.5313, Acc.screen: 0.5854, Acc.blanket: 0.1724, Acc.sculpture: 0.7600, Acc.hood: 0.5409, Acc.sconce: 0.4465, Acc.vase: 0.5024, Acc.traffic light: 0.4148, Acc.tray: 0.1316, Acc.ashcan: 0.4936, Acc.fan: 0.6849, Acc.pier: 0.4377, Acc.crt screen: 0.0829, Acc.plate: 0.6426, Acc.monitor: 0.2512, Acc.bulletin board: 0.5510, Acc.shower: 0.0417, Acc.radiator: 0.6609, Acc.glass: 0.1785, Acc.clock: 0.3649, Acc.flag: 0.5503 2023-11-10 03:07:47,017 - mmseg - INFO - Iter [55050/80000] lr: 1.248e-05, eta: 1:58:25, time: 1.125, data_time: 0.920, memory: 16310, decode.loss_ce: 0.5390, decode.acc_seg: 79.4350, loss: 0.5390 2023-11-10 03:07:57,572 - mmseg - INFO - Iter [55100/80000] lr: 1.245e-05, eta: 1:58:09, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5173, decode.acc_seg: 80.0979, loss: 0.5173 2023-11-10 03:08:08,116 - mmseg - INFO - Iter [55150/80000] lr: 1.243e-05, eta: 1:57:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5115, decode.acc_seg: 80.7515, loss: 0.5115 2023-11-10 03:08:18,652 - mmseg - INFO - Iter [55200/80000] lr: 1.240e-05, eta: 1:57:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5452, decode.acc_seg: 79.4835, loss: 0.5452 2023-11-10 03:08:29,218 - mmseg - INFO - Iter [55250/80000] lr: 1.238e-05, eta: 1:57:21, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5411, decode.acc_seg: 79.6617, loss: 0.5411 2023-11-10 03:08:39,757 - mmseg - INFO - Iter [55300/80000] lr: 1.235e-05, eta: 1:57:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5141, decode.acc_seg: 80.6932, loss: 0.5141 2023-11-10 03:08:50,287 - mmseg - INFO - Iter [55350/80000] lr: 1.233e-05, eta: 1:56:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5265, decode.acc_seg: 79.7793, loss: 0.5265 2023-11-10 03:09:00,810 - mmseg - INFO - Iter [55400/80000] lr: 1.230e-05, eta: 1:56:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5360, decode.acc_seg: 80.0483, loss: 0.5360 2023-11-10 03:09:11,320 - mmseg - INFO - Iter [55450/80000] lr: 1.228e-05, eta: 1:56:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5428, decode.acc_seg: 79.5405, loss: 0.5428 2023-11-10 03:09:21,842 - mmseg - INFO - Iter [55500/80000] lr: 1.225e-05, eta: 1:56:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5022, decode.acc_seg: 81.1043, loss: 0.5022 2023-11-10 03:09:32,370 - mmseg - INFO - Iter [55550/80000] lr: 1.223e-05, eta: 1:55:46, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5380, decode.acc_seg: 80.1704, loss: 0.5380 2023-11-10 03:09:45,172 - mmseg - INFO - Iter [55600/80000] lr: 1.220e-05, eta: 1:55:31, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5497, decode.acc_seg: 79.0546, loss: 0.5497 2023-11-10 03:09:55,691 - mmseg - INFO - Iter [55650/80000] lr: 1.218e-05, eta: 1:55:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5341, decode.acc_seg: 79.6802, loss: 0.5341 2023-11-10 03:10:06,207 - mmseg - INFO - Iter [55700/80000] lr: 1.215e-05, eta: 1:54:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5439, decode.acc_seg: 79.8899, loss: 0.5439 2023-11-10 03:10:16,711 - mmseg - INFO - Iter [55750/80000] lr: 1.213e-05, eta: 1:54:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5141, decode.acc_seg: 80.3707, loss: 0.5141 2023-11-10 03:10:27,220 - mmseg - INFO - Iter [55800/80000] lr: 1.210e-05, eta: 1:54:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5182, decode.acc_seg: 79.9676, loss: 0.5182 2023-11-10 03:10:37,734 - mmseg - INFO - Iter [55850/80000] lr: 1.208e-05, eta: 1:54:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5542, decode.acc_seg: 79.3296, loss: 0.5542 2023-11-10 03:10:48,246 - mmseg - INFO - Iter [55900/80000] lr: 1.205e-05, eta: 1:53:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5367, decode.acc_seg: 79.9283, loss: 0.5367 2023-11-10 03:10:58,749 - mmseg - INFO - Iter [55950/80000] lr: 1.203e-05, eta: 1:53:41, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.4898, decode.acc_seg: 80.9473, loss: 0.4898 2023-11-10 03:11:09,258 - mmseg - INFO - Saving checkpoint at 56000 iterations 2023-11-10 03:11:32,248 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:11:32,248 - mmseg - INFO - Iter [56000/80000] lr: 1.200e-05, eta: 1:53:35, time: 0.670, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5301, decode.acc_seg: 79.9830, loss: 0.5301 2023-11-10 03:12:17,911 - mmseg - INFO - per class results: 2023-11-10 03:12:17,917 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.89 | 85.33 | | building | 79.91 | 90.89 | | sky | 90.06 | 95.43 | | floor | 73.79 | 86.8 | | tree | 69.71 | 85.55 | | ceiling | 76.86 | 88.18 | | road | 78.92 | 87.51 | | bed | 83.41 | 93.89 | | windowpane | 58.16 | 75.64 | | grass | 66.88 | 81.67 | | cabinet | 54.25 | 67.46 | | sidewalk | 57.04 | 73.41 | | person | 75.96 | 89.5 | | earth | 35.05 | 47.72 | | door | 39.87 | 48.95 | | table | 53.4 | 68.52 | | mountain | 54.82 | 68.18 | | plant | 49.94 | 60.01 | | curtain | 64.48 | 77.06 | | chair | 52.61 | 67.72 | | car | 79.19 | 91.82 | | water | 57.21 | 75.77 | | painting | 66.45 | 80.58 | | sofa | 66.49 | 82.28 | | shelf | 37.65 | 52.62 | | house | 45.53 | 62.74 | | sea | 61.52 | 78.19 | | mirror | 58.25 | 69.94 | | rug | 50.18 | 55.45 | | field | 34.65 | 52.49 | | armchair | 42.34 | 59.34 | | seat | 56.37 | 78.02 | | fence | 37.48 | 48.65 | | desk | 41.34 | 68.25 | | rock | 52.77 | 70.52 | | wardrobe | 43.81 | 58.27 | | lamp | 56.33 | 69.81 | | bathtub | 73.37 | 82.37 | | railing | 32.17 | 43.81 | | cushion | 56.69 | 69.79 | | base | 25.35 | 38.73 | | box | 25.48 | 32.44 | | column | 35.14 | 43.27 | | signboard | 31.89 | 46.75 | | chest of drawers | 37.3 | 51.1 | | counter | 34.29 | 43.24 | | sand | 45.32 | 61.77 | | sink | 68.24 | 79.69 | | skyscraper | 44.99 | 60.13 | | fireplace | 63.31 | 82.68 | | refrigerator | 56.91 | 64.98 | | grandstand | 51.12 | 78.76 | | path | 17.99 | 24.86 | | stairs | 29.81 | 33.91 | | runway | 65.95 | 87.02 | | case | 53.62 | 66.29 | | pool table | 84.93 | 95.9 | | pillow | 53.42 | 63.03 | | screen door | 56.87 | 63.73 | | stairway | 48.43 | 61.16 | | river | 14.8 | 25.28 | | bridge | 41.82 | 51.09 | | bookcase | 32.09 | 44.68 | | blind | 21.64 | 23.75 | | coffee table | 57.88 | 79.77 | | toilet | 78.62 | 89.16 | | flower | 38.62 | 52.95 | | book | 47.25 | 68.22 | | hill | 5.42 | 8.8 | | bench | 47.38 | 57.67 | | countertop | 52.83 | 67.14 | | stove | 70.46 | 79.74 | | palm | 49.61 | 65.3 | | kitchen island | 38.84 | 60.46 | | computer | 63.36 | 78.75 | | swivel chair | 43.41 | 59.05 | | boat | 59.56 | 78.09 | | bar | 55.13 | 65.63 | | arcade machine | 64.01 | 73.14 | | hovel | 36.06 | 41.34 | | bus | 84.04 | 92.89 | | towel | 65.21 | 76.44 | | light | 34.88 | 40.22 | | truck | 36.41 | 50.59 | | tower | 24.25 | 39.06 | | chandelier | 62.36 | 75.9 | | awning | 27.98 | 35.74 | | streetlight | 21.72 | 26.22 | | booth | 33.33 | 40.13 | | television receiver | 67.35 | 77.59 | | airplane | 53.05 | 66.21 | | dirt track | 11.26 | 20.35 | | apparel | 45.67 | 61.51 | | pole | 13.46 | 16.4 | | land | 1.51 | 2.19 | | bannister | 6.29 | 8.26 | | escalator | 53.09 | 67.96 | | ottoman | 44.13 | 53.85 | | bottle | 40.49 | 65.47 | | buffet | 41.39 | 48.51 | | poster | 20.54 | 25.96 | | stage | 15.33 | 30.53 | | van | 39.99 | 53.72 | | ship | 38.87 | 44.82 | | fountain | 22.97 | 23.92 | | conveyer belt | 66.55 | 92.77 | | canopy | 35.14 | 42.62 | | washer | 74.88 | 81.55 | | plaything | 27.27 | 36.84 | | swimming pool | 59.98 | 80.82 | | stool | 30.56 | 40.28 | | barrel | 28.14 | 38.21 | | basket | 34.6 | 43.76 | | waterfall | 44.68 | 50.16 | | tent | 86.39 | 97.39 | | bag | 16.65 | 19.37 | | minibike | 66.13 | 85.48 | | cradle | 70.76 | 93.26 | | oven | 45.8 | 53.5 | | ball | 56.35 | 68.24 | | food | 50.43 | 58.74 | | step | 5.71 | 6.23 | | tank | 55.6 | 69.84 | | trade name | 18.03 | 20.37 | | microwave | 70.07 | 77.39 | | pot | 38.62 | 43.89 | | animal | 56.67 | 61.92 | | bicycle | 55.21 | 81.46 | | lake | 26.93 | 30.91 | | dishwasher | 48.53 | 51.89 | | screen | 43.54 | 59.37 | | blanket | 14.65 | 16.9 | | sculpture | 56.51 | 76.83 | | hood | 52.3 | 55.81 | | sconce | 37.42 | 47.27 | | vase | 36.98 | 51.66 | | traffic light | 31.32 | 44.21 | | tray | 10.99 | 13.45 | | ashcan | 42.39 | 52.47 | | fan | 53.87 | 69.9 | | pier | 34.19 | 42.28 | | crt screen | 4.54 | 9.12 | | plate | 49.56 | 65.65 | | monitor | 26.47 | 30.39 | | bulletin board | 43.73 | 56.07 | | shower | 3.26 | 3.71 | | radiator | 59.05 | 68.08 | | glass | 16.09 | 17.48 | | clock | 35.15 | 38.43 | | flag | 46.43 | 54.09 | +---------------------+-------+-------+ 2023-11-10 03:12:17,917 - mmseg - INFO - Summary: 2023-11-10 03:12:17,917 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 79.9 | 46.38 | 57.89 | +------+-------+-------+ 2023-11-10 03:12:17,918 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:12:17,918 - mmseg - INFO - Iter(val) [250] aAcc: 0.7990, mIoU: 0.4638, mAcc: 0.5789, IoU.wall: 0.6989, IoU.building: 0.7991, IoU.sky: 0.9006, IoU.floor: 0.7379, IoU.tree: 0.6971, IoU.ceiling: 0.7686, IoU.road: 0.7892, IoU.bed : 0.8341, IoU.windowpane: 0.5816, IoU.grass: 0.6688, IoU.cabinet: 0.5425, IoU.sidewalk: 0.5704, IoU.person: 0.7596, IoU.earth: 0.3505, IoU.door: 0.3987, IoU.table: 0.5340, IoU.mountain: 0.5482, IoU.plant: 0.4994, IoU.curtain: 0.6448, IoU.chair: 0.5261, IoU.car: 0.7919, IoU.water: 0.5721, IoU.painting: 0.6645, IoU.sofa: 0.6649, IoU.shelf: 0.3765, IoU.house: 0.4553, IoU.sea: 0.6152, IoU.mirror: 0.5825, IoU.rug: 0.5018, IoU.field: 0.3465, IoU.armchair: 0.4234, IoU.seat: 0.5637, IoU.fence: 0.3748, IoU.desk: 0.4134, IoU.rock: 0.5277, IoU.wardrobe: 0.4381, IoU.lamp: 0.5633, IoU.bathtub: 0.7337, IoU.railing: 0.3217, IoU.cushion: 0.5669, IoU.base: 0.2535, IoU.box: 0.2548, IoU.column: 0.3514, IoU.signboard: 0.3189, IoU.chest of drawers: 0.3730, IoU.counter: 0.3429, IoU.sand: 0.4532, IoU.sink: 0.6824, IoU.skyscraper: 0.4499, IoU.fireplace: 0.6331, IoU.refrigerator: 0.5691, IoU.grandstand: 0.5112, IoU.path: 0.1799, IoU.stairs: 0.2981, IoU.runway: 0.6595, IoU.case: 0.5362, IoU.pool table: 0.8493, IoU.pillow: 0.5342, IoU.screen door: 0.5687, IoU.stairway: 0.4843, IoU.river: 0.1480, IoU.bridge: 0.4182, IoU.bookcase: 0.3209, IoU.blind: 0.2164, IoU.coffee table: 0.5788, IoU.toilet: 0.7862, IoU.flower: 0.3862, IoU.book: 0.4725, IoU.hill: 0.0542, IoU.bench: 0.4738, IoU.countertop: 0.5283, IoU.stove: 0.7046, IoU.palm: 0.4961, IoU.kitchen island: 0.3884, IoU.computer: 0.6336, IoU.swivel chair: 0.4341, IoU.boat: 0.5956, IoU.bar: 0.5513, IoU.arcade machine: 0.6401, IoU.hovel: 0.3606, IoU.bus: 0.8404, IoU.towel: 0.6521, IoU.light: 0.3488, IoU.truck: 0.3641, IoU.tower: 0.2425, IoU.chandelier: 0.6236, IoU.awning: 0.2798, IoU.streetlight: 0.2172, IoU.booth: 0.3333, IoU.television receiver: 0.6735, IoU.airplane: 0.5305, IoU.dirt track: 0.1126, IoU.apparel: 0.4567, IoU.pole: 0.1346, IoU.land: 0.0151, IoU.bannister: 0.0629, IoU.escalator: 0.5309, IoU.ottoman: 0.4413, IoU.bottle: 0.4049, IoU.buffet: 0.4139, IoU.poster: 0.2054, IoU.stage: 0.1533, IoU.van: 0.3999, IoU.ship: 0.3887, IoU.fountain: 0.2297, IoU.conveyer belt: 0.6655, IoU.canopy: 0.3514, IoU.washer: 0.7488, IoU.plaything: 0.2727, IoU.swimming pool: 0.5998, IoU.stool: 0.3056, IoU.barrel: 0.2814, IoU.basket: 0.3460, IoU.waterfall: 0.4468, IoU.tent: 0.8639, IoU.bag: 0.1665, IoU.minibike: 0.6613, IoU.cradle: 0.7076, IoU.oven: 0.4580, IoU.ball: 0.5635, IoU.food: 0.5043, IoU.step: 0.0571, IoU.tank: 0.5560, IoU.trade name: 0.1803, IoU.microwave: 0.7007, IoU.pot: 0.3862, IoU.animal: 0.5667, IoU.bicycle: 0.5521, IoU.lake: 0.2693, IoU.dishwasher: 0.4853, IoU.screen: 0.4354, IoU.blanket: 0.1465, IoU.sculpture: 0.5651, IoU.hood: 0.5230, IoU.sconce: 0.3742, IoU.vase: 0.3698, IoU.traffic light: 0.3132, IoU.tray: 0.1099, IoU.ashcan: 0.4239, IoU.fan: 0.5387, IoU.pier: 0.3419, IoU.crt screen: 0.0454, IoU.plate: 0.4956, IoU.monitor: 0.2647, IoU.bulletin board: 0.4373, IoU.shower: 0.0326, IoU.radiator: 0.5905, IoU.glass: 0.1609, IoU.clock: 0.3515, IoU.flag: 0.4643, Acc.wall: 0.8533, Acc.building: 0.9089, Acc.sky: 0.9543, Acc.floor: 0.8680, Acc.tree: 0.8555, Acc.ceiling: 0.8818, Acc.road: 0.8751, Acc.bed : 0.9389, Acc.windowpane: 0.7564, Acc.grass: 0.8167, Acc.cabinet: 0.6746, Acc.sidewalk: 0.7341, Acc.person: 0.8950, Acc.earth: 0.4772, Acc.door: 0.4895, Acc.table: 0.6852, Acc.mountain: 0.6818, Acc.plant: 0.6001, Acc.curtain: 0.7706, Acc.chair: 0.6772, Acc.car: 0.9182, Acc.water: 0.7577, Acc.painting: 0.8058, Acc.sofa: 0.8228, Acc.shelf: 0.5262, Acc.house: 0.6274, Acc.sea: 0.7819, Acc.mirror: 0.6994, Acc.rug: 0.5545, Acc.field: 0.5249, Acc.armchair: 0.5934, Acc.seat: 0.7802, Acc.fence: 0.4865, Acc.desk: 0.6825, Acc.rock: 0.7052, Acc.wardrobe: 0.5827, Acc.lamp: 0.6981, Acc.bathtub: 0.8237, Acc.railing: 0.4381, Acc.cushion: 0.6979, Acc.base: 0.3873, Acc.box: 0.3244, Acc.column: 0.4327, Acc.signboard: 0.4675, Acc.chest of drawers: 0.5110, Acc.counter: 0.4324, Acc.sand: 0.6177, Acc.sink: 0.7969, Acc.skyscraper: 0.6013, Acc.fireplace: 0.8268, Acc.refrigerator: 0.6498, Acc.grandstand: 0.7876, Acc.path: 0.2486, Acc.stairs: 0.3391, Acc.runway: 0.8702, Acc.case: 0.6629, Acc.pool table: 0.9590, Acc.pillow: 0.6303, Acc.screen door: 0.6373, Acc.stairway: 0.6116, Acc.river: 0.2528, Acc.bridge: 0.5109, Acc.bookcase: 0.4468, Acc.blind: 0.2375, Acc.coffee table: 0.7977, Acc.toilet: 0.8916, Acc.flower: 0.5295, Acc.book: 0.6822, Acc.hill: 0.0880, Acc.bench: 0.5767, Acc.countertop: 0.6714, Acc.stove: 0.7974, Acc.palm: 0.6530, Acc.kitchen island: 0.6046, Acc.computer: 0.7875, Acc.swivel chair: 0.5905, Acc.boat: 0.7809, Acc.bar: 0.6563, Acc.arcade machine: 0.7314, Acc.hovel: 0.4134, Acc.bus: 0.9289, Acc.towel: 0.7644, Acc.light: 0.4022, Acc.truck: 0.5059, Acc.tower: 0.3906, Acc.chandelier: 0.7590, Acc.awning: 0.3574, Acc.streetlight: 0.2622, Acc.booth: 0.4013, Acc.television receiver: 0.7759, Acc.airplane: 0.6621, Acc.dirt track: 0.2035, Acc.apparel: 0.6151, Acc.pole: 0.1640, Acc.land: 0.0219, Acc.bannister: 0.0826, Acc.escalator: 0.6796, Acc.ottoman: 0.5385, Acc.bottle: 0.6547, Acc.buffet: 0.4851, Acc.poster: 0.2596, Acc.stage: 0.3053, Acc.van: 0.5372, Acc.ship: 0.4482, Acc.fountain: 0.2392, Acc.conveyer belt: 0.9277, Acc.canopy: 0.4262, Acc.washer: 0.8155, Acc.plaything: 0.3684, Acc.swimming pool: 0.8082, Acc.stool: 0.4028, Acc.barrel: 0.3821, Acc.basket: 0.4376, Acc.waterfall: 0.5016, Acc.tent: 0.9739, Acc.bag: 0.1937, Acc.minibike: 0.8548, Acc.cradle: 0.9326, Acc.oven: 0.5350, Acc.ball: 0.6824, Acc.food: 0.5874, Acc.step: 0.0623, Acc.tank: 0.6984, Acc.trade name: 0.2037, Acc.microwave: 0.7739, Acc.pot: 0.4389, Acc.animal: 0.6192, Acc.bicycle: 0.8146, Acc.lake: 0.3091, Acc.dishwasher: 0.5189, Acc.screen: 0.5937, Acc.blanket: 0.1690, Acc.sculpture: 0.7683, Acc.hood: 0.5581, Acc.sconce: 0.4727, Acc.vase: 0.5166, Acc.traffic light: 0.4421, Acc.tray: 0.1345, Acc.ashcan: 0.5247, Acc.fan: 0.6990, Acc.pier: 0.4228, Acc.crt screen: 0.0912, Acc.plate: 0.6565, Acc.monitor: 0.3039, Acc.bulletin board: 0.5607, Acc.shower: 0.0371, Acc.radiator: 0.6808, Acc.glass: 0.1748, Acc.clock: 0.3843, Acc.flag: 0.5409 2023-11-10 03:12:28,492 - mmseg - INFO - Iter [56050/80000] lr: 1.198e-05, eta: 1:53:38, time: 1.125, data_time: 0.920, memory: 16310, decode.loss_ce: 0.5211, decode.acc_seg: 79.7723, loss: 0.5211 2023-11-10 03:12:39,050 - mmseg - INFO - Iter [56100/80000] lr: 1.195e-05, eta: 1:53:23, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5137, decode.acc_seg: 80.5472, loss: 0.5137 2023-11-10 03:12:49,605 - mmseg - INFO - Iter [56150/80000] lr: 1.193e-05, eta: 1:53:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5288, decode.acc_seg: 79.9303, loss: 0.5288 2023-11-10 03:13:00,141 - mmseg - INFO - Iter [56200/80000] lr: 1.190e-05, eta: 1:52:51, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5149, decode.acc_seg: 80.0989, loss: 0.5149 2023-11-10 03:13:10,655 - mmseg - INFO - Iter [56250/80000] lr: 1.188e-05, eta: 1:52:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5285, decode.acc_seg: 79.7068, loss: 0.5285 2023-11-10 03:13:21,193 - mmseg - INFO - Iter [56300/80000] lr: 1.185e-05, eta: 1:52:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5151, decode.acc_seg: 80.0228, loss: 0.5151 2023-11-10 03:13:31,740 - mmseg - INFO - Iter [56350/80000] lr: 1.183e-05, eta: 1:52:04, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5385, decode.acc_seg: 79.4489, loss: 0.5385 2023-11-10 03:13:42,268 - mmseg - INFO - Iter [56400/80000] lr: 1.180e-05, eta: 1:51:48, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5348, decode.acc_seg: 79.7132, loss: 0.5348 2023-11-10 03:13:52,787 - mmseg - INFO - Iter [56450/80000] lr: 1.178e-05, eta: 1:51:32, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5342, decode.acc_seg: 80.0724, loss: 0.5342 2023-11-10 03:14:03,319 - mmseg - INFO - Iter [56500/80000] lr: 1.175e-05, eta: 1:51:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5150, decode.acc_seg: 80.1889, loss: 0.5150 2023-11-10 03:14:13,851 - mmseg - INFO - Iter [56550/80000] lr: 1.173e-05, eta: 1:51:01, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5407, decode.acc_seg: 79.6858, loss: 0.5407 2023-11-10 03:14:24,367 - mmseg - INFO - Iter [56600/80000] lr: 1.170e-05, eta: 1:50:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4965, decode.acc_seg: 81.3860, loss: 0.4965 2023-11-10 03:14:34,888 - mmseg - INFO - Iter [56650/80000] lr: 1.168e-05, eta: 1:50:29, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5766, decode.acc_seg: 78.2382, loss: 0.5766 2023-11-10 03:14:45,402 - mmseg - INFO - Iter [56700/80000] lr: 1.165e-05, eta: 1:50:14, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5589, decode.acc_seg: 79.4051, loss: 0.5589 2023-11-10 03:14:55,912 - mmseg - INFO - Iter [56750/80000] lr: 1.163e-05, eta: 1:49:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5259, decode.acc_seg: 80.3158, loss: 0.5259 2023-11-10 03:15:06,430 - mmseg - INFO - Iter [56800/80000] lr: 1.160e-05, eta: 1:49:42, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5499, decode.acc_seg: 79.7521, loss: 0.5499 2023-11-10 03:15:19,434 - mmseg - INFO - Iter [56850/80000] lr: 1.158e-05, eta: 1:49:28, time: 0.260, data_time: 0.056, memory: 16310, decode.loss_ce: 0.5259, decode.acc_seg: 80.2939, loss: 0.5259 2023-11-10 03:15:29,957 - mmseg - INFO - Iter [56900/80000] lr: 1.155e-05, eta: 1:49:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5338, decode.acc_seg: 79.8090, loss: 0.5338 2023-11-10 03:15:40,481 - mmseg - INFO - Iter [56950/80000] lr: 1.153e-05, eta: 1:48:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5199, decode.acc_seg: 80.2175, loss: 0.5199 2023-11-10 03:15:50,998 - mmseg - INFO - Saving checkpoint at 57000 iterations 2023-11-10 03:16:14,540 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:16:14,540 - mmseg - INFO - Iter [57000/80000] lr: 1.150e-05, eta: 1:48:50, time: 0.681, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5269, decode.acc_seg: 79.8333, loss: 0.5269 2023-11-10 03:17:00,605 - mmseg - INFO - per class results: 2023-11-10 03:17:00,610 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.12 | 84.93 | | building | 79.91 | 91.01 | | sky | 90.15 | 95.31 | | floor | 73.72 | 87.41 | | tree | 69.9 | 84.66 | | ceiling | 76.87 | 87.98 | | road | 78.8 | 87.8 | | bed | 83.33 | 93.88 | | windowpane | 58.33 | 74.78 | | grass | 66.34 | 81.86 | | cabinet | 54.12 | 67.59 | | sidewalk | 56.95 | 73.52 | | person | 75.54 | 90.32 | | earth | 34.39 | 46.2 | | door | 40.03 | 49.64 | | table | 53.43 | 67.46 | | mountain | 55.35 | 70.11 | | plant | 50.59 | 61.68 | | curtain | 64.78 | 77.41 | | chair | 53.08 | 69.41 | | car | 79.04 | 91.89 | | water | 56.66 | 74.21 | | painting | 66.59 | 81.13 | | sofa | 66.64 | 82.18 | | shelf | 37.18 | 50.92 | | house | 46.2 | 63.41 | | sea | 61.0 | 77.77 | | mirror | 58.44 | 70.3 | | rug | 49.3 | 54.16 | | field | 35.37 | 57.59 | | armchair | 42.4 | 58.72 | | seat | 56.59 | 77.5 | | fence | 38.41 | 50.63 | | desk | 41.9 | 67.77 | | rock | 52.35 | 70.31 | | wardrobe | 45.05 | 62.48 | | lamp | 56.59 | 71.5 | | bathtub | 73.29 | 80.8 | | railing | 32.28 | 44.23 | | cushion | 56.38 | 68.64 | | base | 25.57 | 38.09 | | box | 26.14 | 33.68 | | column | 34.82 | 42.48 | | signboard | 32.08 | 47.21 | | chest of drawers | 38.37 | 52.27 | | counter | 34.57 | 44.09 | | sand | 45.88 | 63.28 | | sink | 68.41 | 80.09 | | skyscraper | 44.99 | 63.47 | | fireplace | 63.76 | 81.16 | | refrigerator | 57.25 | 65.65 | | grandstand | 51.57 | 78.51 | | path | 18.25 | 25.5 | | stairs | 27.35 | 30.63 | | runway | 65.77 | 87.03 | | case | 53.53 | 68.29 | | pool table | 84.89 | 95.78 | | pillow | 53.15 | 63.21 | | screen door | 51.63 | 55.68 | | stairway | 47.42 | 63.81 | | river | 16.2 | 30.32 | | bridge | 42.68 | 51.17 | | bookcase | 31.78 | 45.03 | | blind | 26.68 | 30.18 | | coffee table | 57.66 | 80.42 | | toilet | 79.0 | 88.68 | | flower | 38.82 | 53.6 | | book | 47.11 | 69.69 | | hill | 5.39 | 8.23 | | bench | 47.63 | 57.43 | | countertop | 52.68 | 66.72 | | stove | 70.51 | 79.84 | | palm | 50.12 | 66.81 | | kitchen island | 38.83 | 60.0 | | computer | 63.34 | 79.08 | | swivel chair | 42.79 | 56.63 | | boat | 59.97 | 78.21 | | bar | 55.21 | 65.88 | | arcade machine | 62.3 | 70.08 | | hovel | 34.61 | 38.99 | | bus | 84.15 | 92.98 | | towel | 65.18 | 76.67 | | light | 34.67 | 39.55 | | truck | 36.09 | 48.33 | | tower | 22.76 | 36.13 | | chandelier | 62.31 | 75.79 | | awning | 28.56 | 36.91 | | streetlight | 21.79 | 26.14 | | booth | 34.35 | 42.56 | | television receiver | 67.46 | 78.58 | | airplane | 52.71 | 66.48 | | dirt track | 10.39 | 17.55 | | apparel | 45.89 | 59.54 | | pole | 15.16 | 18.97 | | land | 1.8 | 2.73 | | bannister | 6.95 | 9.16 | | escalator | 53.51 | 69.82 | | ottoman | 43.87 | 53.0 | | bottle | 40.51 | 66.7 | | buffet | 38.63 | 43.87 | | poster | 21.01 | 27.49 | | stage | 15.09 | 30.05 | | van | 39.65 | 54.24 | | ship | 32.68 | 36.74 | | fountain | 21.98 | 22.74 | | conveyer belt | 65.13 | 92.96 | | canopy | 35.49 | 44.18 | | washer | 76.11 | 83.97 | | plaything | 27.05 | 36.56 | | swimming pool | 59.65 | 79.97 | | stool | 30.3 | 38.11 | | barrel | 28.34 | 38.8 | | basket | 34.45 | 42.97 | | waterfall | 45.46 | 51.22 | | tent | 83.43 | 98.23 | | bag | 16.99 | 19.85 | | minibike | 66.18 | 83.67 | | cradle | 68.51 | 94.27 | | oven | 46.5 | 54.39 | | ball | 56.49 | 68.71 | | food | 51.94 | 61.01 | | step | 6.46 | 7.11 | | tank | 55.38 | 69.08 | | trade name | 20.42 | 23.78 | | microwave | 69.66 | 76.08 | | pot | 37.59 | 42.27 | | animal | 57.88 | 63.52 | | bicycle | 54.43 | 74.18 | | lake | 25.78 | 29.26 | | dishwasher | 49.3 | 53.13 | | screen | 43.65 | 58.69 | | blanket | 13.13 | 14.93 | | sculpture | 55.85 | 77.3 | | hood | 54.24 | 58.41 | | sconce | 38.04 | 48.22 | | vase | 36.86 | 52.55 | | traffic light | 31.94 | 46.07 | | tray | 10.86 | 13.25 | | ashcan | 42.16 | 51.34 | | fan | 51.17 | 62.27 | | pier | 34.32 | 43.05 | | crt screen | 5.14 | 10.29 | | plate | 49.52 | 63.67 | | monitor | 26.0 | 30.03 | | bulletin board | 44.79 | 56.58 | | shower | 2.92 | 4.35 | | radiator | 59.33 | 67.88 | | glass | 16.62 | 18.17 | | clock | 35.25 | 38.63 | | flag | 46.55 | 54.45 | +---------------------+-------+-------+ 2023-11-10 03:17:00,611 - mmseg - INFO - Summary: 2023-11-10 03:17:00,611 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.92 | 46.34 | 57.91 | +-------+-------+-------+ 2023-11-10 03:17:00,611 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:17:00,612 - mmseg - INFO - Iter(val) [250] aAcc: 0.7992, mIoU: 0.4634, mAcc: 0.5791, IoU.wall: 0.7012, IoU.building: 0.7991, IoU.sky: 0.9015, IoU.floor: 0.7372, IoU.tree: 0.6990, IoU.ceiling: 0.7687, IoU.road: 0.7880, IoU.bed : 0.8333, IoU.windowpane: 0.5833, IoU.grass: 0.6634, IoU.cabinet: 0.5412, IoU.sidewalk: 0.5695, IoU.person: 0.7554, IoU.earth: 0.3439, IoU.door: 0.4003, IoU.table: 0.5343, IoU.mountain: 0.5535, IoU.plant: 0.5059, IoU.curtain: 0.6478, IoU.chair: 0.5308, IoU.car: 0.7904, IoU.water: 0.5666, IoU.painting: 0.6659, IoU.sofa: 0.6664, IoU.shelf: 0.3718, IoU.house: 0.4620, IoU.sea: 0.6100, IoU.mirror: 0.5844, IoU.rug: 0.4930, IoU.field: 0.3537, IoU.armchair: 0.4240, IoU.seat: 0.5659, IoU.fence: 0.3841, IoU.desk: 0.4190, IoU.rock: 0.5235, IoU.wardrobe: 0.4505, IoU.lamp: 0.5659, IoU.bathtub: 0.7329, IoU.railing: 0.3228, IoU.cushion: 0.5638, IoU.base: 0.2557, IoU.box: 0.2614, IoU.column: 0.3482, IoU.signboard: 0.3208, IoU.chest of drawers: 0.3837, IoU.counter: 0.3457, IoU.sand: 0.4588, IoU.sink: 0.6841, IoU.skyscraper: 0.4499, IoU.fireplace: 0.6376, IoU.refrigerator: 0.5725, IoU.grandstand: 0.5157, IoU.path: 0.1825, IoU.stairs: 0.2735, IoU.runway: 0.6577, IoU.case: 0.5353, IoU.pool table: 0.8489, IoU.pillow: 0.5315, IoU.screen door: 0.5163, IoU.stairway: 0.4742, IoU.river: 0.1620, IoU.bridge: 0.4268, IoU.bookcase: 0.3178, IoU.blind: 0.2668, IoU.coffee table: 0.5766, IoU.toilet: 0.7900, IoU.flower: 0.3882, IoU.book: 0.4711, IoU.hill: 0.0539, IoU.bench: 0.4763, IoU.countertop: 0.5268, IoU.stove: 0.7051, IoU.palm: 0.5012, IoU.kitchen island: 0.3883, IoU.computer: 0.6334, IoU.swivel chair: 0.4279, IoU.boat: 0.5997, IoU.bar: 0.5521, IoU.arcade machine: 0.6230, IoU.hovel: 0.3461, IoU.bus: 0.8415, IoU.towel: 0.6518, IoU.light: 0.3467, IoU.truck: 0.3609, IoU.tower: 0.2276, IoU.chandelier: 0.6231, IoU.awning: 0.2856, IoU.streetlight: 0.2179, IoU.booth: 0.3435, IoU.television receiver: 0.6746, IoU.airplane: 0.5271, IoU.dirt track: 0.1039, IoU.apparel: 0.4589, IoU.pole: 0.1516, IoU.land: 0.0180, IoU.bannister: 0.0695, IoU.escalator: 0.5351, IoU.ottoman: 0.4387, IoU.bottle: 0.4051, IoU.buffet: 0.3863, IoU.poster: 0.2101, IoU.stage: 0.1509, IoU.van: 0.3965, IoU.ship: 0.3268, IoU.fountain: 0.2198, IoU.conveyer belt: 0.6513, IoU.canopy: 0.3549, IoU.washer: 0.7611, IoU.plaything: 0.2705, IoU.swimming pool: 0.5965, IoU.stool: 0.3030, IoU.barrel: 0.2834, IoU.basket: 0.3445, IoU.waterfall: 0.4546, IoU.tent: 0.8343, IoU.bag: 0.1699, IoU.minibike: 0.6618, IoU.cradle: 0.6851, IoU.oven: 0.4650, IoU.ball: 0.5649, IoU.food: 0.5194, IoU.step: 0.0646, IoU.tank: 0.5538, IoU.trade name: 0.2042, IoU.microwave: 0.6966, IoU.pot: 0.3759, IoU.animal: 0.5788, IoU.bicycle: 0.5443, IoU.lake: 0.2578, IoU.dishwasher: 0.4930, IoU.screen: 0.4365, IoU.blanket: 0.1313, IoU.sculpture: 0.5585, IoU.hood: 0.5424, IoU.sconce: 0.3804, IoU.vase: 0.3686, IoU.traffic light: 0.3194, IoU.tray: 0.1086, IoU.ashcan: 0.4216, IoU.fan: 0.5117, IoU.pier: 0.3432, IoU.crt screen: 0.0514, IoU.plate: 0.4952, IoU.monitor: 0.2600, IoU.bulletin board: 0.4479, IoU.shower: 0.0292, IoU.radiator: 0.5933, IoU.glass: 0.1662, IoU.clock: 0.3525, IoU.flag: 0.4655, Acc.wall: 0.8493, Acc.building: 0.9101, Acc.sky: 0.9531, Acc.floor: 0.8741, Acc.tree: 0.8466, Acc.ceiling: 0.8798, Acc.road: 0.8780, Acc.bed : 0.9388, Acc.windowpane: 0.7478, Acc.grass: 0.8186, Acc.cabinet: 0.6759, Acc.sidewalk: 0.7352, Acc.person: 0.9032, Acc.earth: 0.4620, Acc.door: 0.4964, Acc.table: 0.6746, Acc.mountain: 0.7011, Acc.plant: 0.6168, Acc.curtain: 0.7741, Acc.chair: 0.6941, Acc.car: 0.9189, Acc.water: 0.7421, Acc.painting: 0.8113, Acc.sofa: 0.8218, Acc.shelf: 0.5092, Acc.house: 0.6341, Acc.sea: 0.7777, Acc.mirror: 0.7030, Acc.rug: 0.5416, Acc.field: 0.5759, Acc.armchair: 0.5872, Acc.seat: 0.7750, Acc.fence: 0.5063, Acc.desk: 0.6777, Acc.rock: 0.7031, Acc.wardrobe: 0.6248, Acc.lamp: 0.7150, Acc.bathtub: 0.8080, Acc.railing: 0.4423, Acc.cushion: 0.6864, Acc.base: 0.3809, Acc.box: 0.3368, Acc.column: 0.4248, Acc.signboard: 0.4721, Acc.chest of drawers: 0.5227, Acc.counter: 0.4409, Acc.sand: 0.6328, Acc.sink: 0.8009, Acc.skyscraper: 0.6347, Acc.fireplace: 0.8116, Acc.refrigerator: 0.6565, Acc.grandstand: 0.7851, Acc.path: 0.2550, Acc.stairs: 0.3063, Acc.runway: 0.8703, Acc.case: 0.6829, Acc.pool table: 0.9578, Acc.pillow: 0.6321, Acc.screen door: 0.5568, Acc.stairway: 0.6381, Acc.river: 0.3032, Acc.bridge: 0.5117, Acc.bookcase: 0.4503, Acc.blind: 0.3018, Acc.coffee table: 0.8042, Acc.toilet: 0.8868, Acc.flower: 0.5360, Acc.book: 0.6969, Acc.hill: 0.0823, Acc.bench: 0.5743, Acc.countertop: 0.6672, Acc.stove: 0.7984, Acc.palm: 0.6681, Acc.kitchen island: 0.6000, Acc.computer: 0.7908, Acc.swivel chair: 0.5663, Acc.boat: 0.7821, Acc.bar: 0.6588, Acc.arcade machine: 0.7008, Acc.hovel: 0.3899, Acc.bus: 0.9298, Acc.towel: 0.7667, Acc.light: 0.3955, Acc.truck: 0.4833, Acc.tower: 0.3613, Acc.chandelier: 0.7579, Acc.awning: 0.3691, Acc.streetlight: 0.2614, Acc.booth: 0.4256, Acc.television receiver: 0.7858, Acc.airplane: 0.6648, Acc.dirt track: 0.1755, Acc.apparel: 0.5954, Acc.pole: 0.1897, Acc.land: 0.0273, Acc.bannister: 0.0916, Acc.escalator: 0.6982, Acc.ottoman: 0.5300, Acc.bottle: 0.6670, Acc.buffet: 0.4387, Acc.poster: 0.2749, Acc.stage: 0.3005, Acc.van: 0.5424, Acc.ship: 0.3674, Acc.fountain: 0.2274, Acc.conveyer belt: 0.9296, Acc.canopy: 0.4418, Acc.washer: 0.8397, Acc.plaything: 0.3656, Acc.swimming pool: 0.7997, Acc.stool: 0.3811, Acc.barrel: 0.3880, Acc.basket: 0.4297, Acc.waterfall: 0.5122, Acc.tent: 0.9823, Acc.bag: 0.1985, Acc.minibike: 0.8367, Acc.cradle: 0.9427, Acc.oven: 0.5439, Acc.ball: 0.6871, Acc.food: 0.6101, Acc.step: 0.0711, Acc.tank: 0.6908, Acc.trade name: 0.2378, Acc.microwave: 0.7608, Acc.pot: 0.4227, Acc.animal: 0.6352, Acc.bicycle: 0.7418, Acc.lake: 0.2926, Acc.dishwasher: 0.5313, Acc.screen: 0.5869, Acc.blanket: 0.1493, Acc.sculpture: 0.7730, Acc.hood: 0.5841, Acc.sconce: 0.4822, Acc.vase: 0.5255, Acc.traffic light: 0.4607, Acc.tray: 0.1325, Acc.ashcan: 0.5134, Acc.fan: 0.6227, Acc.pier: 0.4305, Acc.crt screen: 0.1029, Acc.plate: 0.6367, Acc.monitor: 0.3003, Acc.bulletin board: 0.5658, Acc.shower: 0.0435, Acc.radiator: 0.6788, Acc.glass: 0.1817, Acc.clock: 0.3863, Acc.flag: 0.5445 2023-11-10 03:17:11,181 - mmseg - INFO - Iter [57050/80000] lr: 1.148e-05, eta: 1:48:53, time: 1.133, data_time: 0.928, memory: 16310, decode.loss_ce: 0.5259, decode.acc_seg: 80.1782, loss: 0.5259 2023-11-10 03:17:21,775 - mmseg - INFO - Iter [57100/80000] lr: 1.145e-05, eta: 1:48:37, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5339, decode.acc_seg: 80.0218, loss: 0.5339 2023-11-10 03:17:32,318 - mmseg - INFO - Iter [57150/80000] lr: 1.143e-05, eta: 1:48:22, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5410, decode.acc_seg: 80.1259, loss: 0.5410 2023-11-10 03:17:42,855 - mmseg - INFO - Iter [57200/80000] lr: 1.140e-05, eta: 1:48:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5320, decode.acc_seg: 79.8182, loss: 0.5320 2023-11-10 03:17:53,394 - mmseg - INFO - Iter [57250/80000] lr: 1.138e-05, eta: 1:47:50, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5511, decode.acc_seg: 78.8106, loss: 0.5511 2023-11-10 03:18:03,941 - mmseg - INFO - Iter [57300/80000] lr: 1.135e-05, eta: 1:47:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5237, decode.acc_seg: 80.4934, loss: 0.5237 2023-11-10 03:18:14,477 - mmseg - INFO - Iter [57350/80000] lr: 1.133e-05, eta: 1:47:19, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5453, decode.acc_seg: 80.0091, loss: 0.5453 2023-11-10 03:18:24,990 - mmseg - INFO - Iter [57400/80000] lr: 1.130e-05, eta: 1:47:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5215, decode.acc_seg: 80.0295, loss: 0.5215 2023-11-10 03:18:35,516 - mmseg - INFO - Iter [57450/80000] lr: 1.128e-05, eta: 1:46:47, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5167, decode.acc_seg: 80.4411, loss: 0.5167 2023-11-10 03:18:46,047 - mmseg - INFO - Iter [57500/80000] lr: 1.125e-05, eta: 1:46:32, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5522, decode.acc_seg: 79.5644, loss: 0.5522 2023-11-10 03:18:56,569 - mmseg - INFO - Iter [57550/80000] lr: 1.123e-05, eta: 1:46:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5398, decode.acc_seg: 79.3572, loss: 0.5398 2023-11-10 03:19:07,094 - mmseg - INFO - Iter [57600/80000] lr: 1.120e-05, eta: 1:46:01, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5271, decode.acc_seg: 80.5669, loss: 0.5271 2023-11-10 03:19:17,620 - mmseg - INFO - Iter [57650/80000] lr: 1.118e-05, eta: 1:45:45, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5190, decode.acc_seg: 79.8232, loss: 0.5190 2023-11-10 03:19:28,140 - mmseg - INFO - Iter [57700/80000] lr: 1.115e-05, eta: 1:45:29, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5334, decode.acc_seg: 80.2371, loss: 0.5334 2023-11-10 03:19:38,660 - mmseg - INFO - Iter [57750/80000] lr: 1.113e-05, eta: 1:45:14, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5411, decode.acc_seg: 79.7857, loss: 0.5411 2023-11-10 03:19:49,175 - mmseg - INFO - Iter [57800/80000] lr: 1.110e-05, eta: 1:44:58, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5146, decode.acc_seg: 80.6567, loss: 0.5146 2023-11-10 03:19:59,720 - mmseg - INFO - Iter [57850/80000] lr: 1.108e-05, eta: 1:44:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5273, decode.acc_seg: 80.0336, loss: 0.5273 2023-11-10 03:20:10,250 - mmseg - INFO - Iter [57900/80000] lr: 1.105e-05, eta: 1:44:27, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5522, decode.acc_seg: 79.3136, loss: 0.5522 2023-11-10 03:20:20,775 - mmseg - INFO - Iter [57950/80000] lr: 1.103e-05, eta: 1:44:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5335, decode.acc_seg: 79.9534, loss: 0.5335 2023-11-10 03:20:31,293 - mmseg - INFO - Saving checkpoint at 58000 iterations 2023-11-10 03:20:56,385 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:20:56,385 - mmseg - INFO - Iter [58000/80000] lr: 1.100e-05, eta: 1:44:05, time: 0.712, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5294, decode.acc_seg: 79.9484, loss: 0.5294 2023-11-10 03:21:42,184 - mmseg - INFO - per class results: 2023-11-10 03:21:42,189 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.97 | 84.64 | | building | 79.38 | 92.6 | | sky | 89.76 | 95.69 | | floor | 74.02 | 86.77 | | tree | 69.3 | 84.68 | | ceiling | 76.91 | 88.59 | | road | 78.65 | 88.28 | | bed | 83.25 | 94.09 | | windowpane | 58.09 | 75.48 | | grass | 66.63 | 81.86 | | cabinet | 54.26 | 66.85 | | sidewalk | 56.58 | 71.81 | | person | 75.68 | 90.09 | | earth | 34.45 | 46.0 | | door | 39.9 | 49.18 | | table | 53.69 | 68.43 | | mountain | 55.0 | 68.93 | | plant | 50.02 | 60.19 | | curtain | 64.33 | 75.09 | | chair | 53.1 | 69.3 | | car | 79.22 | 91.62 | | water | 56.32 | 74.11 | | painting | 66.55 | 80.18 | | sofa | 66.07 | 83.93 | | shelf | 37.14 | 50.62 | | house | 44.69 | 57.95 | | sea | 60.6 | 78.92 | | mirror | 58.6 | 69.96 | | rug | 49.06 | 53.61 | | field | 34.99 | 54.76 | | armchair | 41.6 | 56.36 | | seat | 56.8 | 76.66 | | fence | 38.21 | 50.21 | | desk | 42.28 | 66.02 | | rock | 52.12 | 69.42 | | wardrobe | 44.53 | 60.42 | | lamp | 56.61 | 71.7 | | bathtub | 73.03 | 81.72 | | railing | 32.53 | 44.51 | | cushion | 56.51 | 69.26 | | base | 25.36 | 37.81 | | box | 25.44 | 31.97 | | column | 34.9 | 42.25 | | signboard | 31.12 | 44.99 | | chest of drawers | 38.18 | 50.92 | | counter | 34.95 | 44.94 | | sand | 45.74 | 63.23 | | sink | 68.17 | 79.07 | | skyscraper | 44.88 | 57.27 | | fireplace | 63.31 | 82.73 | | refrigerator | 57.6 | 66.27 | | grandstand | 50.6 | 79.2 | | path | 17.08 | 22.69 | | stairs | 22.87 | 24.99 | | runway | 65.57 | 85.13 | | case | 53.9 | 67.99 | | pool table | 83.68 | 96.37 | | pillow | 52.63 | 61.89 | | screen door | 55.86 | 61.9 | | stairway | 45.55 | 62.34 | | river | 14.87 | 24.88 | | bridge | 41.78 | 50.46 | | bookcase | 31.94 | 45.54 | | blind | 22.59 | 24.88 | | coffee table | 57.88 | 80.28 | | toilet | 78.79 | 88.73 | | flower | 39.08 | 51.83 | | book | 46.87 | 68.68 | | hill | 5.39 | 8.78 | | bench | 47.93 | 58.49 | | countertop | 53.21 | 68.39 | | stove | 70.81 | 79.67 | | palm | 49.2 | 64.16 | | kitchen island | 38.54 | 61.66 | | computer | 63.2 | 78.26 | | swivel chair | 42.83 | 56.5 | | boat | 59.56 | 77.93 | | bar | 55.61 | 67.21 | | arcade machine | 63.91 | 73.21 | | hovel | 35.73 | 40.81 | | bus | 84.37 | 91.76 | | towel | 65.29 | 77.02 | | light | 35.45 | 40.87 | | truck | 36.45 | 49.15 | | tower | 21.72 | 33.8 | | chandelier | 62.4 | 76.11 | | awning | 27.18 | 34.34 | | streetlight | 21.44 | 25.82 | | booth | 34.76 | 42.95 | | television receiver | 67.46 | 77.48 | | airplane | 53.15 | 66.11 | | dirt track | 11.22 | 19.19 | | apparel | 44.44 | 57.49 | | pole | 13.06 | 15.6 | | land | 1.64 | 2.36 | | bannister | 7.07 | 9.24 | | escalator | 53.54 | 69.67 | | ottoman | 43.69 | 52.53 | | bottle | 40.49 | 66.12 | | buffet | 40.79 | 47.27 | | poster | 20.97 | 27.1 | | stage | 15.46 | 31.84 | | van | 38.75 | 50.71 | | ship | 34.5 | 38.52 | | fountain | 22.03 | 22.79 | | conveyer belt | 66.82 | 92.27 | | canopy | 31.01 | 36.71 | | washer | 75.48 | 82.17 | | plaything | 27.02 | 36.72 | | swimming pool | 59.87 | 81.11 | | stool | 29.81 | 37.23 | | barrel | 28.89 | 40.49 | | basket | 34.79 | 43.87 | | waterfall | 45.07 | 50.09 | | tent | 83.85 | 98.19 | | bag | 16.98 | 19.73 | | minibike | 66.38 | 84.7 | | cradle | 69.49 | 94.05 | | oven | 48.35 | 57.88 | | ball | 56.37 | 68.93 | | food | 53.24 | 63.19 | | step | 5.81 | 6.32 | | tank | 55.73 | 71.24 | | trade name | 16.38 | 18.22 | | microwave | 69.03 | 75.14 | | pot | 38.68 | 44.1 | | animal | 56.15 | 60.85 | | bicycle | 55.31 | 79.29 | | lake | 24.81 | 27.71 | | dishwasher | 49.61 | 53.48 | | screen | 43.48 | 59.01 | | blanket | 14.33 | 16.33 | | sculpture | 57.0 | 76.19 | | hood | 54.33 | 58.54 | | sconce | 36.92 | 45.44 | | vase | 37.28 | 51.31 | | traffic light | 31.58 | 43.93 | | tray | 10.79 | 13.07 | | ashcan | 41.59 | 50.08 | | fan | 53.03 | 67.21 | | pier | 34.91 | 42.31 | | crt screen | 5.06 | 10.2 | | plate | 49.35 | 64.31 | | monitor | 26.88 | 31.44 | | bulletin board | 44.85 | 56.62 | | shower | 3.39 | 4.22 | | radiator | 59.78 | 69.63 | | glass | 17.04 | 18.81 | | clock | 33.24 | 35.44 | | flag | 47.95 | 55.93 | +---------------------+-------+-------+ 2023-11-10 03:21:42,189 - mmseg - INFO - Summary: 2023-11-10 03:21:42,189 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.86 | 46.22 | 57.56 | +-------+-------+-------+ 2023-11-10 03:21:42,190 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:21:42,190 - mmseg - INFO - Iter(val) [250] aAcc: 0.7986, mIoU: 0.4622, mAcc: 0.5756, IoU.wall: 0.6997, IoU.building: 0.7938, IoU.sky: 0.8976, IoU.floor: 0.7402, IoU.tree: 0.6930, IoU.ceiling: 0.7691, IoU.road: 0.7865, IoU.bed : 0.8325, IoU.windowpane: 0.5809, IoU.grass: 0.6663, IoU.cabinet: 0.5426, IoU.sidewalk: 0.5658, IoU.person: 0.7568, IoU.earth: 0.3445, IoU.door: 0.3990, IoU.table: 0.5369, IoU.mountain: 0.5500, IoU.plant: 0.5002, IoU.curtain: 0.6433, IoU.chair: 0.5310, IoU.car: 0.7922, IoU.water: 0.5632, IoU.painting: 0.6655, IoU.sofa: 0.6607, IoU.shelf: 0.3714, IoU.house: 0.4469, IoU.sea: 0.6060, IoU.mirror: 0.5860, IoU.rug: 0.4906, IoU.field: 0.3499, IoU.armchair: 0.4160, IoU.seat: 0.5680, IoU.fence: 0.3821, IoU.desk: 0.4228, IoU.rock: 0.5212, IoU.wardrobe: 0.4453, IoU.lamp: 0.5661, IoU.bathtub: 0.7303, IoU.railing: 0.3253, IoU.cushion: 0.5651, IoU.base: 0.2536, IoU.box: 0.2544, IoU.column: 0.3490, IoU.signboard: 0.3112, IoU.chest of drawers: 0.3818, IoU.counter: 0.3495, IoU.sand: 0.4574, IoU.sink: 0.6817, IoU.skyscraper: 0.4488, IoU.fireplace: 0.6331, IoU.refrigerator: 0.5760, IoU.grandstand: 0.5060, IoU.path: 0.1708, IoU.stairs: 0.2287, IoU.runway: 0.6557, IoU.case: 0.5390, IoU.pool table: 0.8368, IoU.pillow: 0.5263, IoU.screen door: 0.5586, IoU.stairway: 0.4555, IoU.river: 0.1487, IoU.bridge: 0.4178, IoU.bookcase: 0.3194, IoU.blind: 0.2259, IoU.coffee table: 0.5788, IoU.toilet: 0.7879, IoU.flower: 0.3908, IoU.book: 0.4687, IoU.hill: 0.0539, IoU.bench: 0.4793, IoU.countertop: 0.5321, IoU.stove: 0.7081, IoU.palm: 0.4920, IoU.kitchen island: 0.3854, IoU.computer: 0.6320, IoU.swivel chair: 0.4283, IoU.boat: 0.5956, IoU.bar: 0.5561, IoU.arcade machine: 0.6391, IoU.hovel: 0.3573, IoU.bus: 0.8437, IoU.towel: 0.6529, IoU.light: 0.3545, IoU.truck: 0.3645, IoU.tower: 0.2172, IoU.chandelier: 0.6240, IoU.awning: 0.2718, IoU.streetlight: 0.2144, IoU.booth: 0.3476, IoU.television receiver: 0.6746, IoU.airplane: 0.5315, IoU.dirt track: 0.1122, IoU.apparel: 0.4444, IoU.pole: 0.1306, IoU.land: 0.0164, IoU.bannister: 0.0707, IoU.escalator: 0.5354, IoU.ottoman: 0.4369, IoU.bottle: 0.4049, IoU.buffet: 0.4079, IoU.poster: 0.2097, IoU.stage: 0.1546, IoU.van: 0.3875, IoU.ship: 0.3450, IoU.fountain: 0.2203, IoU.conveyer belt: 0.6682, IoU.canopy: 0.3101, IoU.washer: 0.7548, IoU.plaything: 0.2702, IoU.swimming pool: 0.5987, IoU.stool: 0.2981, IoU.barrel: 0.2889, IoU.basket: 0.3479, IoU.waterfall: 0.4507, IoU.tent: 0.8385, IoU.bag: 0.1698, IoU.minibike: 0.6638, IoU.cradle: 0.6949, IoU.oven: 0.4835, IoU.ball: 0.5637, IoU.food: 0.5324, IoU.step: 0.0581, IoU.tank: 0.5573, IoU.trade name: 0.1638, IoU.microwave: 0.6903, IoU.pot: 0.3868, IoU.animal: 0.5615, IoU.bicycle: 0.5531, IoU.lake: 0.2481, IoU.dishwasher: 0.4961, IoU.screen: 0.4348, IoU.blanket: 0.1433, IoU.sculpture: 0.5700, IoU.hood: 0.5433, IoU.sconce: 0.3692, IoU.vase: 0.3728, IoU.traffic light: 0.3158, IoU.tray: 0.1079, IoU.ashcan: 0.4159, IoU.fan: 0.5303, IoU.pier: 0.3491, IoU.crt screen: 0.0506, IoU.plate: 0.4935, IoU.monitor: 0.2688, IoU.bulletin board: 0.4485, IoU.shower: 0.0339, IoU.radiator: 0.5978, IoU.glass: 0.1704, IoU.clock: 0.3324, IoU.flag: 0.4795, Acc.wall: 0.8464, Acc.building: 0.9260, Acc.sky: 0.9569, Acc.floor: 0.8677, Acc.tree: 0.8468, Acc.ceiling: 0.8859, Acc.road: 0.8828, Acc.bed : 0.9409, Acc.windowpane: 0.7548, Acc.grass: 0.8186, Acc.cabinet: 0.6685, Acc.sidewalk: 0.7181, Acc.person: 0.9009, Acc.earth: 0.4600, Acc.door: 0.4918, Acc.table: 0.6843, Acc.mountain: 0.6893, Acc.plant: 0.6019, Acc.curtain: 0.7509, Acc.chair: 0.6930, Acc.car: 0.9162, Acc.water: 0.7411, Acc.painting: 0.8018, Acc.sofa: 0.8393, Acc.shelf: 0.5062, Acc.house: 0.5795, Acc.sea: 0.7892, Acc.mirror: 0.6996, Acc.rug: 0.5361, Acc.field: 0.5476, Acc.armchair: 0.5636, Acc.seat: 0.7666, Acc.fence: 0.5021, Acc.desk: 0.6602, Acc.rock: 0.6942, Acc.wardrobe: 0.6042, Acc.lamp: 0.7170, Acc.bathtub: 0.8172, Acc.railing: 0.4451, Acc.cushion: 0.6926, Acc.base: 0.3781, Acc.box: 0.3197, Acc.column: 0.4225, Acc.signboard: 0.4499, Acc.chest of drawers: 0.5092, Acc.counter: 0.4494, Acc.sand: 0.6323, Acc.sink: 0.7907, Acc.skyscraper: 0.5727, Acc.fireplace: 0.8273, Acc.refrigerator: 0.6627, Acc.grandstand: 0.7920, Acc.path: 0.2269, Acc.stairs: 0.2499, Acc.runway: 0.8513, Acc.case: 0.6799, Acc.pool table: 0.9637, Acc.pillow: 0.6189, Acc.screen door: 0.6190, Acc.stairway: 0.6234, Acc.river: 0.2488, Acc.bridge: 0.5046, Acc.bookcase: 0.4554, Acc.blind: 0.2488, Acc.coffee table: 0.8028, Acc.toilet: 0.8873, Acc.flower: 0.5183, Acc.book: 0.6868, Acc.hill: 0.0878, Acc.bench: 0.5849, Acc.countertop: 0.6839, Acc.stove: 0.7967, Acc.palm: 0.6416, Acc.kitchen island: 0.6166, Acc.computer: 0.7826, Acc.swivel chair: 0.5650, Acc.boat: 0.7793, Acc.bar: 0.6721, Acc.arcade machine: 0.7321, Acc.hovel: 0.4081, Acc.bus: 0.9176, Acc.towel: 0.7702, Acc.light: 0.4087, Acc.truck: 0.4915, Acc.tower: 0.3380, Acc.chandelier: 0.7611, Acc.awning: 0.3434, Acc.streetlight: 0.2582, Acc.booth: 0.4295, Acc.television receiver: 0.7748, Acc.airplane: 0.6611, Acc.dirt track: 0.1919, Acc.apparel: 0.5749, Acc.pole: 0.1560, Acc.land: 0.0236, Acc.bannister: 0.0924, Acc.escalator: 0.6967, Acc.ottoman: 0.5253, Acc.bottle: 0.6612, Acc.buffet: 0.4727, Acc.poster: 0.2710, Acc.stage: 0.3184, Acc.van: 0.5071, Acc.ship: 0.3852, Acc.fountain: 0.2279, Acc.conveyer belt: 0.9227, Acc.canopy: 0.3671, Acc.washer: 0.8217, Acc.plaything: 0.3672, Acc.swimming pool: 0.8111, Acc.stool: 0.3723, Acc.barrel: 0.4049, Acc.basket: 0.4387, Acc.waterfall: 0.5009, Acc.tent: 0.9819, Acc.bag: 0.1973, Acc.minibike: 0.8470, Acc.cradle: 0.9405, Acc.oven: 0.5788, Acc.ball: 0.6893, Acc.food: 0.6319, Acc.step: 0.0632, Acc.tank: 0.7124, Acc.trade name: 0.1822, Acc.microwave: 0.7514, Acc.pot: 0.4410, Acc.animal: 0.6085, Acc.bicycle: 0.7929, Acc.lake: 0.2771, Acc.dishwasher: 0.5348, Acc.screen: 0.5901, Acc.blanket: 0.1633, Acc.sculpture: 0.7619, Acc.hood: 0.5854, Acc.sconce: 0.4544, Acc.vase: 0.5131, Acc.traffic light: 0.4393, Acc.tray: 0.1307, Acc.ashcan: 0.5008, Acc.fan: 0.6721, Acc.pier: 0.4231, Acc.crt screen: 0.1020, Acc.plate: 0.6431, Acc.monitor: 0.3144, Acc.bulletin board: 0.5662, Acc.shower: 0.0422, Acc.radiator: 0.6963, Acc.glass: 0.1881, Acc.clock: 0.3544, Acc.flag: 0.5593 2023-11-10 03:21:52,813 - mmseg - INFO - Iter [58050/80000] lr: 1.098e-05, eta: 1:44:07, time: 1.129, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5226, decode.acc_seg: 80.3869, loss: 0.5226 2023-11-10 03:22:05,718 - mmseg - INFO - Iter [58100/80000] lr: 1.095e-05, eta: 1:43:52, time: 0.258, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5326, decode.acc_seg: 79.9974, loss: 0.5326 2023-11-10 03:22:16,267 - mmseg - INFO - Iter [58150/80000] lr: 1.093e-05, eta: 1:43:37, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5181, decode.acc_seg: 80.1756, loss: 0.5181 2023-11-10 03:22:26,807 - mmseg - INFO - Iter [58200/80000] lr: 1.090e-05, eta: 1:43:21, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5442, decode.acc_seg: 79.6858, loss: 0.5442 2023-11-10 03:22:37,334 - mmseg - INFO - Iter [58250/80000] lr: 1.088e-05, eta: 1:43:06, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5581, decode.acc_seg: 78.6360, loss: 0.5581 2023-11-10 03:22:47,855 - mmseg - INFO - Iter [58300/80000] lr: 1.085e-05, eta: 1:42:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5196, decode.acc_seg: 80.3878, loss: 0.5196 2023-11-10 03:22:58,371 - mmseg - INFO - Iter [58350/80000] lr: 1.083e-05, eta: 1:42:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5325, decode.acc_seg: 79.4095, loss: 0.5325 2023-11-10 03:23:08,889 - mmseg - INFO - Iter [58400/80000] lr: 1.080e-05, eta: 1:42:19, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5279, decode.acc_seg: 80.0090, loss: 0.5279 2023-11-10 03:23:19,412 - mmseg - INFO - Iter [58450/80000] lr: 1.078e-05, eta: 1:42:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5545, decode.acc_seg: 79.3845, loss: 0.5545 2023-11-10 03:23:29,928 - mmseg - INFO - Iter [58500/80000] lr: 1.075e-05, eta: 1:41:48, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5474, decode.acc_seg: 79.2044, loss: 0.5474 2023-11-10 03:23:40,441 - mmseg - INFO - Iter [58550/80000] lr: 1.073e-05, eta: 1:41:32, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5476, decode.acc_seg: 79.9202, loss: 0.5476 2023-11-10 03:23:50,951 - mmseg - INFO - Iter [58600/80000] lr: 1.070e-05, eta: 1:41:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5275, decode.acc_seg: 80.2854, loss: 0.5275 2023-11-10 03:24:01,485 - mmseg - INFO - Iter [58650/80000] lr: 1.068e-05, eta: 1:41:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5451, decode.acc_seg: 79.7535, loss: 0.5451 2023-11-10 03:24:12,003 - mmseg - INFO - Iter [58700/80000] lr: 1.065e-05, eta: 1:40:45, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5369, decode.acc_seg: 79.5191, loss: 0.5369 2023-11-10 03:24:22,540 - mmseg - INFO - Iter [58750/80000] lr: 1.063e-05, eta: 1:40:30, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5321, decode.acc_seg: 80.1141, loss: 0.5321 2023-11-10 03:24:33,051 - mmseg - INFO - Iter [58800/80000] lr: 1.060e-05, eta: 1:40:14, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5348, decode.acc_seg: 79.5658, loss: 0.5348 2023-11-10 03:24:43,562 - mmseg - INFO - Iter [58850/80000] lr: 1.058e-05, eta: 1:39:59, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5164, decode.acc_seg: 80.2538, loss: 0.5164 2023-11-10 03:24:54,073 - mmseg - INFO - Iter [58900/80000] lr: 1.055e-05, eta: 1:39:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5026, decode.acc_seg: 81.1983, loss: 0.5026 2023-11-10 03:25:04,593 - mmseg - INFO - Iter [58950/80000] lr: 1.053e-05, eta: 1:39:28, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5200, decode.acc_seg: 80.0230, loss: 0.5200 2023-11-10 03:25:15,101 - mmseg - INFO - Saving checkpoint at 59000 iterations 2023-11-10 03:25:40,659 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:25:40,660 - mmseg - INFO - Iter [59000/80000] lr: 1.050e-05, eta: 1:39:22, time: 0.721, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5237, decode.acc_seg: 80.3293, loss: 0.5237 2023-11-10 03:26:26,630 - mmseg - INFO - per class results: 2023-11-10 03:26:26,635 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.02 | 85.22 | | building | 79.73 | 91.58 | | sky | 89.64 | 95.92 | | floor | 73.93 | 87.02 | | tree | 69.56 | 84.44 | | ceiling | 76.85 | 87.54 | | road | 78.58 | 88.54 | | bed | 83.39 | 93.88 | | windowpane | 58.11 | 75.06 | | grass | 66.36 | 82.45 | | cabinet | 54.26 | 66.79 | | sidewalk | 56.55 | 72.22 | | person | 75.75 | 89.85 | | earth | 34.62 | 47.25 | | door | 39.73 | 48.67 | | table | 53.39 | 66.68 | | mountain | 55.25 | 71.83 | | plant | 49.74 | 59.26 | | curtain | 64.52 | 76.68 | | chair | 52.76 | 68.36 | | car | 79.48 | 91.29 | | water | 56.32 | 74.1 | | painting | 66.68 | 80.61 | | sofa | 66.5 | 82.31 | | shelf | 37.46 | 51.46 | | house | 45.54 | 60.72 | | sea | 60.4 | 78.3 | | mirror | 58.41 | 69.78 | | rug | 49.69 | 54.71 | | field | 35.15 | 54.97 | | armchair | 42.46 | 59.17 | | seat | 56.3 | 76.87 | | fence | 36.85 | 46.61 | | desk | 42.33 | 65.66 | | rock | 51.66 | 66.8 | | wardrobe | 44.44 | 60.72 | | lamp | 56.6 | 70.68 | | bathtub | 73.43 | 81.54 | | railing | 32.2 | 43.89 | | cushion | 56.44 | 68.08 | | base | 25.26 | 36.94 | | box | 25.81 | 32.41 | | column | 35.14 | 42.89 | | signboard | 31.46 | 45.13 | | chest of drawers | 38.77 | 53.42 | | counter | 34.25 | 43.45 | | sand | 44.68 | 60.76 | | sink | 68.24 | 79.35 | | skyscraper | 45.2 | 62.44 | | fireplace | 63.35 | 82.41 | | refrigerator | 57.82 | 66.97 | | grandstand | 51.08 | 78.78 | | path | 17.71 | 23.99 | | stairs | 24.98 | 27.62 | | runway | 65.26 | 85.22 | | case | 54.24 | 68.14 | | pool table | 85.01 | 95.82 | | pillow | 53.73 | 64.39 | | screen door | 55.63 | 61.56 | | stairway | 46.0 | 61.51 | | river | 15.5 | 27.3 | | bridge | 42.07 | 50.18 | | bookcase | 32.41 | 47.1 | | blind | 22.9 | 25.24 | | coffee table | 57.37 | 81.49 | | toilet | 78.85 | 88.39 | | flower | 38.62 | 53.3 | | book | 46.91 | 67.55 | | hill | 5.35 | 8.38 | | bench | 47.44 | 56.7 | | countertop | 52.62 | 65.61 | | stove | 70.98 | 79.69 | | palm | 49.02 | 64.4 | | kitchen island | 38.77 | 61.64 | | computer | 63.37 | 78.76 | | swivel chair | 42.54 | 55.48 | | boat | 60.16 | 76.33 | | bar | 55.19 | 65.72 | | arcade machine | 63.64 | 72.51 | | hovel | 33.85 | 38.42 | | bus | 84.52 | 92.29 | | towel | 65.38 | 77.25 | | light | 34.92 | 40.14 | | truck | 36.73 | 49.1 | | tower | 22.73 | 35.12 | | chandelier | 62.39 | 75.69 | | awning | 27.02 | 33.65 | | streetlight | 21.55 | 25.8 | | booth | 34.76 | 42.8 | | television receiver | 67.57 | 77.27 | | airplane | 53.18 | 66.05 | | dirt track | 9.92 | 15.94 | | apparel | 44.64 | 58.01 | | pole | 13.85 | 16.74 | | land | 1.55 | 2.25 | | bannister | 6.86 | 8.94 | | escalator | 53.36 | 69.3 | | ottoman | 43.47 | 51.89 | | bottle | 40.54 | 66.66 | | buffet | 41.59 | 48.53 | | poster | 20.33 | 25.16 | | stage | 15.09 | 29.45 | | van | 40.44 | 54.31 | | ship | 30.75 | 34.18 | | fountain | 21.47 | 22.19 | | conveyer belt | 65.91 | 92.8 | | canopy | 32.62 | 39.26 | | washer | 76.83 | 84.55 | | plaything | 27.49 | 37.41 | | swimming pool | 59.8 | 80.68 | | stool | 30.04 | 38.66 | | barrel | 29.09 | 41.01 | | basket | 34.82 | 45.16 | | waterfall | 46.12 | 51.84 | | tent | 85.84 | 97.66 | | bag | 16.91 | 19.67 | | minibike | 66.64 | 84.87 | | cradle | 70.33 | 93.82 | | oven | 47.73 | 56.67 | | ball | 56.33 | 68.96 | | food | 53.61 | 63.85 | | step | 5.75 | 6.28 | | tank | 55.41 | 70.3 | | trade name | 18.13 | 20.49 | | microwave | 69.77 | 76.39 | | pot | 37.44 | 42.06 | | animal | 57.57 | 62.51 | | bicycle | 54.57 | 76.67 | | lake | 23.84 | 26.57 | | dishwasher | 50.63 | 55.0 | | screen | 43.34 | 57.56 | | blanket | 15.67 | 18.09 | | sculpture | 56.58 | 77.19 | | hood | 55.12 | 59.64 | | sconce | 36.62 | 44.95 | | vase | 37.15 | 52.37 | | traffic light | 31.77 | 44.27 | | tray | 11.24 | 13.83 | | ashcan | 41.83 | 51.2 | | fan | 53.47 | 68.2 | | pier | 34.72 | 43.18 | | crt screen | 5.31 | 10.52 | | plate | 50.13 | 66.99 | | monitor | 25.45 | 29.39 | | bulletin board | 44.48 | 56.86 | | shower | 3.27 | 4.36 | | radiator | 59.68 | 69.34 | | glass | 16.99 | 18.68 | | clock | 34.23 | 36.94 | | flag | 46.21 | 52.95 | +---------------------+-------+-------+ 2023-11-10 03:26:26,635 - mmseg - INFO - Summary: 2023-11-10 03:26:26,635 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.88 | 46.29 | 57.62 | +-------+-------+-------+ 2023-11-10 03:26:26,636 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:26:26,636 - mmseg - INFO - Iter(val) [250] aAcc: 0.7988, mIoU: 0.4629, mAcc: 0.5762, IoU.wall: 0.7002, IoU.building: 0.7973, IoU.sky: 0.8964, IoU.floor: 0.7393, IoU.tree: 0.6956, IoU.ceiling: 0.7685, IoU.road: 0.7858, IoU.bed : 0.8339, IoU.windowpane: 0.5811, IoU.grass: 0.6636, IoU.cabinet: 0.5426, IoU.sidewalk: 0.5655, IoU.person: 0.7575, IoU.earth: 0.3462, IoU.door: 0.3973, IoU.table: 0.5339, IoU.mountain: 0.5525, IoU.plant: 0.4974, IoU.curtain: 0.6452, IoU.chair: 0.5276, IoU.car: 0.7948, IoU.water: 0.5632, IoU.painting: 0.6668, IoU.sofa: 0.6650, IoU.shelf: 0.3746, IoU.house: 0.4554, IoU.sea: 0.6040, IoU.mirror: 0.5841, IoU.rug: 0.4969, IoU.field: 0.3515, IoU.armchair: 0.4246, IoU.seat: 0.5630, IoU.fence: 0.3685, IoU.desk: 0.4233, IoU.rock: 0.5166, IoU.wardrobe: 0.4444, IoU.lamp: 0.5660, IoU.bathtub: 0.7343, IoU.railing: 0.3220, IoU.cushion: 0.5644, IoU.base: 0.2526, IoU.box: 0.2581, IoU.column: 0.3514, IoU.signboard: 0.3146, IoU.chest of drawers: 0.3877, IoU.counter: 0.3425, IoU.sand: 0.4468, IoU.sink: 0.6824, IoU.skyscraper: 0.4520, IoU.fireplace: 0.6335, IoU.refrigerator: 0.5782, IoU.grandstand: 0.5108, IoU.path: 0.1771, IoU.stairs: 0.2498, IoU.runway: 0.6526, IoU.case: 0.5424, IoU.pool table: 0.8501, IoU.pillow: 0.5373, IoU.screen door: 0.5563, IoU.stairway: 0.4600, IoU.river: 0.1550, IoU.bridge: 0.4207, IoU.bookcase: 0.3241, IoU.blind: 0.2290, IoU.coffee table: 0.5737, IoU.toilet: 0.7885, IoU.flower: 0.3862, IoU.book: 0.4691, IoU.hill: 0.0535, IoU.bench: 0.4744, IoU.countertop: 0.5262, IoU.stove: 0.7098, IoU.palm: 0.4902, IoU.kitchen island: 0.3877, IoU.computer: 0.6337, IoU.swivel chair: 0.4254, IoU.boat: 0.6016, IoU.bar: 0.5519, IoU.arcade machine: 0.6364, IoU.hovel: 0.3385, IoU.bus: 0.8452, IoU.towel: 0.6538, IoU.light: 0.3492, IoU.truck: 0.3673, IoU.tower: 0.2273, IoU.chandelier: 0.6239, IoU.awning: 0.2702, IoU.streetlight: 0.2155, IoU.booth: 0.3476, IoU.television receiver: 0.6757, IoU.airplane: 0.5318, IoU.dirt track: 0.0992, IoU.apparel: 0.4464, IoU.pole: 0.1385, IoU.land: 0.0155, IoU.bannister: 0.0686, IoU.escalator: 0.5336, IoU.ottoman: 0.4347, IoU.bottle: 0.4054, IoU.buffet: 0.4159, IoU.poster: 0.2033, IoU.stage: 0.1509, IoU.van: 0.4044, IoU.ship: 0.3075, IoU.fountain: 0.2147, IoU.conveyer belt: 0.6591, IoU.canopy: 0.3262, IoU.washer: 0.7683, IoU.plaything: 0.2749, IoU.swimming pool: 0.5980, IoU.stool: 0.3004, IoU.barrel: 0.2909, IoU.basket: 0.3482, IoU.waterfall: 0.4612, IoU.tent: 0.8584, IoU.bag: 0.1691, IoU.minibike: 0.6664, IoU.cradle: 0.7033, IoU.oven: 0.4773, IoU.ball: 0.5633, IoU.food: 0.5361, IoU.step: 0.0575, IoU.tank: 0.5541, IoU.trade name: 0.1813, IoU.microwave: 0.6977, IoU.pot: 0.3744, IoU.animal: 0.5757, IoU.bicycle: 0.5457, IoU.lake: 0.2384, IoU.dishwasher: 0.5063, IoU.screen: 0.4334, IoU.blanket: 0.1567, IoU.sculpture: 0.5658, IoU.hood: 0.5512, IoU.sconce: 0.3662, IoU.vase: 0.3715, IoU.traffic light: 0.3177, IoU.tray: 0.1124, IoU.ashcan: 0.4183, IoU.fan: 0.5347, IoU.pier: 0.3472, IoU.crt screen: 0.0531, IoU.plate: 0.5013, IoU.monitor: 0.2545, IoU.bulletin board: 0.4448, IoU.shower: 0.0327, IoU.radiator: 0.5968, IoU.glass: 0.1699, IoU.clock: 0.3423, IoU.flag: 0.4621, Acc.wall: 0.8522, Acc.building: 0.9158, Acc.sky: 0.9592, Acc.floor: 0.8702, Acc.tree: 0.8444, Acc.ceiling: 0.8754, Acc.road: 0.8854, Acc.bed : 0.9388, Acc.windowpane: 0.7506, Acc.grass: 0.8245, Acc.cabinet: 0.6679, Acc.sidewalk: 0.7222, Acc.person: 0.8985, Acc.earth: 0.4725, Acc.door: 0.4867, Acc.table: 0.6668, Acc.mountain: 0.7183, Acc.plant: 0.5926, Acc.curtain: 0.7668, Acc.chair: 0.6836, Acc.car: 0.9129, Acc.water: 0.7410, Acc.painting: 0.8061, Acc.sofa: 0.8231, Acc.shelf: 0.5146, Acc.house: 0.6072, Acc.sea: 0.7830, Acc.mirror: 0.6978, Acc.rug: 0.5471, Acc.field: 0.5497, Acc.armchair: 0.5917, Acc.seat: 0.7687, Acc.fence: 0.4661, Acc.desk: 0.6566, Acc.rock: 0.6680, Acc.wardrobe: 0.6072, Acc.lamp: 0.7068, Acc.bathtub: 0.8154, Acc.railing: 0.4389, Acc.cushion: 0.6808, Acc.base: 0.3694, Acc.box: 0.3241, Acc.column: 0.4289, Acc.signboard: 0.4513, Acc.chest of drawers: 0.5342, Acc.counter: 0.4345, Acc.sand: 0.6076, Acc.sink: 0.7935, Acc.skyscraper: 0.6244, Acc.fireplace: 0.8241, Acc.refrigerator: 0.6697, Acc.grandstand: 0.7878, Acc.path: 0.2399, Acc.stairs: 0.2762, Acc.runway: 0.8522, Acc.case: 0.6814, Acc.pool table: 0.9582, Acc.pillow: 0.6439, Acc.screen door: 0.6156, Acc.stairway: 0.6151, Acc.river: 0.2730, Acc.bridge: 0.5018, Acc.bookcase: 0.4710, Acc.blind: 0.2524, Acc.coffee table: 0.8149, Acc.toilet: 0.8839, Acc.flower: 0.5330, Acc.book: 0.6755, Acc.hill: 0.0838, Acc.bench: 0.5670, Acc.countertop: 0.6561, Acc.stove: 0.7969, Acc.palm: 0.6440, Acc.kitchen island: 0.6164, Acc.computer: 0.7876, Acc.swivel chair: 0.5548, Acc.boat: 0.7633, Acc.bar: 0.6572, Acc.arcade machine: 0.7251, Acc.hovel: 0.3842, Acc.bus: 0.9229, Acc.towel: 0.7725, Acc.light: 0.4014, Acc.truck: 0.4910, Acc.tower: 0.3512, Acc.chandelier: 0.7569, Acc.awning: 0.3365, Acc.streetlight: 0.2580, Acc.booth: 0.4280, Acc.television receiver: 0.7727, Acc.airplane: 0.6605, Acc.dirt track: 0.1594, Acc.apparel: 0.5801, Acc.pole: 0.1674, Acc.land: 0.0225, Acc.bannister: 0.0894, Acc.escalator: 0.6930, Acc.ottoman: 0.5189, Acc.bottle: 0.6666, Acc.buffet: 0.4853, Acc.poster: 0.2516, Acc.stage: 0.2945, Acc.van: 0.5431, Acc.ship: 0.3418, Acc.fountain: 0.2219, Acc.conveyer belt: 0.9280, Acc.canopy: 0.3926, Acc.washer: 0.8455, Acc.plaything: 0.3741, Acc.swimming pool: 0.8068, Acc.stool: 0.3866, Acc.barrel: 0.4101, Acc.basket: 0.4516, Acc.waterfall: 0.5184, Acc.tent: 0.9766, Acc.bag: 0.1967, Acc.minibike: 0.8487, Acc.cradle: 0.9382, Acc.oven: 0.5667, Acc.ball: 0.6896, Acc.food: 0.6385, Acc.step: 0.0628, Acc.tank: 0.7030, Acc.trade name: 0.2049, Acc.microwave: 0.7639, Acc.pot: 0.4206, Acc.animal: 0.6251, Acc.bicycle: 0.7667, Acc.lake: 0.2657, Acc.dishwasher: 0.5500, Acc.screen: 0.5756, Acc.blanket: 0.1809, Acc.sculpture: 0.7719, Acc.hood: 0.5964, Acc.sconce: 0.4495, Acc.vase: 0.5237, Acc.traffic light: 0.4427, Acc.tray: 0.1383, Acc.ashcan: 0.5120, Acc.fan: 0.6820, Acc.pier: 0.4318, Acc.crt screen: 0.1052, Acc.plate: 0.6699, Acc.monitor: 0.2939, Acc.bulletin board: 0.5686, Acc.shower: 0.0436, Acc.radiator: 0.6934, Acc.glass: 0.1868, Acc.clock: 0.3694, Acc.flag: 0.5295 2023-11-10 03:26:37,239 - mmseg - INFO - Iter [59050/80000] lr: 1.048e-05, eta: 1:39:22, time: 1.132, data_time: 0.926, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 80.1715, loss: 0.5366 2023-11-10 03:26:47,837 - mmseg - INFO - Iter [59100/80000] lr: 1.045e-05, eta: 1:39:07, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5267, decode.acc_seg: 79.7989, loss: 0.5267 2023-11-10 03:26:58,400 - mmseg - INFO - Iter [59150/80000] lr: 1.043e-05, eta: 1:38:51, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5419, decode.acc_seg: 80.3920, loss: 0.5419 2023-11-10 03:27:08,937 - mmseg - INFO - Iter [59200/80000] lr: 1.040e-05, eta: 1:38:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5466, decode.acc_seg: 79.6545, loss: 0.5466 2023-11-10 03:27:19,502 - mmseg - INFO - Iter [59250/80000] lr: 1.038e-05, eta: 1:38:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5228, decode.acc_seg: 80.6123, loss: 0.5228 2023-11-10 03:27:30,043 - mmseg - INFO - Iter [59300/80000] lr: 1.035e-05, eta: 1:38:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5238, decode.acc_seg: 80.2687, loss: 0.5238 2023-11-10 03:27:40,572 - mmseg - INFO - Iter [59350/80000] lr: 1.033e-05, eta: 1:37:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5201, decode.acc_seg: 80.4609, loss: 0.5201 2023-11-10 03:27:53,453 - mmseg - INFO - Iter [59400/80000] lr: 1.030e-05, eta: 1:37:35, time: 0.258, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5393, decode.acc_seg: 80.0174, loss: 0.5393 2023-11-10 03:28:03,980 - mmseg - INFO - Iter [59450/80000] lr: 1.028e-05, eta: 1:37:19, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5406, decode.acc_seg: 79.2710, loss: 0.5406 2023-11-10 03:28:14,510 - mmseg - INFO - Iter [59500/80000] lr: 1.025e-05, eta: 1:37:04, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5329, decode.acc_seg: 79.8754, loss: 0.5329 2023-11-10 03:28:25,032 - mmseg - INFO - Iter [59550/80000] lr: 1.023e-05, eta: 1:36:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5423, decode.acc_seg: 79.4881, loss: 0.5423 2023-11-10 03:28:35,558 - mmseg - INFO - Iter [59600/80000] lr: 1.020e-05, eta: 1:36:33, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5459, decode.acc_seg: 79.5453, loss: 0.5459 2023-11-10 03:28:46,084 - mmseg - INFO - Iter [59650/80000] lr: 1.018e-05, eta: 1:36:17, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5189, decode.acc_seg: 80.1903, loss: 0.5189 2023-11-10 03:28:56,604 - mmseg - INFO - Iter [59700/80000] lr: 1.015e-05, eta: 1:36:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5209, decode.acc_seg: 80.4387, loss: 0.5209 2023-11-10 03:29:07,123 - mmseg - INFO - Iter [59750/80000] lr: 1.013e-05, eta: 1:35:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5189, decode.acc_seg: 80.2689, loss: 0.5189 2023-11-10 03:29:17,637 - mmseg - INFO - Iter [59800/80000] lr: 1.010e-05, eta: 1:35:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5052, decode.acc_seg: 80.7152, loss: 0.5052 2023-11-10 03:29:28,153 - mmseg - INFO - Iter [59850/80000] lr: 1.008e-05, eta: 1:35:16, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5160, decode.acc_seg: 80.1411, loss: 0.5160 2023-11-10 03:29:38,697 - mmseg - INFO - Iter [59900/80000] lr: 1.005e-05, eta: 1:35:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5358, decode.acc_seg: 79.7268, loss: 0.5358 2023-11-10 03:29:49,219 - mmseg - INFO - Iter [59950/80000] lr: 1.003e-05, eta: 1:34:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5407, decode.acc_seg: 79.1655, loss: 0.5407 2023-11-10 03:29:59,748 - mmseg - INFO - Saving checkpoint at 60000 iterations 2023-11-10 03:30:25,055 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:30:25,055 - mmseg - INFO - Iter [60000/80000] lr: 1.000e-05, eta: 1:34:38, time: 0.717, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5224, decode.acc_seg: 79.8907, loss: 0.5224 2023-11-10 03:31:10,940 - mmseg - INFO - per class results: 2023-11-10 03:31:10,946 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.08 | 85.29 | | building | 79.6 | 92.29 | | sky | 90.25 | 94.91 | | floor | 73.98 | 86.7 | | tree | 69.67 | 83.7 | | ceiling | 76.67 | 86.19 | | road | 78.68 | 87.84 | | bed | 83.57 | 93.86 | | windowpane | 58.24 | 74.88 | | grass | 66.67 | 81.37 | | cabinet | 53.99 | 69.14 | | sidewalk | 56.78 | 73.99 | | person | 75.14 | 91.02 | | earth | 34.78 | 46.98 | | door | 40.2 | 50.09 | | table | 53.58 | 67.66 | | mountain | 55.23 | 69.34 | | plant | 50.39 | 60.73 | | curtain | 64.41 | 76.8 | | chair | 53.05 | 69.28 | | car | 79.11 | 91.85 | | water | 56.61 | 74.07 | | painting | 66.31 | 81.97 | | sofa | 66.28 | 83.36 | | shelf | 37.17 | 51.16 | | house | 45.5 | 61.77 | | sea | 61.31 | 79.61 | | mirror | 58.58 | 70.27 | | rug | 50.33 | 55.66 | | field | 35.59 | 55.63 | | armchair | 41.99 | 57.53 | | seat | 55.96 | 77.24 | | fence | 36.86 | 47.4 | | desk | 41.73 | 67.58 | | rock | 52.39 | 70.83 | | wardrobe | 44.71 | 62.47 | | lamp | 56.67 | 71.15 | | bathtub | 73.6 | 81.44 | | railing | 32.36 | 44.37 | | cushion | 56.67 | 70.27 | | base | 25.68 | 38.68 | | box | 25.67 | 32.45 | | column | 34.81 | 42.23 | | signboard | 31.41 | 44.74 | | chest of drawers | 38.5 | 52.86 | | counter | 34.92 | 44.65 | | sand | 45.77 | 62.2 | | sink | 68.31 | 78.27 | | skyscraper | 45.28 | 61.38 | | fireplace | 63.71 | 79.63 | | refrigerator | 57.58 | 66.65 | | grandstand | 51.21 | 78.17 | | path | 16.92 | 22.58 | | stairs | 25.48 | 28.37 | | runway | 65.76 | 86.43 | | case | 53.99 | 67.7 | | pool table | 85.11 | 95.81 | | pillow | 53.48 | 63.32 | | screen door | 52.83 | 57.26 | | stairway | 46.67 | 62.62 | | river | 15.16 | 25.38 | | bridge | 42.33 | 50.93 | | bookcase | 32.83 | 50.03 | | blind | 24.4 | 27.42 | | coffee table | 58.2 | 79.08 | | toilet | 78.59 | 89.01 | | flower | 38.63 | 53.47 | | book | 46.29 | 65.73 | | hill | 5.3 | 8.33 | | bench | 47.09 | 56.48 | | countertop | 53.26 | 69.31 | | stove | 70.47 | 79.73 | | palm | 49.61 | 65.44 | | kitchen island | 37.5 | 59.44 | | computer | 63.38 | 77.96 | | swivel chair | 41.87 | 54.08 | | boat | 60.07 | 78.47 | | bar | 54.31 | 64.53 | | arcade machine | 62.53 | 70.6 | | hovel | 35.53 | 40.97 | | bus | 84.53 | 91.86 | | towel | 65.53 | 77.23 | | light | 35.58 | 40.89 | | truck | 36.67 | 50.86 | | tower | 21.88 | 34.6 | | chandelier | 62.52 | 76.42 | | awning | 27.37 | 34.47 | | streetlight | 21.33 | 25.47 | | booth | 33.97 | 41.43 | | television receiver | 67.64 | 77.37 | | airplane | 53.17 | 66.07 | | dirt track | 10.84 | 19.18 | | apparel | 45.86 | 60.37 | | pole | 13.51 | 16.42 | | land | 1.52 | 2.19 | | bannister | 6.35 | 8.21 | | escalator | 53.49 | 69.64 | | ottoman | 43.73 | 53.29 | | bottle | 40.31 | 64.77 | | buffet | 40.58 | 47.19 | | poster | 19.79 | 23.87 | | stage | 15.01 | 29.47 | | van | 38.5 | 50.18 | | ship | 31.38 | 35.12 | | fountain | 21.25 | 21.94 | | conveyer belt | 66.89 | 92.64 | | canopy | 31.94 | 38.88 | | washer | 75.65 | 82.64 | | plaything | 27.77 | 38.97 | | swimming pool | 60.11 | 79.11 | | stool | 30.18 | 38.11 | | barrel | 28.9 | 39.5 | | basket | 34.84 | 44.44 | | waterfall | 45.99 | 52.09 | | tent | 81.87 | 98.46 | | bag | 16.88 | 19.73 | | minibike | 66.21 | 84.79 | | cradle | 69.96 | 94.17 | | oven | 47.79 | 56.5 | | ball | 56.2 | 68.03 | | food | 51.53 | 60.68 | | step | 5.94 | 6.53 | | tank | 54.58 | 68.6 | | trade name | 18.22 | 20.49 | | microwave | 70.53 | 76.51 | | pot | 38.23 | 43.47 | | animal | 57.14 | 62.95 | | bicycle | 54.44 | 75.98 | | lake | 20.86 | 23.39 | | dishwasher | 49.94 | 53.98 | | screen | 43.62 | 59.03 | | blanket | 14.9 | 17.0 | | sculpture | 56.79 | 76.67 | | hood | 53.82 | 57.79 | | sconce | 38.64 | 49.34 | | vase | 37.28 | 51.95 | | traffic light | 31.32 | 44.31 | | tray | 11.31 | 13.9 | | ashcan | 41.81 | 50.93 | | fan | 53.6 | 68.25 | | pier | 34.14 | 43.87 | | crt screen | 4.69 | 9.75 | | plate | 48.89 | 62.34 | | monitor | 24.22 | 27.61 | | bulletin board | 44.5 | 56.91 | | shower | 3.19 | 3.99 | | radiator | 59.91 | 68.72 | | glass | 16.52 | 18.0 | | clock | 33.95 | 36.33 | | flag | 47.73 | 56.35 | +---------------------+-------+-------+ 2023-11-10 03:31:10,946 - mmseg - INFO - Summary: 2023-11-10 03:31:10,946 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.89 | 46.21 | 57.62 | +-------+-------+-------+ 2023-11-10 03:31:10,946 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:31:10,947 - mmseg - INFO - Iter(val) [250] aAcc: 0.7989, mIoU: 0.4621, mAcc: 0.5762, IoU.wall: 0.7008, IoU.building: 0.7960, IoU.sky: 0.9025, IoU.floor: 0.7398, IoU.tree: 0.6967, IoU.ceiling: 0.7667, IoU.road: 0.7868, IoU.bed : 0.8357, IoU.windowpane: 0.5824, IoU.grass: 0.6667, IoU.cabinet: 0.5399, IoU.sidewalk: 0.5678, IoU.person: 0.7514, IoU.earth: 0.3478, IoU.door: 0.4020, IoU.table: 0.5358, IoU.mountain: 0.5523, IoU.plant: 0.5039, IoU.curtain: 0.6441, IoU.chair: 0.5305, IoU.car: 0.7911, IoU.water: 0.5661, IoU.painting: 0.6631, IoU.sofa: 0.6628, IoU.shelf: 0.3717, IoU.house: 0.4550, IoU.sea: 0.6131, IoU.mirror: 0.5858, IoU.rug: 0.5033, IoU.field: 0.3559, IoU.armchair: 0.4199, IoU.seat: 0.5596, IoU.fence: 0.3686, IoU.desk: 0.4173, IoU.rock: 0.5239, IoU.wardrobe: 0.4471, IoU.lamp: 0.5667, IoU.bathtub: 0.7360, IoU.railing: 0.3236, IoU.cushion: 0.5667, IoU.base: 0.2568, IoU.box: 0.2567, IoU.column: 0.3481, IoU.signboard: 0.3141, IoU.chest of drawers: 0.3850, IoU.counter: 0.3492, IoU.sand: 0.4577, IoU.sink: 0.6831, IoU.skyscraper: 0.4528, IoU.fireplace: 0.6371, IoU.refrigerator: 0.5758, IoU.grandstand: 0.5121, IoU.path: 0.1692, IoU.stairs: 0.2548, IoU.runway: 0.6576, IoU.case: 0.5399, IoU.pool table: 0.8511, IoU.pillow: 0.5348, IoU.screen door: 0.5283, IoU.stairway: 0.4667, IoU.river: 0.1516, IoU.bridge: 0.4233, IoU.bookcase: 0.3283, IoU.blind: 0.2440, IoU.coffee table: 0.5820, IoU.toilet: 0.7859, IoU.flower: 0.3863, IoU.book: 0.4629, IoU.hill: 0.0530, IoU.bench: 0.4709, IoU.countertop: 0.5326, IoU.stove: 0.7047, IoU.palm: 0.4961, IoU.kitchen island: 0.3750, IoU.computer: 0.6338, IoU.swivel chair: 0.4187, IoU.boat: 0.6007, IoU.bar: 0.5431, IoU.arcade machine: 0.6253, IoU.hovel: 0.3553, IoU.bus: 0.8453, IoU.towel: 0.6553, IoU.light: 0.3558, IoU.truck: 0.3667, IoU.tower: 0.2188, IoU.chandelier: 0.6252, IoU.awning: 0.2737, IoU.streetlight: 0.2133, IoU.booth: 0.3397, IoU.television receiver: 0.6764, IoU.airplane: 0.5317, IoU.dirt track: 0.1084, IoU.apparel: 0.4586, IoU.pole: 0.1351, IoU.land: 0.0152, IoU.bannister: 0.0635, IoU.escalator: 0.5349, IoU.ottoman: 0.4373, IoU.bottle: 0.4031, IoU.buffet: 0.4058, IoU.poster: 0.1979, IoU.stage: 0.1501, IoU.van: 0.3850, IoU.ship: 0.3138, IoU.fountain: 0.2125, IoU.conveyer belt: 0.6689, IoU.canopy: 0.3194, IoU.washer: 0.7565, IoU.plaything: 0.2777, IoU.swimming pool: 0.6011, IoU.stool: 0.3018, IoU.barrel: 0.2890, IoU.basket: 0.3484, IoU.waterfall: 0.4599, IoU.tent: 0.8187, IoU.bag: 0.1688, IoU.minibike: 0.6621, IoU.cradle: 0.6996, IoU.oven: 0.4779, IoU.ball: 0.5620, IoU.food: 0.5153, IoU.step: 0.0594, IoU.tank: 0.5458, IoU.trade name: 0.1822, IoU.microwave: 0.7053, IoU.pot: 0.3823, IoU.animal: 0.5714, IoU.bicycle: 0.5444, IoU.lake: 0.2086, IoU.dishwasher: 0.4994, IoU.screen: 0.4362, IoU.blanket: 0.1490, IoU.sculpture: 0.5679, IoU.hood: 0.5382, IoU.sconce: 0.3864, IoU.vase: 0.3728, IoU.traffic light: 0.3132, IoU.tray: 0.1131, IoU.ashcan: 0.4181, IoU.fan: 0.5360, IoU.pier: 0.3414, IoU.crt screen: 0.0469, IoU.plate: 0.4889, IoU.monitor: 0.2422, IoU.bulletin board: 0.4450, IoU.shower: 0.0319, IoU.radiator: 0.5991, IoU.glass: 0.1652, IoU.clock: 0.3395, IoU.flag: 0.4773, Acc.wall: 0.8529, Acc.building: 0.9229, Acc.sky: 0.9491, Acc.floor: 0.8670, Acc.tree: 0.8370, Acc.ceiling: 0.8619, Acc.road: 0.8784, Acc.bed : 0.9386, Acc.windowpane: 0.7488, Acc.grass: 0.8137, Acc.cabinet: 0.6914, Acc.sidewalk: 0.7399, Acc.person: 0.9102, Acc.earth: 0.4698, Acc.door: 0.5009, Acc.table: 0.6766, Acc.mountain: 0.6934, Acc.plant: 0.6073, Acc.curtain: 0.7680, Acc.chair: 0.6928, Acc.car: 0.9185, Acc.water: 0.7407, Acc.painting: 0.8197, Acc.sofa: 0.8336, Acc.shelf: 0.5116, Acc.house: 0.6177, Acc.sea: 0.7961, Acc.mirror: 0.7027, Acc.rug: 0.5566, Acc.field: 0.5563, Acc.armchair: 0.5753, Acc.seat: 0.7724, Acc.fence: 0.4740, Acc.desk: 0.6758, Acc.rock: 0.7083, Acc.wardrobe: 0.6247, Acc.lamp: 0.7115, Acc.bathtub: 0.8144, Acc.railing: 0.4437, Acc.cushion: 0.7027, Acc.base: 0.3868, Acc.box: 0.3245, Acc.column: 0.4223, Acc.signboard: 0.4474, Acc.chest of drawers: 0.5286, Acc.counter: 0.4465, Acc.sand: 0.6220, Acc.sink: 0.7827, Acc.skyscraper: 0.6138, Acc.fireplace: 0.7963, Acc.refrigerator: 0.6665, Acc.grandstand: 0.7817, Acc.path: 0.2258, Acc.stairs: 0.2837, Acc.runway: 0.8643, Acc.case: 0.6770, Acc.pool table: 0.9581, Acc.pillow: 0.6332, Acc.screen door: 0.5726, Acc.stairway: 0.6262, Acc.river: 0.2538, Acc.bridge: 0.5093, Acc.bookcase: 0.5003, Acc.blind: 0.2742, Acc.coffee table: 0.7908, Acc.toilet: 0.8901, Acc.flower: 0.5347, Acc.book: 0.6573, Acc.hill: 0.0833, Acc.bench: 0.5648, Acc.countertop: 0.6931, Acc.stove: 0.7973, Acc.palm: 0.6544, Acc.kitchen island: 0.5944, Acc.computer: 0.7796, Acc.swivel chair: 0.5408, Acc.boat: 0.7847, Acc.bar: 0.6453, Acc.arcade machine: 0.7060, Acc.hovel: 0.4097, Acc.bus: 0.9186, Acc.towel: 0.7723, Acc.light: 0.4089, Acc.truck: 0.5086, Acc.tower: 0.3460, Acc.chandelier: 0.7642, Acc.awning: 0.3447, Acc.streetlight: 0.2547, Acc.booth: 0.4143, Acc.television receiver: 0.7737, Acc.airplane: 0.6607, Acc.dirt track: 0.1918, Acc.apparel: 0.6037, Acc.pole: 0.1642, Acc.land: 0.0219, Acc.bannister: 0.0821, Acc.escalator: 0.6964, Acc.ottoman: 0.5329, Acc.bottle: 0.6477, Acc.buffet: 0.4719, Acc.poster: 0.2387, Acc.stage: 0.2947, Acc.van: 0.5018, Acc.ship: 0.3512, Acc.fountain: 0.2194, Acc.conveyer belt: 0.9264, Acc.canopy: 0.3888, Acc.washer: 0.8264, Acc.plaything: 0.3897, Acc.swimming pool: 0.7911, Acc.stool: 0.3811, Acc.barrel: 0.3950, Acc.basket: 0.4444, Acc.waterfall: 0.5209, Acc.tent: 0.9846, Acc.bag: 0.1973, Acc.minibike: 0.8479, Acc.cradle: 0.9417, Acc.oven: 0.5650, Acc.ball: 0.6803, Acc.food: 0.6068, Acc.step: 0.0653, Acc.tank: 0.6860, Acc.trade name: 0.2049, Acc.microwave: 0.7651, Acc.pot: 0.4347, Acc.animal: 0.6295, Acc.bicycle: 0.7598, Acc.lake: 0.2339, Acc.dishwasher: 0.5398, Acc.screen: 0.5903, Acc.blanket: 0.1700, Acc.sculpture: 0.7667, Acc.hood: 0.5779, Acc.sconce: 0.4934, Acc.vase: 0.5195, Acc.traffic light: 0.4431, Acc.tray: 0.1390, Acc.ashcan: 0.5093, Acc.fan: 0.6825, Acc.pier: 0.4387, Acc.crt screen: 0.0975, Acc.plate: 0.6234, Acc.monitor: 0.2761, Acc.bulletin board: 0.5691, Acc.shower: 0.0399, Acc.radiator: 0.6872, Acc.glass: 0.1800, Acc.clock: 0.3633, Acc.flag: 0.5635 2023-11-10 03:31:21,529 - mmseg - INFO - Iter [60050/80000] lr: 9.975e-06, eta: 1:34:38, time: 1.129, data_time: 0.924, memory: 16310, decode.loss_ce: 0.5510, decode.acc_seg: 79.8954, loss: 0.5510 2023-11-10 03:31:32,041 - mmseg - INFO - Iter [60100/80000] lr: 9.951e-06, eta: 1:34:22, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5239, decode.acc_seg: 80.0530, loss: 0.5239 2023-11-10 03:31:42,595 - mmseg - INFO - Iter [60150/80000] lr: 9.926e-06, eta: 1:34:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5340, decode.acc_seg: 80.0791, loss: 0.5340 2023-11-10 03:31:53,170 - mmseg - INFO - Iter [60200/80000] lr: 9.901e-06, eta: 1:33:51, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5351, decode.acc_seg: 80.8371, loss: 0.5351 2023-11-10 03:32:03,708 - mmseg - INFO - Iter [60250/80000] lr: 9.876e-06, eta: 1:33:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5293, decode.acc_seg: 79.5242, loss: 0.5293 2023-11-10 03:32:14,235 - mmseg - INFO - Iter [60300/80000] lr: 9.851e-06, eta: 1:33:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4999, decode.acc_seg: 81.1429, loss: 0.4999 2023-11-10 03:32:24,769 - mmseg - INFO - Iter [60350/80000] lr: 9.825e-06, eta: 1:33:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5098, decode.acc_seg: 80.6345, loss: 0.5098 2023-11-10 03:32:35,290 - mmseg - INFO - Iter [60400/80000] lr: 9.800e-06, eta: 1:32:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5113, decode.acc_seg: 80.5175, loss: 0.5113 2023-11-10 03:32:45,820 - mmseg - INFO - Iter [60450/80000] lr: 9.775e-06, eta: 1:32:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5244, decode.acc_seg: 80.5367, loss: 0.5244 2023-11-10 03:32:56,348 - mmseg - INFO - Iter [60500/80000] lr: 9.751e-06, eta: 1:32:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 79.9493, loss: 0.5364 2023-11-10 03:33:06,869 - mmseg - INFO - Iter [60550/80000] lr: 9.726e-06, eta: 1:32:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 80.1780, loss: 0.5298 2023-11-10 03:33:17,390 - mmseg - INFO - Iter [60600/80000] lr: 9.701e-06, eta: 1:31:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5661, decode.acc_seg: 78.9876, loss: 0.5661 2023-11-10 03:33:30,240 - mmseg - INFO - Iter [60650/80000] lr: 9.676e-06, eta: 1:31:33, time: 0.257, data_time: 0.053, memory: 16310, decode.loss_ce: 0.5488, decode.acc_seg: 79.6567, loss: 0.5488 2023-11-10 03:33:40,759 - mmseg - INFO - Iter [60700/80000] lr: 9.651e-06, eta: 1:31:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5354, decode.acc_seg: 79.6652, loss: 0.5354 2023-11-10 03:33:51,276 - mmseg - INFO - Iter [60750/80000] lr: 9.625e-06, eta: 1:31:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5309, decode.acc_seg: 79.4938, loss: 0.5309 2023-11-10 03:34:01,795 - mmseg - INFO - Iter [60800/80000] lr: 9.600e-06, eta: 1:30:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5592, decode.acc_seg: 79.2603, loss: 0.5592 2023-11-10 03:34:12,304 - mmseg - INFO - Iter [60850/80000] lr: 9.576e-06, eta: 1:30:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5463, decode.acc_seg: 79.4694, loss: 0.5463 2023-11-10 03:34:22,828 - mmseg - INFO - Iter [60900/80000] lr: 9.551e-06, eta: 1:30:17, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5146, decode.acc_seg: 80.3083, loss: 0.5146 2023-11-10 03:34:33,340 - mmseg - INFO - Iter [60950/80000] lr: 9.526e-06, eta: 1:30:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5277, decode.acc_seg: 80.1349, loss: 0.5277 2023-11-10 03:34:43,845 - mmseg - INFO - Saving checkpoint at 61000 iterations 2023-11-10 03:35:08,659 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:35:08,659 - mmseg - INFO - Iter [61000/80000] lr: 9.501e-06, eta: 1:29:54, time: 0.706, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5321, decode.acc_seg: 79.8584, loss: 0.5321 2023-11-10 03:35:54,450 - mmseg - INFO - per class results: 2023-11-10 03:35:54,455 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.15 | 83.96 | | building | 79.53 | 92.13 | | sky | 89.83 | 95.47 | | floor | 74.3 | 86.54 | | tree | 69.24 | 86.73 | | ceiling | 76.98 | 88.09 | | road | 78.57 | 88.62 | | bed | 83.58 | 93.76 | | windowpane | 58.11 | 75.46 | | grass | 66.49 | 81.18 | | cabinet | 54.36 | 67.98 | | sidewalk | 56.43 | 71.98 | | person | 74.94 | 91.01 | | earth | 35.22 | 50.35 | | door | 39.79 | 49.28 | | table | 53.79 | 68.38 | | mountain | 55.03 | 67.88 | | plant | 49.73 | 59.94 | | curtain | 64.24 | 74.62 | | chair | 53.33 | 69.63 | | car | 78.77 | 92.01 | | water | 56.79 | 74.37 | | painting | 66.27 | 81.89 | | sofa | 66.44 | 82.5 | | shelf | 38.05 | 53.23 | | house | 44.9 | 58.91 | | sea | 61.04 | 77.4 | | mirror | 58.65 | 70.27 | | rug | 48.69 | 53.06 | | field | 35.31 | 55.97 | | armchair | 42.13 | 56.2 | | seat | 56.11 | 76.5 | | fence | 37.89 | 48.74 | | desk | 41.43 | 68.94 | | rock | 52.31 | 69.28 | | wardrobe | 44.93 | 62.01 | | lamp | 56.63 | 70.7 | | bathtub | 73.1 | 80.67 | | railing | 32.35 | 43.76 | | cushion | 56.83 | 69.42 | | base | 26.28 | 39.89 | | box | 26.81 | 35.17 | | column | 35.82 | 44.09 | | signboard | 31.3 | 45.78 | | chest of drawers | 38.51 | 51.78 | | counter | 34.0 | 42.93 | | sand | 44.5 | 59.98 | | sink | 68.23 | 79.83 | | skyscraper | 44.87 | 58.32 | | fireplace | 63.73 | 81.13 | | refrigerator | 57.46 | 66.36 | | grandstand | 49.54 | 79.97 | | path | 17.91 | 24.21 | | stairs | 25.52 | 28.26 | | runway | 66.04 | 86.78 | | case | 54.19 | 69.42 | | pool table | 84.82 | 95.89 | | pillow | 54.19 | 64.94 | | screen door | 55.15 | 60.96 | | stairway | 47.59 | 62.49 | | river | 15.34 | 26.82 | | bridge | 41.97 | 50.87 | | bookcase | 33.2 | 47.66 | | blind | 22.81 | 25.3 | | coffee table | 58.19 | 79.87 | | toilet | 78.9 | 89.02 | | flower | 39.03 | 52.48 | | book | 46.82 | 67.31 | | hill | 5.18 | 8.09 | | bench | 48.14 | 58.66 | | countertop | 53.12 | 68.1 | | stove | 70.67 | 80.47 | | palm | 48.05 | 59.4 | | kitchen island | 37.22 | 58.32 | | computer | 63.36 | 78.34 | | swivel chair | 42.19 | 55.01 | | boat | 60.18 | 75.97 | | bar | 54.88 | 67.13 | | arcade machine | 64.13 | 73.41 | | hovel | 30.32 | 33.71 | | bus | 84.53 | 91.75 | | towel | 65.39 | 76.9 | | light | 36.98 | 43.84 | | truck | 36.76 | 49.5 | | tower | 21.09 | 32.34 | | chandelier | 62.64 | 76.92 | | awning | 26.15 | 32.39 | | streetlight | 22.02 | 27.13 | | booth | 34.77 | 44.01 | | television receiver | 67.67 | 76.42 | | airplane | 53.95 | 64.99 | | dirt track | 8.93 | 12.71 | | apparel | 45.8 | 59.85 | | pole | 13.33 | 16.2 | | land | 1.34 | 1.86 | | bannister | 7.44 | 9.74 | | escalator | 53.9 | 71.7 | | ottoman | 43.68 | 52.72 | | bottle | 40.53 | 66.76 | | buffet | 42.93 | 51.91 | | poster | 20.06 | 24.82 | | stage | 15.8 | 33.09 | | van | 37.96 | 49.29 | | ship | 35.78 | 40.37 | | fountain | 22.07 | 22.78 | | conveyer belt | 67.4 | 92.21 | | canopy | 31.07 | 37.17 | | washer | 76.18 | 83.97 | | plaything | 26.56 | 36.07 | | swimming pool | 59.91 | 81.19 | | stool | 29.73 | 36.54 | | barrel | 28.37 | 38.34 | | basket | 34.93 | 43.65 | | waterfall | 44.33 | 47.97 | | tent | 85.54 | 97.39 | | bag | 16.55 | 19.13 | | minibike | 66.48 | 83.77 | | cradle | 69.27 | 94.17 | | oven | 47.99 | 56.92 | | ball | 55.58 | 66.21 | | food | 52.9 | 63.09 | | step | 6.32 | 6.97 | | tank | 54.75 | 70.6 | | trade name | 15.61 | 17.18 | | microwave | 69.94 | 76.08 | | pot | 37.83 | 42.71 | | animal | 56.2 | 60.77 | | bicycle | 54.71 | 76.1 | | lake | 19.77 | 22.19 | | dishwasher | 50.09 | 54.25 | | screen | 43.7 | 58.56 | | blanket | 13.95 | 15.91 | | sculpture | 55.79 | 78.62 | | hood | 51.91 | 55.09 | | sconce | 37.96 | 47.57 | | vase | 37.08 | 52.74 | | traffic light | 31.04 | 41.63 | | tray | 11.5 | 14.11 | | ashcan | 41.71 | 50.13 | | fan | 53.01 | 66.8 | | pier | 34.53 | 43.56 | | crt screen | 5.39 | 11.43 | | plate | 49.66 | 64.47 | | monitor | 26.13 | 31.06 | | bulletin board | 44.4 | 55.36 | | shower | 3.2 | 3.89 | | radiator | 59.35 | 68.13 | | glass | 17.21 | 19.05 | | clock | 35.5 | 38.62 | | flag | 47.84 | 55.04 | +---------------------+-------+-------+ 2023-11-10 03:35:54,455 - mmseg - INFO - Summary: 2023-11-10 03:35:54,455 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.87 | 46.22 | 57.53 | +-------+-------+-------+ 2023-11-10 03:35:54,456 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:35:54,456 - mmseg - INFO - Iter(val) [250] aAcc: 0.7987, mIoU: 0.4622, mAcc: 0.5753, IoU.wall: 0.7015, IoU.building: 0.7953, IoU.sky: 0.8983, IoU.floor: 0.7430, IoU.tree: 0.6924, IoU.ceiling: 0.7698, IoU.road: 0.7857, IoU.bed : 0.8358, IoU.windowpane: 0.5811, IoU.grass: 0.6649, IoU.cabinet: 0.5436, IoU.sidewalk: 0.5643, IoU.person: 0.7494, IoU.earth: 0.3522, IoU.door: 0.3979, IoU.table: 0.5379, IoU.mountain: 0.5503, IoU.plant: 0.4973, IoU.curtain: 0.6424, IoU.chair: 0.5333, IoU.car: 0.7877, IoU.water: 0.5679, IoU.painting: 0.6627, IoU.sofa: 0.6644, IoU.shelf: 0.3805, IoU.house: 0.4490, IoU.sea: 0.6104, IoU.mirror: 0.5865, IoU.rug: 0.4869, IoU.field: 0.3531, IoU.armchair: 0.4213, IoU.seat: 0.5611, IoU.fence: 0.3789, IoU.desk: 0.4143, IoU.rock: 0.5231, IoU.wardrobe: 0.4493, IoU.lamp: 0.5663, IoU.bathtub: 0.7310, IoU.railing: 0.3235, IoU.cushion: 0.5683, IoU.base: 0.2628, IoU.box: 0.2681, IoU.column: 0.3582, IoU.signboard: 0.3130, IoU.chest of drawers: 0.3851, IoU.counter: 0.3400, IoU.sand: 0.4450, IoU.sink: 0.6823, IoU.skyscraper: 0.4487, IoU.fireplace: 0.6373, IoU.refrigerator: 0.5746, IoU.grandstand: 0.4954, IoU.path: 0.1791, IoU.stairs: 0.2552, IoU.runway: 0.6604, IoU.case: 0.5419, IoU.pool table: 0.8482, IoU.pillow: 0.5419, IoU.screen door: 0.5515, IoU.stairway: 0.4759, IoU.river: 0.1534, IoU.bridge: 0.4197, IoU.bookcase: 0.3320, IoU.blind: 0.2281, IoU.coffee table: 0.5819, IoU.toilet: 0.7890, IoU.flower: 0.3903, IoU.book: 0.4682, IoU.hill: 0.0518, IoU.bench: 0.4814, IoU.countertop: 0.5312, IoU.stove: 0.7067, IoU.palm: 0.4805, IoU.kitchen island: 0.3722, IoU.computer: 0.6336, IoU.swivel chair: 0.4219, IoU.boat: 0.6018, IoU.bar: 0.5488, IoU.arcade machine: 0.6413, IoU.hovel: 0.3032, IoU.bus: 0.8453, IoU.towel: 0.6539, IoU.light: 0.3698, IoU.truck: 0.3676, IoU.tower: 0.2109, IoU.chandelier: 0.6264, IoU.awning: 0.2615, IoU.streetlight: 0.2202, IoU.booth: 0.3477, IoU.television receiver: 0.6767, IoU.airplane: 0.5395, IoU.dirt track: 0.0893, IoU.apparel: 0.4580, IoU.pole: 0.1333, IoU.land: 0.0134, IoU.bannister: 0.0744, IoU.escalator: 0.5390, IoU.ottoman: 0.4368, IoU.bottle: 0.4053, IoU.buffet: 0.4293, IoU.poster: 0.2006, IoU.stage: 0.1580, IoU.van: 0.3796, IoU.ship: 0.3578, IoU.fountain: 0.2207, IoU.conveyer belt: 0.6740, IoU.canopy: 0.3107, IoU.washer: 0.7618, IoU.plaything: 0.2656, IoU.swimming pool: 0.5991, IoU.stool: 0.2973, IoU.barrel: 0.2837, IoU.basket: 0.3493, IoU.waterfall: 0.4433, IoU.tent: 0.8554, IoU.bag: 0.1655, IoU.minibike: 0.6648, IoU.cradle: 0.6927, IoU.oven: 0.4799, IoU.ball: 0.5558, IoU.food: 0.5290, IoU.step: 0.0632, IoU.tank: 0.5475, IoU.trade name: 0.1561, IoU.microwave: 0.6994, IoU.pot: 0.3783, IoU.animal: 0.5620, IoU.bicycle: 0.5471, IoU.lake: 0.1977, IoU.dishwasher: 0.5009, IoU.screen: 0.4370, IoU.blanket: 0.1395, IoU.sculpture: 0.5579, IoU.hood: 0.5191, IoU.sconce: 0.3796, IoU.vase: 0.3708, IoU.traffic light: 0.3104, IoU.tray: 0.1150, IoU.ashcan: 0.4171, IoU.fan: 0.5301, IoU.pier: 0.3453, IoU.crt screen: 0.0539, IoU.plate: 0.4966, IoU.monitor: 0.2613, IoU.bulletin board: 0.4440, IoU.shower: 0.0320, IoU.radiator: 0.5935, IoU.glass: 0.1721, IoU.clock: 0.3550, IoU.flag: 0.4784, Acc.wall: 0.8396, Acc.building: 0.9213, Acc.sky: 0.9547, Acc.floor: 0.8654, Acc.tree: 0.8673, Acc.ceiling: 0.8809, Acc.road: 0.8862, Acc.bed : 0.9376, Acc.windowpane: 0.7546, Acc.grass: 0.8118, Acc.cabinet: 0.6798, Acc.sidewalk: 0.7198, Acc.person: 0.9101, Acc.earth: 0.5035, Acc.door: 0.4928, Acc.table: 0.6838, Acc.mountain: 0.6788, Acc.plant: 0.5994, Acc.curtain: 0.7462, Acc.chair: 0.6963, Acc.car: 0.9201, Acc.water: 0.7437, Acc.painting: 0.8189, Acc.sofa: 0.8250, Acc.shelf: 0.5323, Acc.house: 0.5891, Acc.sea: 0.7740, Acc.mirror: 0.7027, Acc.rug: 0.5306, Acc.field: 0.5597, Acc.armchair: 0.5620, Acc.seat: 0.7650, Acc.fence: 0.4874, Acc.desk: 0.6894, Acc.rock: 0.6928, Acc.wardrobe: 0.6201, Acc.lamp: 0.7070, Acc.bathtub: 0.8067, Acc.railing: 0.4376, Acc.cushion: 0.6942, Acc.base: 0.3989, Acc.box: 0.3517, Acc.column: 0.4409, Acc.signboard: 0.4578, Acc.chest of drawers: 0.5178, Acc.counter: 0.4293, Acc.sand: 0.5998, Acc.sink: 0.7983, Acc.skyscraper: 0.5832, Acc.fireplace: 0.8113, Acc.refrigerator: 0.6636, Acc.grandstand: 0.7997, Acc.path: 0.2421, Acc.stairs: 0.2826, Acc.runway: 0.8678, Acc.case: 0.6942, Acc.pool table: 0.9589, Acc.pillow: 0.6494, Acc.screen door: 0.6096, Acc.stairway: 0.6249, Acc.river: 0.2682, Acc.bridge: 0.5087, Acc.bookcase: 0.4766, Acc.blind: 0.2530, Acc.coffee table: 0.7987, Acc.toilet: 0.8902, Acc.flower: 0.5248, Acc.book: 0.6731, Acc.hill: 0.0809, Acc.bench: 0.5866, Acc.countertop: 0.6810, Acc.stove: 0.8047, Acc.palm: 0.5940, Acc.kitchen island: 0.5832, Acc.computer: 0.7834, Acc.swivel chair: 0.5501, Acc.boat: 0.7597, Acc.bar: 0.6713, Acc.arcade machine: 0.7341, Acc.hovel: 0.3371, Acc.bus: 0.9175, Acc.towel: 0.7690, Acc.light: 0.4384, Acc.truck: 0.4950, Acc.tower: 0.3234, Acc.chandelier: 0.7692, Acc.awning: 0.3239, Acc.streetlight: 0.2713, Acc.booth: 0.4401, Acc.television receiver: 0.7642, Acc.airplane: 0.6499, Acc.dirt track: 0.1271, Acc.apparel: 0.5985, Acc.pole: 0.1620, Acc.land: 0.0186, Acc.bannister: 0.0974, Acc.escalator: 0.7170, Acc.ottoman: 0.5272, Acc.bottle: 0.6676, Acc.buffet: 0.5191, Acc.poster: 0.2482, Acc.stage: 0.3309, Acc.van: 0.4929, Acc.ship: 0.4037, Acc.fountain: 0.2278, Acc.conveyer belt: 0.9221, Acc.canopy: 0.3717, Acc.washer: 0.8397, Acc.plaything: 0.3607, Acc.swimming pool: 0.8119, Acc.stool: 0.3654, Acc.barrel: 0.3834, Acc.basket: 0.4365, Acc.waterfall: 0.4797, Acc.tent: 0.9739, Acc.bag: 0.1913, Acc.minibike: 0.8377, Acc.cradle: 0.9417, Acc.oven: 0.5692, Acc.ball: 0.6621, Acc.food: 0.6309, Acc.step: 0.0697, Acc.tank: 0.7060, Acc.trade name: 0.1718, Acc.microwave: 0.7608, Acc.pot: 0.4271, Acc.animal: 0.6077, Acc.bicycle: 0.7610, Acc.lake: 0.2219, Acc.dishwasher: 0.5425, Acc.screen: 0.5856, Acc.blanket: 0.1591, Acc.sculpture: 0.7862, Acc.hood: 0.5509, Acc.sconce: 0.4757, Acc.vase: 0.5274, Acc.traffic light: 0.4163, Acc.tray: 0.1411, Acc.ashcan: 0.5013, Acc.fan: 0.6680, Acc.pier: 0.4356, Acc.crt screen: 0.1143, Acc.plate: 0.6447, Acc.monitor: 0.3106, Acc.bulletin board: 0.5536, Acc.shower: 0.0389, Acc.radiator: 0.6813, Acc.glass: 0.1905, Acc.clock: 0.3862, Acc.flag: 0.5504 2023-11-10 03:36:05,021 - mmseg - INFO - Iter [61050/80000] lr: 9.476e-06, eta: 1:29:53, time: 1.127, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5388, decode.acc_seg: 80.0840, loss: 0.5388 2023-11-10 03:36:15,556 - mmseg - INFO - Iter [61100/80000] lr: 9.451e-06, eta: 1:29:37, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5212, decode.acc_seg: 80.2015, loss: 0.5212 2023-11-10 03:36:26,116 - mmseg - INFO - Iter [61150/80000] lr: 9.426e-06, eta: 1:29:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5278, decode.acc_seg: 80.4001, loss: 0.5278 2023-11-10 03:36:36,659 - mmseg - INFO - Iter [61200/80000] lr: 9.400e-06, eta: 1:29:07, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5261, decode.acc_seg: 80.2191, loss: 0.5261 2023-11-10 03:36:47,190 - mmseg - INFO - Iter [61250/80000] lr: 9.376e-06, eta: 1:28:51, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5269, decode.acc_seg: 80.4754, loss: 0.5269 2023-11-10 03:36:57,713 - mmseg - INFO - Iter [61300/80000] lr: 9.350e-06, eta: 1:28:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5109, decode.acc_seg: 80.7269, loss: 0.5109 2023-11-10 03:37:08,230 - mmseg - INFO - Iter [61350/80000] lr: 9.326e-06, eta: 1:28:21, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5148, decode.acc_seg: 80.8362, loss: 0.5148 2023-11-10 03:37:18,749 - mmseg - INFO - Iter [61400/80000] lr: 9.301e-06, eta: 1:28:05, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5219, decode.acc_seg: 80.1021, loss: 0.5219 2023-11-10 03:37:29,274 - mmseg - INFO - Iter [61450/80000] lr: 9.276e-06, eta: 1:27:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5337, decode.acc_seg: 80.1430, loss: 0.5337 2023-11-10 03:37:39,800 - mmseg - INFO - Iter [61500/80000] lr: 9.251e-06, eta: 1:27:35, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5331, decode.acc_seg: 79.8094, loss: 0.5331 2023-11-10 03:37:50,325 - mmseg - INFO - Iter [61550/80000] lr: 9.226e-06, eta: 1:27:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5238, decode.acc_seg: 80.2659, loss: 0.5238 2023-11-10 03:38:00,852 - mmseg - INFO - Iter [61600/80000] lr: 9.200e-06, eta: 1:27:04, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5167, decode.acc_seg: 80.3145, loss: 0.5167 2023-11-10 03:38:11,369 - mmseg - INFO - Iter [61650/80000] lr: 9.175e-06, eta: 1:26:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5365, decode.acc_seg: 80.0682, loss: 0.5365 2023-11-10 03:38:21,890 - mmseg - INFO - Iter [61700/80000] lr: 9.150e-06, eta: 1:26:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5291, decode.acc_seg: 80.0999, loss: 0.5291 2023-11-10 03:38:32,411 - mmseg - INFO - Iter [61750/80000] lr: 9.126e-06, eta: 1:26:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5253, decode.acc_seg: 79.6474, loss: 0.5253 2023-11-10 03:38:42,934 - mmseg - INFO - Iter [61800/80000] lr: 9.101e-06, eta: 1:26:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5425, decode.acc_seg: 79.5342, loss: 0.5425 2023-11-10 03:38:53,457 - mmseg - INFO - Iter [61850/80000] lr: 9.076e-06, eta: 1:25:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5163, decode.acc_seg: 80.0338, loss: 0.5163 2023-11-10 03:39:06,247 - mmseg - INFO - Iter [61900/80000] lr: 9.051e-06, eta: 1:25:33, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5307, decode.acc_seg: 79.8691, loss: 0.5307 2023-11-10 03:39:16,770 - mmseg - INFO - Iter [61950/80000] lr: 9.026e-06, eta: 1:25:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5098, decode.acc_seg: 80.7158, loss: 0.5098 2023-11-10 03:39:27,293 - mmseg - INFO - Saving checkpoint at 62000 iterations 2023-11-10 03:39:52,172 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:39:52,172 - mmseg - INFO - Iter [62000/80000] lr: 9.000e-06, eta: 1:25:10, time: 0.708, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 80.3044, loss: 0.5298 2023-11-10 03:40:39,153 - mmseg - INFO - per class results: 2023-11-10 03:40:39,159 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.01 | 84.51 | | building | 79.02 | 93.0 | | sky | 89.74 | 95.64 | | floor | 74.28 | 86.65 | | tree | 69.12 | 84.51 | | ceiling | 77.0 | 88.2 | | road | 78.5 | 88.66 | | bed | 83.95 | 92.9 | | windowpane | 58.02 | 73.44 | | grass | 66.4 | 81.55 | | cabinet | 54.33 | 66.63 | | sidewalk | 56.33 | 72.47 | | person | 75.25 | 90.49 | | earth | 34.69 | 47.56 | | door | 39.92 | 49.65 | | table | 53.82 | 67.75 | | mountain | 55.29 | 69.47 | | plant | 49.68 | 59.19 | | curtain | 64.6 | 75.66 | | chair | 53.09 | 69.47 | | car | 79.0 | 91.69 | | water | 56.56 | 74.03 | | painting | 66.5 | 80.68 | | sofa | 66.47 | 81.86 | | shelf | 37.67 | 52.52 | | house | 43.87 | 56.95 | | sea | 60.89 | 77.84 | | mirror | 58.36 | 69.22 | | rug | 49.23 | 53.7 | | field | 35.09 | 55.81 | | armchair | 42.49 | 58.62 | | seat | 55.82 | 77.43 | | fence | 38.08 | 49.76 | | desk | 41.72 | 67.58 | | rock | 52.05 | 67.46 | | wardrobe | 43.94 | 59.04 | | lamp | 56.58 | 70.32 | | bathtub | 72.99 | 80.62 | | railing | 32.82 | 44.91 | | cushion | 56.6 | 68.73 | | base | 25.61 | 38.74 | | box | 26.83 | 35.37 | | column | 35.69 | 43.66 | | signboard | 30.98 | 45.38 | | chest of drawers | 38.19 | 50.99 | | counter | 32.67 | 40.53 | | sand | 44.35 | 59.34 | | sink | 68.22 | 78.38 | | skyscraper | 44.51 | 56.91 | | fireplace | 63.62 | 81.49 | | refrigerator | 58.01 | 67.49 | | grandstand | 49.55 | 79.87 | | path | 17.36 | 23.22 | | stairs | 25.02 | 27.69 | | runway | 66.24 | 87.35 | | case | 54.24 | 67.53 | | pool table | 84.63 | 96.05 | | pillow | 54.5 | 65.38 | | screen door | 56.4 | 62.77 | | stairway | 47.3 | 62.29 | | river | 15.27 | 26.48 | | bridge | 41.84 | 51.08 | | bookcase | 32.86 | 48.36 | | blind | 25.64 | 28.98 | | coffee table | 58.24 | 79.77 | | toilet | 78.8 | 89.14 | | flower | 38.67 | 51.27 | | book | 46.66 | 67.61 | | hill | 5.28 | 8.42 | | bench | 47.62 | 57.69 | | countertop | 53.0 | 66.6 | | stove | 70.9 | 80.88 | | palm | 48.7 | 61.7 | | kitchen island | 37.74 | 60.97 | | computer | 63.33 | 78.82 | | swivel chair | 42.83 | 56.3 | | boat | 59.34 | 77.28 | | bar | 55.5 | 69.25 | | arcade machine | 63.62 | 72.11 | | hovel | 28.45 | 31.42 | | bus | 84.49 | 91.44 | | towel | 65.35 | 76.83 | | light | 35.66 | 41.29 | | truck | 36.18 | 48.8 | | tower | 21.85 | 34.43 | | chandelier | 62.52 | 76.13 | | awning | 26.95 | 34.77 | | streetlight | 21.47 | 25.86 | | booth | 34.93 | 44.77 | | television receiver | 67.56 | 75.83 | | airplane | 53.51 | 65.54 | | dirt track | 10.91 | 18.29 | | apparel | 45.51 | 60.65 | | pole | 13.12 | 15.88 | | land | 1.39 | 1.97 | | bannister | 6.67 | 8.51 | | escalator | 54.17 | 72.15 | | ottoman | 43.71 | 52.4 | | bottle | 40.47 | 64.99 | | buffet | 42.0 | 49.33 | | poster | 20.36 | 25.67 | | stage | 15.94 | 33.87 | | van | 39.97 | 53.3 | | ship | 32.37 | 35.97 | | fountain | 22.71 | 23.48 | | conveyer belt | 66.78 | 92.57 | | canopy | 32.38 | 39.08 | | washer | 75.42 | 82.53 | | plaything | 26.88 | 36.04 | | swimming pool | 59.86 | 81.55 | | stool | 29.94 | 37.53 | | barrel | 28.75 | 39.54 | | basket | 34.94 | 44.46 | | waterfall | 45.16 | 49.71 | | tent | 84.4 | 97.7 | | bag | 16.83 | 19.76 | | minibike | 66.51 | 84.05 | | cradle | 70.45 | 94.05 | | oven | 48.32 | 58.02 | | ball | 55.65 | 66.55 | | food | 52.7 | 62.61 | | step | 6.35 | 7.02 | | tank | 54.64 | 69.99 | | trade name | 15.35 | 16.84 | | microwave | 70.19 | 76.8 | | pot | 38.63 | 44.03 | | animal | 55.69 | 60.42 | | bicycle | 54.44 | 75.9 | | lake | 20.07 | 22.16 | | dishwasher | 50.6 | 54.94 | | screen | 43.66 | 58.03 | | blanket | 15.92 | 18.32 | | sculpture | 57.86 | 76.14 | | hood | 55.77 | 60.71 | | sconce | 37.61 | 46.5 | | vase | 37.29 | 52.93 | | traffic light | 31.07 | 41.06 | | tray | 11.36 | 13.87 | | ashcan | 41.49 | 49.73 | | fan | 50.63 | 61.14 | | pier | 34.41 | 43.7 | | crt screen | 5.25 | 10.34 | | plate | 49.96 | 65.92 | | monitor | 27.59 | 33.15 | | bulletin board | 44.6 | 56.84 | | shower | 3.47 | 4.15 | | radiator | 59.43 | 68.14 | | glass | 17.21 | 19.05 | | clock | 36.34 | 39.78 | | flag | 48.13 | 55.18 | +---------------------+-------+-------+ 2023-11-10 03:40:39,159 - mmseg - INFO - Summary: 2023-11-10 03:40:39,159 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.83 | 46.25 | 57.54 | +-------+-------+-------+ 2023-11-10 03:40:39,160 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:40:39,160 - mmseg - INFO - Iter(val) [250] aAcc: 0.7983, mIoU: 0.4625, mAcc: 0.5754, IoU.wall: 0.7001, IoU.building: 0.7902, IoU.sky: 0.8974, IoU.floor: 0.7428, IoU.tree: 0.6912, IoU.ceiling: 0.7700, IoU.road: 0.7850, IoU.bed : 0.8395, IoU.windowpane: 0.5802, IoU.grass: 0.6640, IoU.cabinet: 0.5433, IoU.sidewalk: 0.5633, IoU.person: 0.7525, IoU.earth: 0.3469, IoU.door: 0.3992, IoU.table: 0.5382, IoU.mountain: 0.5529, IoU.plant: 0.4968, IoU.curtain: 0.6460, IoU.chair: 0.5309, IoU.car: 0.7900, IoU.water: 0.5656, IoU.painting: 0.6650, IoU.sofa: 0.6647, IoU.shelf: 0.3767, IoU.house: 0.4387, IoU.sea: 0.6089, IoU.mirror: 0.5836, IoU.rug: 0.4923, IoU.field: 0.3509, IoU.armchair: 0.4249, IoU.seat: 0.5582, IoU.fence: 0.3808, IoU.desk: 0.4172, IoU.rock: 0.5205, IoU.wardrobe: 0.4394, IoU.lamp: 0.5658, IoU.bathtub: 0.7299, IoU.railing: 0.3282, IoU.cushion: 0.5660, IoU.base: 0.2561, IoU.box: 0.2683, IoU.column: 0.3569, IoU.signboard: 0.3098, IoU.chest of drawers: 0.3819, IoU.counter: 0.3267, IoU.sand: 0.4435, IoU.sink: 0.6822, IoU.skyscraper: 0.4451, IoU.fireplace: 0.6362, IoU.refrigerator: 0.5801, IoU.grandstand: 0.4955, IoU.path: 0.1736, IoU.stairs: 0.2502, IoU.runway: 0.6624, IoU.case: 0.5424, IoU.pool table: 0.8463, IoU.pillow: 0.5450, IoU.screen door: 0.5640, IoU.stairway: 0.4730, IoU.river: 0.1527, IoU.bridge: 0.4184, IoU.bookcase: 0.3286, IoU.blind: 0.2564, IoU.coffee table: 0.5824, IoU.toilet: 0.7880, IoU.flower: 0.3867, IoU.book: 0.4666, IoU.hill: 0.0528, IoU.bench: 0.4762, IoU.countertop: 0.5300, IoU.stove: 0.7090, IoU.palm: 0.4870, IoU.kitchen island: 0.3774, IoU.computer: 0.6333, IoU.swivel chair: 0.4283, IoU.boat: 0.5934, IoU.bar: 0.5550, IoU.arcade machine: 0.6362, IoU.hovel: 0.2845, IoU.bus: 0.8449, IoU.towel: 0.6535, IoU.light: 0.3566, IoU.truck: 0.3618, IoU.tower: 0.2185, IoU.chandelier: 0.6252, IoU.awning: 0.2695, IoU.streetlight: 0.2147, IoU.booth: 0.3493, IoU.television receiver: 0.6756, IoU.airplane: 0.5351, IoU.dirt track: 0.1091, IoU.apparel: 0.4551, IoU.pole: 0.1312, IoU.land: 0.0139, IoU.bannister: 0.0667, IoU.escalator: 0.5417, IoU.ottoman: 0.4371, IoU.bottle: 0.4047, IoU.buffet: 0.4200, IoU.poster: 0.2036, IoU.stage: 0.1594, IoU.van: 0.3997, IoU.ship: 0.3237, IoU.fountain: 0.2271, IoU.conveyer belt: 0.6678, IoU.canopy: 0.3238, IoU.washer: 0.7542, IoU.plaything: 0.2688, IoU.swimming pool: 0.5986, IoU.stool: 0.2994, IoU.barrel: 0.2875, IoU.basket: 0.3494, IoU.waterfall: 0.4516, IoU.tent: 0.8440, IoU.bag: 0.1683, IoU.minibike: 0.6651, IoU.cradle: 0.7045, IoU.oven: 0.4832, IoU.ball: 0.5565, IoU.food: 0.5270, IoU.step: 0.0635, IoU.tank: 0.5464, IoU.trade name: 0.1535, IoU.microwave: 0.7019, IoU.pot: 0.3863, IoU.animal: 0.5569, IoU.bicycle: 0.5444, IoU.lake: 0.2007, IoU.dishwasher: 0.5060, IoU.screen: 0.4366, IoU.blanket: 0.1592, IoU.sculpture: 0.5786, IoU.hood: 0.5577, IoU.sconce: 0.3761, IoU.vase: 0.3729, IoU.traffic light: 0.3107, IoU.tray: 0.1136, IoU.ashcan: 0.4149, IoU.fan: 0.5063, IoU.pier: 0.3441, IoU.crt screen: 0.0525, IoU.plate: 0.4996, IoU.monitor: 0.2759, IoU.bulletin board: 0.4460, IoU.shower: 0.0347, IoU.radiator: 0.5943, IoU.glass: 0.1721, IoU.clock: 0.3634, IoU.flag: 0.4813, Acc.wall: 0.8451, Acc.building: 0.9300, Acc.sky: 0.9564, Acc.floor: 0.8665, Acc.tree: 0.8451, Acc.ceiling: 0.8820, Acc.road: 0.8866, Acc.bed : 0.9290, Acc.windowpane: 0.7344, Acc.grass: 0.8155, Acc.cabinet: 0.6663, Acc.sidewalk: 0.7247, Acc.person: 0.9049, Acc.earth: 0.4756, Acc.door: 0.4965, Acc.table: 0.6775, Acc.mountain: 0.6947, Acc.plant: 0.5919, Acc.curtain: 0.7566, Acc.chair: 0.6947, Acc.car: 0.9169, Acc.water: 0.7403, Acc.painting: 0.8068, Acc.sofa: 0.8186, Acc.shelf: 0.5252, Acc.house: 0.5695, Acc.sea: 0.7784, Acc.mirror: 0.6922, Acc.rug: 0.5370, Acc.field: 0.5581, Acc.armchair: 0.5862, Acc.seat: 0.7743, Acc.fence: 0.4976, Acc.desk: 0.6758, Acc.rock: 0.6746, Acc.wardrobe: 0.5904, Acc.lamp: 0.7032, Acc.bathtub: 0.8062, Acc.railing: 0.4491, Acc.cushion: 0.6873, Acc.base: 0.3874, Acc.box: 0.3537, Acc.column: 0.4366, Acc.signboard: 0.4538, Acc.chest of drawers: 0.5099, Acc.counter: 0.4053, Acc.sand: 0.5934, Acc.sink: 0.7838, Acc.skyscraper: 0.5691, Acc.fireplace: 0.8149, Acc.refrigerator: 0.6749, Acc.grandstand: 0.7987, Acc.path: 0.2322, Acc.stairs: 0.2769, Acc.runway: 0.8735, Acc.case: 0.6753, Acc.pool table: 0.9605, Acc.pillow: 0.6538, Acc.screen door: 0.6277, Acc.stairway: 0.6229, Acc.river: 0.2648, Acc.bridge: 0.5108, Acc.bookcase: 0.4836, Acc.blind: 0.2898, Acc.coffee table: 0.7977, Acc.toilet: 0.8914, Acc.flower: 0.5127, Acc.book: 0.6761, Acc.hill: 0.0842, Acc.bench: 0.5769, Acc.countertop: 0.6660, Acc.stove: 0.8088, Acc.palm: 0.6170, Acc.kitchen island: 0.6097, Acc.computer: 0.7882, Acc.swivel chair: 0.5630, Acc.boat: 0.7728, Acc.bar: 0.6925, Acc.arcade machine: 0.7211, Acc.hovel: 0.3142, Acc.bus: 0.9144, Acc.towel: 0.7683, Acc.light: 0.4129, Acc.truck: 0.4880, Acc.tower: 0.3443, Acc.chandelier: 0.7613, Acc.awning: 0.3477, Acc.streetlight: 0.2586, Acc.booth: 0.4477, Acc.television receiver: 0.7583, Acc.airplane: 0.6554, Acc.dirt track: 0.1829, Acc.apparel: 0.6065, Acc.pole: 0.1588, Acc.land: 0.0197, Acc.bannister: 0.0851, Acc.escalator: 0.7215, Acc.ottoman: 0.5240, Acc.bottle: 0.6499, Acc.buffet: 0.4933, Acc.poster: 0.2567, Acc.stage: 0.3387, Acc.van: 0.5330, Acc.ship: 0.3597, Acc.fountain: 0.2348, Acc.conveyer belt: 0.9257, Acc.canopy: 0.3908, Acc.washer: 0.8253, Acc.plaything: 0.3604, Acc.swimming pool: 0.8155, Acc.stool: 0.3753, Acc.barrel: 0.3954, Acc.basket: 0.4446, Acc.waterfall: 0.4971, Acc.tent: 0.9770, Acc.bag: 0.1976, Acc.minibike: 0.8405, Acc.cradle: 0.9405, Acc.oven: 0.5802, Acc.ball: 0.6655, Acc.food: 0.6261, Acc.step: 0.0702, Acc.tank: 0.6999, Acc.trade name: 0.1684, Acc.microwave: 0.7680, Acc.pot: 0.4403, Acc.animal: 0.6042, Acc.bicycle: 0.7590, Acc.lake: 0.2216, Acc.dishwasher: 0.5494, Acc.screen: 0.5803, Acc.blanket: 0.1832, Acc.sculpture: 0.7614, Acc.hood: 0.6071, Acc.sconce: 0.4650, Acc.vase: 0.5293, Acc.traffic light: 0.4106, Acc.tray: 0.1387, Acc.ashcan: 0.4973, Acc.fan: 0.6114, Acc.pier: 0.4370, Acc.crt screen: 0.1034, Acc.plate: 0.6592, Acc.monitor: 0.3315, Acc.bulletin board: 0.5684, Acc.shower: 0.0415, Acc.radiator: 0.6814, Acc.glass: 0.1905, Acc.clock: 0.3978, Acc.flag: 0.5518 2023-11-10 03:40:49,766 - mmseg - INFO - Iter [62050/80000] lr: 8.975e-06, eta: 1:25:08, time: 1.152, data_time: 0.946, memory: 16310, decode.loss_ce: 0.5365, decode.acc_seg: 79.8105, loss: 0.5365 2023-11-10 03:41:00,320 - mmseg - INFO - Iter [62100/80000] lr: 8.951e-06, eta: 1:24:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5400, decode.acc_seg: 79.5217, loss: 0.5400 2023-11-10 03:41:10,834 - mmseg - INFO - Iter [62150/80000] lr: 8.925e-06, eta: 1:24:38, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5257, decode.acc_seg: 79.8418, loss: 0.5257 2023-11-10 03:41:21,361 - mmseg - INFO - Iter [62200/80000] lr: 8.901e-06, eta: 1:24:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5336, decode.acc_seg: 80.6213, loss: 0.5336 2023-11-10 03:41:31,884 - mmseg - INFO - Iter [62250/80000] lr: 8.876e-06, eta: 1:24:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5321, decode.acc_seg: 80.7701, loss: 0.5321 2023-11-10 03:41:42,404 - mmseg - INFO - Iter [62300/80000] lr: 8.851e-06, eta: 1:23:52, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5330, decode.acc_seg: 79.7379, loss: 0.5330 2023-11-10 03:41:52,936 - mmseg - INFO - Iter [62350/80000] lr: 8.826e-06, eta: 1:23:36, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5387, decode.acc_seg: 79.2717, loss: 0.5387 2023-11-10 03:42:03,473 - mmseg - INFO - Iter [62400/80000] lr: 8.801e-06, eta: 1:23:21, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5220, decode.acc_seg: 80.4858, loss: 0.5220 2023-11-10 03:42:13,998 - mmseg - INFO - Iter [62450/80000] lr: 8.775e-06, eta: 1:23:06, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5313, decode.acc_seg: 80.2602, loss: 0.5313 2023-11-10 03:42:24,514 - mmseg - INFO - Iter [62500/80000] lr: 8.751e-06, eta: 1:22:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5214, decode.acc_seg: 80.0556, loss: 0.5214 2023-11-10 03:42:35,031 - mmseg - INFO - Iter [62550/80000] lr: 8.725e-06, eta: 1:22:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5215, decode.acc_seg: 80.2820, loss: 0.5215 2023-11-10 03:42:45,544 - mmseg - INFO - Iter [62600/80000] lr: 8.701e-06, eta: 1:22:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5165, decode.acc_seg: 80.3587, loss: 0.5165 2023-11-10 03:42:56,055 - mmseg - INFO - Iter [62650/80000] lr: 8.676e-06, eta: 1:22:05, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5162, decode.acc_seg: 80.7886, loss: 0.5162 2023-11-10 03:43:06,573 - mmseg - INFO - Iter [62700/80000] lr: 8.651e-06, eta: 1:21:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5383, decode.acc_seg: 79.3611, loss: 0.5383 2023-11-10 03:43:17,095 - mmseg - INFO - Iter [62750/80000] lr: 8.626e-06, eta: 1:21:35, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5486, decode.acc_seg: 79.4402, loss: 0.5486 2023-11-10 03:43:27,622 - mmseg - INFO - Iter [62800/80000] lr: 8.601e-06, eta: 1:21:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5208, decode.acc_seg: 80.3564, loss: 0.5208 2023-11-10 03:43:38,135 - mmseg - INFO - Iter [62850/80000] lr: 8.575e-06, eta: 1:21:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5393, decode.acc_seg: 79.5707, loss: 0.5393 2023-11-10 03:43:48,651 - mmseg - INFO - Iter [62900/80000] lr: 8.550e-06, eta: 1:20:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 79.7584, loss: 0.5364 2023-11-10 03:43:59,166 - mmseg - INFO - Iter [62950/80000] lr: 8.525e-06, eta: 1:20:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5226, decode.acc_seg: 80.5251, loss: 0.5226 2023-11-10 03:44:09,681 - mmseg - INFO - Saving checkpoint at 63000 iterations 2023-11-10 03:44:46,536 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:44:46,536 - mmseg - INFO - Iter [63000/80000] lr: 8.501e-06, eta: 1:20:29, time: 0.947, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5079, decode.acc_seg: 80.5931, loss: 0.5079 2023-11-10 03:45:32,411 - mmseg - INFO - per class results: 2023-11-10 03:45:32,416 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.15 | 84.6 | | building | 79.68 | 91.82 | | sky | 90.12 | 95.27 | | floor | 74.04 | 87.08 | | tree | 69.65 | 85.6 | | ceiling | 76.96 | 87.78 | | road | 78.8 | 88.04 | | bed | 83.26 | 94.12 | | windowpane | 58.18 | 75.88 | | grass | 66.35 | 81.55 | | cabinet | 54.18 | 66.6 | | sidewalk | 56.77 | 73.04 | | person | 75.43 | 90.45 | | earth | 35.08 | 49.01 | | door | 39.78 | 48.9 | | table | 53.5 | 68.11 | | mountain | 55.21 | 68.98 | | plant | 49.94 | 59.9 | | curtain | 64.57 | 76.75 | | chair | 52.84 | 68.15 | | car | 79.14 | 91.64 | | water | 56.91 | 74.23 | | painting | 66.16 | 82.1 | | sofa | 66.34 | 83.15 | | shelf | 37.28 | 51.0 | | house | 45.78 | 62.57 | | sea | 61.29 | 77.68 | | mirror | 58.23 | 68.94 | | rug | 50.23 | 55.35 | | field | 35.57 | 57.01 | | armchair | 42.2 | 58.86 | | seat | 55.97 | 77.57 | | fence | 38.16 | 49.72 | | desk | 41.52 | 68.05 | | rock | 52.31 | 69.11 | | wardrobe | 44.63 | 61.52 | | lamp | 56.64 | 71.53 | | bathtub | 72.95 | 80.18 | | railing | 32.45 | 43.74 | | cushion | 56.5 | 68.89 | | base | 25.48 | 38.9 | | box | 25.97 | 33.17 | | column | 35.05 | 42.52 | | signboard | 31.52 | 45.44 | | chest of drawers | 38.49 | 51.4 | | counter | 33.13 | 41.18 | | sand | 44.91 | 60.69 | | sink | 68.42 | 79.09 | | skyscraper | 45.25 | 61.11 | | fireplace | 63.64 | 82.06 | | refrigerator | 57.3 | 65.46 | | grandstand | 49.85 | 79.71 | | path | 18.32 | 25.33 | | stairs | 26.33 | 29.12 | | runway | 65.76 | 86.16 | | case | 54.26 | 68.0 | | pool table | 84.63 | 96.1 | | pillow | 53.39 | 63.3 | | screen door | 55.22 | 60.62 | | stairway | 48.0 | 62.29 | | river | 15.84 | 29.23 | | bridge | 42.35 | 51.63 | | bookcase | 33.0 | 49.52 | | blind | 22.16 | 24.56 | | coffee table | 57.38 | 81.46 | | toilet | 79.09 | 88.09 | | flower | 38.29 | 52.7 | | book | 46.33 | 66.2 | | hill | 5.26 | 8.6 | | bench | 47.11 | 56.65 | | countertop | 52.66 | 66.15 | | stove | 71.02 | 79.83 | | palm | 49.4 | 63.55 | | kitchen island | 37.78 | 58.41 | | computer | 62.89 | 77.84 | | swivel chair | 43.22 | 57.42 | | boat | 60.31 | 77.17 | | bar | 55.09 | 67.17 | | arcade machine | 62.42 | 70.23 | | hovel | 34.27 | 39.25 | | bus | 84.63 | 91.23 | | towel | 65.44 | 77.83 | | light | 34.72 | 39.58 | | truck | 36.65 | 49.81 | | tower | 22.53 | 35.54 | | chandelier | 62.5 | 76.43 | | awning | 27.08 | 34.09 | | streetlight | 20.99 | 24.88 | | booth | 34.83 | 43.99 | | television receiver | 67.85 | 78.08 | | airplane | 53.33 | 65.9 | | dirt track | 10.76 | 17.34 | | apparel | 45.21 | 58.29 | | pole | 11.99 | 14.02 | | land | 1.5 | 2.21 | | bannister | 6.61 | 8.44 | | escalator | 53.55 | 70.01 | | ottoman | 43.73 | 53.95 | | bottle | 40.62 | 65.76 | | buffet | 40.76 | 47.14 | | poster | 20.19 | 24.75 | | stage | 15.54 | 33.22 | | van | 38.93 | 50.94 | | ship | 32.61 | 36.77 | | fountain | 23.68 | 24.64 | | conveyer belt | 64.99 | 92.95 | | canopy | 30.95 | 36.84 | | washer | 76.21 | 83.77 | | plaything | 26.84 | 36.15 | | swimming pool | 59.98 | 82.25 | | stool | 30.93 | 39.71 | | barrel | 28.76 | 39.31 | | basket | 34.89 | 44.1 | | waterfall | 46.43 | 52.39 | | tent | 83.7 | 98.02 | | bag | 16.68 | 19.39 | | minibike | 66.47 | 84.25 | | cradle | 69.91 | 93.82 | | oven | 46.33 | 53.98 | | ball | 56.05 | 67.79 | | food | 53.23 | 63.2 | | step | 6.0 | 6.56 | | tank | 55.4 | 70.14 | | trade name | 18.51 | 20.9 | | microwave | 70.2 | 77.29 | | pot | 38.12 | 42.99 | | animal | 55.71 | 60.29 | | bicycle | 54.92 | 77.61 | | lake | 24.77 | 28.04 | | dishwasher | 51.03 | 55.44 | | screen | 43.79 | 59.0 | | blanket | 14.0 | 15.92 | | sculpture | 57.81 | 76.27 | | hood | 54.39 | 58.61 | | sconce | 37.94 | 47.33 | | vase | 37.31 | 50.82 | | traffic light | 31.72 | 43.33 | | tray | 10.66 | 12.84 | | ashcan | 41.93 | 50.55 | | fan | 52.75 | 66.25 | | pier | 34.63 | 43.22 | | crt screen | 5.85 | 12.53 | | plate | 49.86 | 65.04 | | monitor | 26.68 | 31.06 | | bulletin board | 44.54 | 56.69 | | shower | 3.33 | 4.16 | | radiator | 58.98 | 66.95 | | glass | 16.55 | 18.04 | | clock | 34.93 | 37.64 | | flag | 48.33 | 56.8 | +---------------------+-------+-------+ 2023-11-10 03:45:32,416 - mmseg - INFO - Summary: 2023-11-10 03:45:32,416 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 79.9 | 46.3 | 57.71 | +------+------+-------+ 2023-11-10 03:45:32,417 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:45:32,417 - mmseg - INFO - Iter(val) [250] aAcc: 0.7990, mIoU: 0.4630, mAcc: 0.5771, IoU.wall: 0.7015, IoU.building: 0.7968, IoU.sky: 0.9012, IoU.floor: 0.7404, IoU.tree: 0.6965, IoU.ceiling: 0.7696, IoU.road: 0.7880, IoU.bed : 0.8326, IoU.windowpane: 0.5818, IoU.grass: 0.6635, IoU.cabinet: 0.5418, IoU.sidewalk: 0.5677, IoU.person: 0.7543, IoU.earth: 0.3508, IoU.door: 0.3978, IoU.table: 0.5350, IoU.mountain: 0.5521, IoU.plant: 0.4994, IoU.curtain: 0.6457, IoU.chair: 0.5284, IoU.car: 0.7914, IoU.water: 0.5691, IoU.painting: 0.6616, IoU.sofa: 0.6634, IoU.shelf: 0.3728, IoU.house: 0.4578, IoU.sea: 0.6129, IoU.mirror: 0.5823, IoU.rug: 0.5023, IoU.field: 0.3557, IoU.armchair: 0.4220, IoU.seat: 0.5597, IoU.fence: 0.3816, IoU.desk: 0.4152, IoU.rock: 0.5231, IoU.wardrobe: 0.4463, IoU.lamp: 0.5664, IoU.bathtub: 0.7295, IoU.railing: 0.3245, IoU.cushion: 0.5650, IoU.base: 0.2548, IoU.box: 0.2597, IoU.column: 0.3505, IoU.signboard: 0.3152, IoU.chest of drawers: 0.3849, IoU.counter: 0.3313, IoU.sand: 0.4491, IoU.sink: 0.6842, IoU.skyscraper: 0.4525, IoU.fireplace: 0.6364, IoU.refrigerator: 0.5730, IoU.grandstand: 0.4985, IoU.path: 0.1832, IoU.stairs: 0.2633, IoU.runway: 0.6576, IoU.case: 0.5426, IoU.pool table: 0.8463, IoU.pillow: 0.5339, IoU.screen door: 0.5522, IoU.stairway: 0.4800, IoU.river: 0.1584, IoU.bridge: 0.4235, IoU.bookcase: 0.3300, IoU.blind: 0.2216, IoU.coffee table: 0.5738, IoU.toilet: 0.7909, IoU.flower: 0.3829, IoU.book: 0.4633, IoU.hill: 0.0526, IoU.bench: 0.4711, IoU.countertop: 0.5266, IoU.stove: 0.7102, IoU.palm: 0.4940, IoU.kitchen island: 0.3778, IoU.computer: 0.6289, IoU.swivel chair: 0.4322, IoU.boat: 0.6031, IoU.bar: 0.5509, IoU.arcade machine: 0.6242, IoU.hovel: 0.3427, IoU.bus: 0.8463, IoU.towel: 0.6544, IoU.light: 0.3472, IoU.truck: 0.3665, IoU.tower: 0.2253, IoU.chandelier: 0.6250, IoU.awning: 0.2708, IoU.streetlight: 0.2099, IoU.booth: 0.3483, IoU.television receiver: 0.6785, IoU.airplane: 0.5333, IoU.dirt track: 0.1076, IoU.apparel: 0.4521, IoU.pole: 0.1199, IoU.land: 0.0150, IoU.bannister: 0.0661, IoU.escalator: 0.5355, IoU.ottoman: 0.4373, IoU.bottle: 0.4062, IoU.buffet: 0.4076, IoU.poster: 0.2019, IoU.stage: 0.1554, IoU.van: 0.3893, IoU.ship: 0.3261, IoU.fountain: 0.2368, IoU.conveyer belt: 0.6499, IoU.canopy: 0.3095, IoU.washer: 0.7621, IoU.plaything: 0.2684, IoU.swimming pool: 0.5998, IoU.stool: 0.3093, IoU.barrel: 0.2876, IoU.basket: 0.3489, IoU.waterfall: 0.4643, IoU.tent: 0.8370, IoU.bag: 0.1668, IoU.minibike: 0.6647, IoU.cradle: 0.6991, IoU.oven: 0.4633, IoU.ball: 0.5605, IoU.food: 0.5323, IoU.step: 0.0600, IoU.tank: 0.5540, IoU.trade name: 0.1851, IoU.microwave: 0.7020, IoU.pot: 0.3812, IoU.animal: 0.5571, IoU.bicycle: 0.5492, IoU.lake: 0.2477, IoU.dishwasher: 0.5103, IoU.screen: 0.4379, IoU.blanket: 0.1400, IoU.sculpture: 0.5781, IoU.hood: 0.5439, IoU.sconce: 0.3794, IoU.vase: 0.3731, IoU.traffic light: 0.3172, IoU.tray: 0.1066, IoU.ashcan: 0.4193, IoU.fan: 0.5275, IoU.pier: 0.3463, IoU.crt screen: 0.0585, IoU.plate: 0.4986, IoU.monitor: 0.2668, IoU.bulletin board: 0.4454, IoU.shower: 0.0333, IoU.radiator: 0.5898, IoU.glass: 0.1655, IoU.clock: 0.3493, IoU.flag: 0.4833, Acc.wall: 0.8460, Acc.building: 0.9182, Acc.sky: 0.9527, Acc.floor: 0.8708, Acc.tree: 0.8560, Acc.ceiling: 0.8778, Acc.road: 0.8804, Acc.bed : 0.9412, Acc.windowpane: 0.7588, Acc.grass: 0.8155, Acc.cabinet: 0.6660, Acc.sidewalk: 0.7304, Acc.person: 0.9045, Acc.earth: 0.4901, Acc.door: 0.4890, Acc.table: 0.6811, Acc.mountain: 0.6898, Acc.plant: 0.5990, Acc.curtain: 0.7675, Acc.chair: 0.6815, Acc.car: 0.9164, Acc.water: 0.7423, Acc.painting: 0.8210, Acc.sofa: 0.8315, Acc.shelf: 0.5100, Acc.house: 0.6257, Acc.sea: 0.7768, Acc.mirror: 0.6894, Acc.rug: 0.5535, Acc.field: 0.5701, Acc.armchair: 0.5886, Acc.seat: 0.7757, Acc.fence: 0.4972, Acc.desk: 0.6805, Acc.rock: 0.6911, Acc.wardrobe: 0.6152, Acc.lamp: 0.7153, Acc.bathtub: 0.8018, Acc.railing: 0.4374, Acc.cushion: 0.6889, Acc.base: 0.3890, Acc.box: 0.3317, Acc.column: 0.4252, Acc.signboard: 0.4544, Acc.chest of drawers: 0.5140, Acc.counter: 0.4118, Acc.sand: 0.6069, Acc.sink: 0.7909, Acc.skyscraper: 0.6111, Acc.fireplace: 0.8206, Acc.refrigerator: 0.6546, Acc.grandstand: 0.7971, Acc.path: 0.2533, Acc.stairs: 0.2912, Acc.runway: 0.8616, Acc.case: 0.6800, Acc.pool table: 0.9610, Acc.pillow: 0.6330, Acc.screen door: 0.6062, Acc.stairway: 0.6229, Acc.river: 0.2923, Acc.bridge: 0.5163, Acc.bookcase: 0.4952, Acc.blind: 0.2456, Acc.coffee table: 0.8146, Acc.toilet: 0.8809, Acc.flower: 0.5270, Acc.book: 0.6620, Acc.hill: 0.0860, Acc.bench: 0.5665, Acc.countertop: 0.6615, Acc.stove: 0.7983, Acc.palm: 0.6355, Acc.kitchen island: 0.5841, Acc.computer: 0.7784, Acc.swivel chair: 0.5742, Acc.boat: 0.7717, Acc.bar: 0.6717, Acc.arcade machine: 0.7023, Acc.hovel: 0.3925, Acc.bus: 0.9123, Acc.towel: 0.7783, Acc.light: 0.3958, Acc.truck: 0.4981, Acc.tower: 0.3554, Acc.chandelier: 0.7643, Acc.awning: 0.3409, Acc.streetlight: 0.2488, Acc.booth: 0.4399, Acc.television receiver: 0.7808, Acc.airplane: 0.6590, Acc.dirt track: 0.1734, Acc.apparel: 0.5829, Acc.pole: 0.1402, Acc.land: 0.0221, Acc.bannister: 0.0844, Acc.escalator: 0.7001, Acc.ottoman: 0.5395, Acc.bottle: 0.6576, Acc.buffet: 0.4714, Acc.poster: 0.2475, Acc.stage: 0.3322, Acc.van: 0.5094, Acc.ship: 0.3677, Acc.fountain: 0.2464, Acc.conveyer belt: 0.9295, Acc.canopy: 0.3684, Acc.washer: 0.8377, Acc.plaything: 0.3615, Acc.swimming pool: 0.8225, Acc.stool: 0.3971, Acc.barrel: 0.3931, Acc.basket: 0.4410, Acc.waterfall: 0.5239, Acc.tent: 0.9802, Acc.bag: 0.1939, Acc.minibike: 0.8425, Acc.cradle: 0.9382, Acc.oven: 0.5398, Acc.ball: 0.6779, Acc.food: 0.6320, Acc.step: 0.0656, Acc.tank: 0.7014, Acc.trade name: 0.2090, Acc.microwave: 0.7729, Acc.pot: 0.4299, Acc.animal: 0.6029, Acc.bicycle: 0.7761, Acc.lake: 0.2804, Acc.dishwasher: 0.5544, Acc.screen: 0.5900, Acc.blanket: 0.1592, Acc.sculpture: 0.7627, Acc.hood: 0.5861, Acc.sconce: 0.4733, Acc.vase: 0.5082, Acc.traffic light: 0.4333, Acc.tray: 0.1284, Acc.ashcan: 0.5055, Acc.fan: 0.6625, Acc.pier: 0.4322, Acc.crt screen: 0.1253, Acc.plate: 0.6504, Acc.monitor: 0.3106, Acc.bulletin board: 0.5669, Acc.shower: 0.0416, Acc.radiator: 0.6695, Acc.glass: 0.1804, Acc.clock: 0.3764, Acc.flag: 0.5680 2023-11-10 03:45:42,968 - mmseg - INFO - Iter [63050/80000] lr: 8.476e-06, eta: 1:20:26, time: 1.129, data_time: 0.924, memory: 16310, decode.loss_ce: 0.5085, decode.acc_seg: 80.1235, loss: 0.5085 2023-11-10 03:45:53,498 - mmseg - INFO - Iter [63100/80000] lr: 8.451e-06, eta: 1:20:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 79.7643, loss: 0.5298 2023-11-10 03:46:04,010 - mmseg - INFO - Iter [63150/80000] lr: 8.426e-06, eta: 1:19:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5445, decode.acc_seg: 79.8577, loss: 0.5445 2023-11-10 03:46:16,827 - mmseg - INFO - Iter [63200/80000] lr: 8.401e-06, eta: 1:19:41, time: 0.256, data_time: 0.050, memory: 16310, decode.loss_ce: 0.5100, decode.acc_seg: 80.3316, loss: 0.5100 2023-11-10 03:46:27,376 - mmseg - INFO - Iter [63250/80000] lr: 8.375e-06, eta: 1:19:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5306, decode.acc_seg: 80.0439, loss: 0.5306 2023-11-10 03:46:37,893 - mmseg - INFO - Iter [63300/80000] lr: 8.350e-06, eta: 1:19:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5128, decode.acc_seg: 80.7030, loss: 0.5128 2023-11-10 03:46:48,405 - mmseg - INFO - Iter [63350/80000] lr: 8.326e-06, eta: 1:18:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5336, decode.acc_seg: 79.9253, loss: 0.5336 2023-11-10 03:46:58,926 - mmseg - INFO - Iter [63400/80000] lr: 8.300e-06, eta: 1:18:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5154, decode.acc_seg: 80.3827, loss: 0.5154 2023-11-10 03:47:09,432 - mmseg - INFO - Iter [63450/80000] lr: 8.276e-06, eta: 1:18:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5303, decode.acc_seg: 80.0076, loss: 0.5303 2023-11-10 03:47:19,946 - mmseg - INFO - Iter [63500/80000] lr: 8.251e-06, eta: 1:18:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5197, decode.acc_seg: 80.3083, loss: 0.5197 2023-11-10 03:47:30,452 - mmseg - INFO - Iter [63550/80000] lr: 8.226e-06, eta: 1:17:54, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5508, decode.acc_seg: 79.4101, loss: 0.5508 2023-11-10 03:47:40,964 - mmseg - INFO - Iter [63600/80000] lr: 8.201e-06, eta: 1:17:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5322, decode.acc_seg: 80.4233, loss: 0.5322 2023-11-10 03:47:51,486 - mmseg - INFO - Iter [63650/80000] lr: 8.176e-06, eta: 1:17:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5241, decode.acc_seg: 80.2043, loss: 0.5241 2023-11-10 03:48:01,995 - mmseg - INFO - Iter [63700/80000] lr: 8.150e-06, eta: 1:17:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5232, decode.acc_seg: 79.9535, loss: 0.5232 2023-11-10 03:48:12,513 - mmseg - INFO - Iter [63750/80000] lr: 8.125e-06, eta: 1:16:54, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5258, decode.acc_seg: 80.4441, loss: 0.5258 2023-11-10 03:48:23,030 - mmseg - INFO - Iter [63800/80000] lr: 8.100e-06, eta: 1:16:39, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5043, decode.acc_seg: 80.6844, loss: 0.5043 2023-11-10 03:48:33,546 - mmseg - INFO - Iter [63850/80000] lr: 8.076e-06, eta: 1:16:24, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5321, decode.acc_seg: 79.9043, loss: 0.5321 2023-11-10 03:48:44,052 - mmseg - INFO - Iter [63900/80000] lr: 8.051e-06, eta: 1:16:08, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5188, decode.acc_seg: 80.7328, loss: 0.5188 2023-11-10 03:48:54,564 - mmseg - INFO - Iter [63950/80000] lr: 8.026e-06, eta: 1:15:53, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5333, decode.acc_seg: 79.2460, loss: 0.5333 2023-11-10 03:49:05,086 - mmseg - INFO - Saving checkpoint at 64000 iterations 2023-11-10 03:49:30,621 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:49:30,621 - mmseg - INFO - Iter [64000/80000] lr: 8.001e-06, eta: 1:15:45, time: 0.721, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5202, decode.acc_seg: 80.1425, loss: 0.5202 2023-11-10 03:50:16,427 - mmseg - INFO - per class results: 2023-11-10 03:50:16,432 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.09 | 84.59 | | building | 79.63 | 92.09 | | sky | 90.12 | 95.29 | | floor | 74.13 | 86.7 | | tree | 69.68 | 85.09 | | ceiling | 76.97 | 88.64 | | road | 78.65 | 88.34 | | bed | 83.4 | 93.95 | | windowpane | 58.1 | 74.83 | | grass | 66.47 | 82.03 | | cabinet | 54.15 | 68.08 | | sidewalk | 56.67 | 73.43 | | person | 75.29 | 90.68 | | earth | 34.53 | 46.65 | | door | 40.36 | 50.54 | | table | 53.53 | 67.84 | | mountain | 55.31 | 68.81 | | plant | 50.32 | 60.75 | | curtain | 64.47 | 76.34 | | chair | 52.69 | 67.62 | | car | 78.96 | 91.89 | | water | 56.98 | 74.35 | | painting | 66.39 | 81.01 | | sofa | 66.46 | 82.52 | | shelf | 37.36 | 51.38 | | house | 44.98 | 59.78 | | sea | 61.05 | 77.5 | | mirror | 58.64 | 70.68 | | rug | 50.93 | 56.53 | | field | 34.68 | 53.59 | | armchair | 42.43 | 59.22 | | seat | 55.79 | 76.74 | | fence | 37.97 | 49.44 | | desk | 41.74 | 66.5 | | rock | 52.29 | 70.19 | | wardrobe | 44.3 | 60.76 | | lamp | 56.43 | 70.46 | | bathtub | 73.54 | 82.5 | | railing | 32.63 | 44.79 | | cushion | 56.82 | 69.91 | | base | 25.33 | 38.84 | | box | 26.15 | 33.44 | | column | 35.74 | 44.24 | | signboard | 31.44 | 46.33 | | chest of drawers | 38.2 | 52.97 | | counter | 33.34 | 41.42 | | sand | 45.48 | 61.59 | | sink | 68.49 | 78.64 | | skyscraper | 45.2 | 59.78 | | fireplace | 63.53 | 81.21 | | refrigerator | 57.18 | 65.62 | | grandstand | 50.19 | 79.01 | | path | 17.44 | 23.55 | | stairs | 26.91 | 30.03 | | runway | 65.66 | 86.53 | | case | 54.31 | 67.68 | | pool table | 84.32 | 96.25 | | pillow | 53.02 | 62.3 | | screen door | 54.31 | 59.24 | | stairway | 47.7 | 61.36 | | river | 15.23 | 26.73 | | bridge | 42.48 | 51.88 | | bookcase | 32.35 | 46.62 | | blind | 21.49 | 23.75 | | coffee table | 57.84 | 80.37 | | toilet | 79.07 | 87.9 | | flower | 38.77 | 52.25 | | book | 46.76 | 67.5 | | hill | 5.18 | 8.47 | | bench | 47.11 | 56.24 | | countertop | 52.89 | 66.66 | | stove | 70.65 | 79.31 | | palm | 49.57 | 63.77 | | kitchen island | 37.5 | 58.53 | | computer | 63.1 | 79.55 | | swivel chair | 43.26 | 58.43 | | boat | 60.05 | 77.89 | | bar | 55.07 | 68.58 | | arcade machine | 62.57 | 70.74 | | hovel | 32.84 | 37.1 | | bus | 84.63 | 91.48 | | towel | 65.23 | 77.08 | | light | 35.2 | 40.49 | | truck | 36.38 | 49.37 | | tower | 22.75 | 36.43 | | chandelier | 62.34 | 75.12 | | awning | 26.91 | 33.94 | | streetlight | 21.74 | 26.2 | | booth | 34.78 | 44.24 | | television receiver | 67.79 | 77.22 | | airplane | 53.04 | 66.05 | | dirt track | 10.32 | 17.38 | | apparel | 44.88 | 57.39 | | pole | 13.56 | 16.57 | | land | 1.46 | 2.14 | | bannister | 6.72 | 8.71 | | escalator | 53.4 | 69.39 | | ottoman | 44.14 | 54.24 | | bottle | 40.65 | 66.31 | | buffet | 39.54 | 45.34 | | poster | 20.25 | 24.96 | | stage | 15.43 | 30.98 | | van | 38.25 | 50.25 | | ship | 32.71 | 36.93 | | fountain | 22.58 | 23.39 | | conveyer belt | 66.06 | 92.91 | | canopy | 34.52 | 41.94 | | washer | 75.92 | 83.04 | | plaything | 26.75 | 35.89 | | swimming pool | 60.26 | 80.96 | | stool | 30.32 | 38.5 | | barrel | 28.95 | 40.41 | | basket | 34.89 | 43.44 | | waterfall | 45.47 | 50.47 | | tent | 83.01 | 98.17 | | bag | 17.37 | 20.51 | | minibike | 66.43 | 84.27 | | cradle | 69.52 | 93.97 | | oven | 47.11 | 55.46 | | ball | 56.27 | 68.96 | | food | 51.75 | 60.94 | | step | 6.08 | 6.71 | | tank | 55.69 | 70.56 | | trade name | 17.3 | 19.34 | | microwave | 69.63 | 75.6 | | pot | 39.26 | 44.86 | | animal | 56.52 | 61.59 | | bicycle | 54.78 | 77.2 | | lake | 24.44 | 27.84 | | dishwasher | 50.52 | 54.43 | | screen | 43.56 | 57.47 | | blanket | 14.35 | 16.48 | | sculpture | 56.89 | 77.38 | | hood | 52.42 | 55.97 | | sconce | 37.3 | 46.01 | | vase | 37.38 | 51.49 | | traffic light | 31.6 | 44.11 | | tray | 11.02 | 13.55 | | ashcan | 41.68 | 49.74 | | fan | 52.09 | 64.57 | | pier | 34.65 | 43.54 | | crt screen | 5.7 | 11.54 | | plate | 49.55 | 64.26 | | monitor | 27.31 | 31.6 | | bulletin board | 44.79 | 56.96 | | shower | 3.15 | 4.34 | | radiator | 59.39 | 68.55 | | glass | 16.54 | 18.01 | | clock | 35.13 | 37.97 | | flag | 47.85 | 55.81 | +---------------------+-------+-------+ 2023-11-10 03:50:16,433 - mmseg - INFO - Summary: 2023-11-10 03:50:16,433 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.91 | 46.26 | 57.62 | +-------+-------+-------+ 2023-11-10 03:50:16,433 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:50:16,434 - mmseg - INFO - Iter(val) [250] aAcc: 0.7991, mIoU: 0.4626, mAcc: 0.5762, IoU.wall: 0.7009, IoU.building: 0.7963, IoU.sky: 0.9012, IoU.floor: 0.7413, IoU.tree: 0.6968, IoU.ceiling: 0.7697, IoU.road: 0.7865, IoU.bed : 0.8340, IoU.windowpane: 0.5810, IoU.grass: 0.6647, IoU.cabinet: 0.5415, IoU.sidewalk: 0.5667, IoU.person: 0.7529, IoU.earth: 0.3453, IoU.door: 0.4036, IoU.table: 0.5353, IoU.mountain: 0.5531, IoU.plant: 0.5032, IoU.curtain: 0.6447, IoU.chair: 0.5269, IoU.car: 0.7896, IoU.water: 0.5698, IoU.painting: 0.6639, IoU.sofa: 0.6646, IoU.shelf: 0.3736, IoU.house: 0.4498, IoU.sea: 0.6105, IoU.mirror: 0.5864, IoU.rug: 0.5093, IoU.field: 0.3468, IoU.armchair: 0.4243, IoU.seat: 0.5579, IoU.fence: 0.3797, IoU.desk: 0.4174, IoU.rock: 0.5229, IoU.wardrobe: 0.4430, IoU.lamp: 0.5643, IoU.bathtub: 0.7354, IoU.railing: 0.3263, IoU.cushion: 0.5682, IoU.base: 0.2533, IoU.box: 0.2615, IoU.column: 0.3574, IoU.signboard: 0.3144, IoU.chest of drawers: 0.3820, IoU.counter: 0.3334, IoU.sand: 0.4548, IoU.sink: 0.6849, IoU.skyscraper: 0.4520, IoU.fireplace: 0.6353, IoU.refrigerator: 0.5718, IoU.grandstand: 0.5019, IoU.path: 0.1744, IoU.stairs: 0.2691, IoU.runway: 0.6566, IoU.case: 0.5431, IoU.pool table: 0.8432, IoU.pillow: 0.5302, IoU.screen door: 0.5431, IoU.stairway: 0.4770, IoU.river: 0.1523, IoU.bridge: 0.4248, IoU.bookcase: 0.3235, IoU.blind: 0.2149, IoU.coffee table: 0.5784, IoU.toilet: 0.7907, IoU.flower: 0.3877, IoU.book: 0.4676, IoU.hill: 0.0518, IoU.bench: 0.4711, IoU.countertop: 0.5289, IoU.stove: 0.7065, IoU.palm: 0.4957, IoU.kitchen island: 0.3750, IoU.computer: 0.6310, IoU.swivel chair: 0.4326, IoU.boat: 0.6005, IoU.bar: 0.5507, IoU.arcade machine: 0.6257, IoU.hovel: 0.3284, IoU.bus: 0.8463, IoU.towel: 0.6523, IoU.light: 0.3520, IoU.truck: 0.3638, IoU.tower: 0.2275, IoU.chandelier: 0.6234, IoU.awning: 0.2691, IoU.streetlight: 0.2174, IoU.booth: 0.3478, IoU.television receiver: 0.6779, IoU.airplane: 0.5304, IoU.dirt track: 0.1032, IoU.apparel: 0.4488, IoU.pole: 0.1356, IoU.land: 0.0146, IoU.bannister: 0.0672, IoU.escalator: 0.5340, IoU.ottoman: 0.4414, IoU.bottle: 0.4065, IoU.buffet: 0.3954, IoU.poster: 0.2025, IoU.stage: 0.1543, IoU.van: 0.3825, IoU.ship: 0.3271, IoU.fountain: 0.2258, IoU.conveyer belt: 0.6606, IoU.canopy: 0.3452, IoU.washer: 0.7592, IoU.plaything: 0.2675, IoU.swimming pool: 0.6026, IoU.stool: 0.3032, IoU.barrel: 0.2895, IoU.basket: 0.3489, IoU.waterfall: 0.4547, IoU.tent: 0.8301, IoU.bag: 0.1737, IoU.minibike: 0.6643, IoU.cradle: 0.6952, IoU.oven: 0.4711, IoU.ball: 0.5627, IoU.food: 0.5175, IoU.step: 0.0608, IoU.tank: 0.5569, IoU.trade name: 0.1730, IoU.microwave: 0.6963, IoU.pot: 0.3926, IoU.animal: 0.5652, IoU.bicycle: 0.5478, IoU.lake: 0.2444, IoU.dishwasher: 0.5052, IoU.screen: 0.4356, IoU.blanket: 0.1435, IoU.sculpture: 0.5689, IoU.hood: 0.5242, IoU.sconce: 0.3730, IoU.vase: 0.3738, IoU.traffic light: 0.3160, IoU.tray: 0.1102, IoU.ashcan: 0.4168, IoU.fan: 0.5209, IoU.pier: 0.3465, IoU.crt screen: 0.0570, IoU.plate: 0.4955, IoU.monitor: 0.2731, IoU.bulletin board: 0.4479, IoU.shower: 0.0315, IoU.radiator: 0.5939, IoU.glass: 0.1654, IoU.clock: 0.3513, IoU.flag: 0.4785, Acc.wall: 0.8459, Acc.building: 0.9209, Acc.sky: 0.9529, Acc.floor: 0.8670, Acc.tree: 0.8509, Acc.ceiling: 0.8864, Acc.road: 0.8834, Acc.bed : 0.9395, Acc.windowpane: 0.7483, Acc.grass: 0.8203, Acc.cabinet: 0.6808, Acc.sidewalk: 0.7343, Acc.person: 0.9068, Acc.earth: 0.4665, Acc.door: 0.5054, Acc.table: 0.6784, Acc.mountain: 0.6881, Acc.plant: 0.6075, Acc.curtain: 0.7634, Acc.chair: 0.6762, Acc.car: 0.9189, Acc.water: 0.7435, Acc.painting: 0.8101, Acc.sofa: 0.8252, Acc.shelf: 0.5138, Acc.house: 0.5978, Acc.sea: 0.7750, Acc.mirror: 0.7068, Acc.rug: 0.5653, Acc.field: 0.5359, Acc.armchair: 0.5922, Acc.seat: 0.7674, Acc.fence: 0.4944, Acc.desk: 0.6650, Acc.rock: 0.7019, Acc.wardrobe: 0.6076, Acc.lamp: 0.7046, Acc.bathtub: 0.8250, Acc.railing: 0.4479, Acc.cushion: 0.6991, Acc.base: 0.3884, Acc.box: 0.3344, Acc.column: 0.4424, Acc.signboard: 0.4633, Acc.chest of drawers: 0.5297, Acc.counter: 0.4142, Acc.sand: 0.6159, Acc.sink: 0.7864, Acc.skyscraper: 0.5978, Acc.fireplace: 0.8121, Acc.refrigerator: 0.6562, Acc.grandstand: 0.7901, Acc.path: 0.2355, Acc.stairs: 0.3003, Acc.runway: 0.8653, Acc.case: 0.6768, Acc.pool table: 0.9625, Acc.pillow: 0.6230, Acc.screen door: 0.5924, Acc.stairway: 0.6136, Acc.river: 0.2673, Acc.bridge: 0.5188, Acc.bookcase: 0.4662, Acc.blind: 0.2375, Acc.coffee table: 0.8037, Acc.toilet: 0.8790, Acc.flower: 0.5225, Acc.book: 0.6750, Acc.hill: 0.0847, Acc.bench: 0.5624, Acc.countertop: 0.6666, Acc.stove: 0.7931, Acc.palm: 0.6377, Acc.kitchen island: 0.5853, Acc.computer: 0.7955, Acc.swivel chair: 0.5843, Acc.boat: 0.7789, Acc.bar: 0.6858, Acc.arcade machine: 0.7074, Acc.hovel: 0.3710, Acc.bus: 0.9148, Acc.towel: 0.7708, Acc.light: 0.4049, Acc.truck: 0.4937, Acc.tower: 0.3643, Acc.chandelier: 0.7512, Acc.awning: 0.3394, Acc.streetlight: 0.2620, Acc.booth: 0.4424, Acc.television receiver: 0.7722, Acc.airplane: 0.6605, Acc.dirt track: 0.1738, Acc.apparel: 0.5739, Acc.pole: 0.1657, Acc.land: 0.0214, Acc.bannister: 0.0871, Acc.escalator: 0.6939, Acc.ottoman: 0.5424, Acc.bottle: 0.6631, Acc.buffet: 0.4534, Acc.poster: 0.2496, Acc.stage: 0.3098, Acc.van: 0.5025, Acc.ship: 0.3693, Acc.fountain: 0.2339, Acc.conveyer belt: 0.9291, Acc.canopy: 0.4194, Acc.washer: 0.8304, Acc.plaything: 0.3589, Acc.swimming pool: 0.8096, Acc.stool: 0.3850, Acc.barrel: 0.4041, Acc.basket: 0.4344, Acc.waterfall: 0.5047, Acc.tent: 0.9817, Acc.bag: 0.2051, Acc.minibike: 0.8427, Acc.cradle: 0.9397, Acc.oven: 0.5546, Acc.ball: 0.6896, Acc.food: 0.6094, Acc.step: 0.0671, Acc.tank: 0.7056, Acc.trade name: 0.1934, Acc.microwave: 0.7560, Acc.pot: 0.4486, Acc.animal: 0.6159, Acc.bicycle: 0.7720, Acc.lake: 0.2784, Acc.dishwasher: 0.5443, Acc.screen: 0.5747, Acc.blanket: 0.1648, Acc.sculpture: 0.7738, Acc.hood: 0.5597, Acc.sconce: 0.4601, Acc.vase: 0.5149, Acc.traffic light: 0.4411, Acc.tray: 0.1355, Acc.ashcan: 0.4974, Acc.fan: 0.6457, Acc.pier: 0.4354, Acc.crt screen: 0.1154, Acc.plate: 0.6426, Acc.monitor: 0.3160, Acc.bulletin board: 0.5696, Acc.shower: 0.0434, Acc.radiator: 0.6855, Acc.glass: 0.1801, Acc.clock: 0.3797, Acc.flag: 0.5581 2023-11-10 03:50:27,024 - mmseg - INFO - Iter [64050/80000] lr: 7.976e-06, eta: 1:15:41, time: 1.128, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5468, decode.acc_seg: 79.5844, loss: 0.5468 2023-11-10 03:50:37,604 - mmseg - INFO - Iter [64100/80000] lr: 7.950e-06, eta: 1:15:26, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5327, decode.acc_seg: 79.6554, loss: 0.5327 2023-11-10 03:50:48,141 - mmseg - INFO - Iter [64150/80000] lr: 7.925e-06, eta: 1:15:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5293, decode.acc_seg: 79.9911, loss: 0.5293 2023-11-10 03:50:58,679 - mmseg - INFO - Iter [64200/80000] lr: 7.900e-06, eta: 1:14:55, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5298, decode.acc_seg: 80.1502, loss: 0.5298 2023-11-10 03:51:09,199 - mmseg - INFO - Iter [64250/80000] lr: 7.876e-06, eta: 1:14:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5143, decode.acc_seg: 80.3861, loss: 0.5143 2023-11-10 03:51:19,721 - mmseg - INFO - Iter [64300/80000] lr: 7.851e-06, eta: 1:14:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5414, decode.acc_seg: 79.4450, loss: 0.5414 2023-11-10 03:51:30,234 - mmseg - INFO - Iter [64350/80000] lr: 7.826e-06, eta: 1:14:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5345, decode.acc_seg: 80.2042, loss: 0.5345 2023-11-10 03:51:40,750 - mmseg - INFO - Iter [64400/80000] lr: 7.801e-06, eta: 1:13:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5302, decode.acc_seg: 80.4502, loss: 0.5302 2023-11-10 03:51:53,563 - mmseg - INFO - Iter [64450/80000] lr: 7.776e-06, eta: 1:13:40, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5148, decode.acc_seg: 80.4259, loss: 0.5148 2023-11-10 03:52:04,074 - mmseg - INFO - Iter [64500/80000] lr: 7.750e-06, eta: 1:13:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5054, decode.acc_seg: 80.4205, loss: 0.5054 2023-11-10 03:52:14,589 - mmseg - INFO - Iter [64550/80000] lr: 7.725e-06, eta: 1:13:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5264, decode.acc_seg: 80.2025, loss: 0.5264 2023-11-10 03:52:25,106 - mmseg - INFO - Iter [64600/80000] lr: 7.701e-06, eta: 1:12:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5420, decode.acc_seg: 79.4631, loss: 0.5420 2023-11-10 03:52:35,629 - mmseg - INFO - Iter [64650/80000] lr: 7.675e-06, eta: 1:12:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5268, decode.acc_seg: 80.4776, loss: 0.5268 2023-11-10 03:52:46,159 - mmseg - INFO - Iter [64700/80000] lr: 7.651e-06, eta: 1:12:25, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5154, decode.acc_seg: 80.2147, loss: 0.5154 2023-11-10 03:52:56,676 - mmseg - INFO - Iter [64750/80000] lr: 7.626e-06, eta: 1:12:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5425, decode.acc_seg: 79.6693, loss: 0.5425 2023-11-10 03:53:07,197 - mmseg - INFO - Iter [64800/80000] lr: 7.601e-06, eta: 1:11:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5100, decode.acc_seg: 80.7009, loss: 0.5100 2023-11-10 03:53:17,712 - mmseg - INFO - Iter [64850/80000] lr: 7.576e-06, eta: 1:11:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5043, decode.acc_seg: 80.7662, loss: 0.5043 2023-11-10 03:53:28,235 - mmseg - INFO - Iter [64900/80000] lr: 7.551e-06, eta: 1:11:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5287, decode.acc_seg: 79.9704, loss: 0.5287 2023-11-10 03:53:38,756 - mmseg - INFO - Iter [64950/80000] lr: 7.525e-06, eta: 1:11:10, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5317, decode.acc_seg: 79.9238, loss: 0.5317 2023-11-10 03:53:49,281 - mmseg - INFO - Saving checkpoint at 65000 iterations 2023-11-10 03:54:15,569 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:54:15,570 - mmseg - INFO - Iter [65000/80000] lr: 7.500e-06, eta: 1:11:01, time: 0.736, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5402, decode.acc_seg: 79.8569, loss: 0.5402 2023-11-10 03:55:01,405 - mmseg - INFO - per class results: 2023-11-10 03:55:01,410 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.24 | 84.82 | | building | 79.8 | 91.55 | | sky | 90.24 | 95.14 | | floor | 73.98 | 87.15 | | tree | 69.92 | 84.67 | | ceiling | 76.86 | 86.79 | | road | 78.97 | 87.47 | | bed | 83.37 | 94.04 | | windowpane | 58.35 | 75.32 | | grass | 66.51 | 81.9 | | cabinet | 54.21 | 67.36 | | sidewalk | 57.03 | 74.57 | | person | 75.2 | 90.83 | | earth | 34.97 | 48.47 | | door | 39.94 | 49.48 | | table | 53.61 | 69.04 | | mountain | 55.6 | 70.04 | | plant | 50.51 | 61.25 | | curtain | 64.69 | 77.23 | | chair | 52.97 | 69.94 | | car | 78.97 | 92.18 | | water | 56.41 | 74.42 | | painting | 66.33 | 81.23 | | sofa | 66.51 | 82.22 | | shelf | 37.16 | 51.39 | | house | 45.95 | 63.22 | | sea | 61.1 | 79.09 | | mirror | 58.55 | 70.0 | | rug | 50.27 | 55.47 | | field | 35.32 | 55.63 | | armchair | 42.52 | 57.81 | | seat | 55.95 | 77.66 | | fence | 37.41 | 48.1 | | desk | 41.34 | 67.73 | | rock | 52.46 | 70.69 | | wardrobe | 44.64 | 62.16 | | lamp | 56.57 | 70.87 | | bathtub | 73.18 | 80.62 | | railing | 32.34 | 43.86 | | cushion | 56.68 | 69.25 | | base | 25.01 | 37.98 | | box | 25.75 | 32.32 | | column | 34.4 | 41.36 | | signboard | 31.61 | 46.03 | | chest of drawers | 38.36 | 51.95 | | counter | 33.59 | 42.29 | | sand | 45.5 | 61.87 | | sink | 68.38 | 80.02 | | skyscraper | 45.18 | 62.35 | | fireplace | 63.64 | 81.53 | | refrigerator | 57.61 | 66.56 | | grandstand | 49.42 | 79.91 | | path | 18.5 | 25.83 | | stairs | 26.99 | 30.18 | | runway | 65.87 | 86.82 | | case | 54.25 | 66.96 | | pool table | 85.27 | 95.75 | | pillow | 54.38 | 65.53 | | screen door | 52.04 | 55.74 | | stairway | 47.96 | 62.56 | | river | 15.77 | 27.98 | | bridge | 43.07 | 52.65 | | bookcase | 32.6 | 49.17 | | blind | 25.74 | 29.23 | | coffee table | 58.5 | 79.24 | | toilet | 78.81 | 89.15 | | flower | 38.47 | 52.97 | | book | 46.39 | 66.4 | | hill | 5.23 | 7.95 | | bench | 47.13 | 56.79 | | countertop | 52.75 | 66.57 | | stove | 70.8 | 80.2 | | palm | 50.31 | 67.38 | | kitchen island | 37.71 | 61.27 | | computer | 63.08 | 78.33 | | swivel chair | 43.16 | 57.66 | | boat | 60.29 | 77.54 | | bar | 54.66 | 66.14 | | arcade machine | 63.98 | 72.87 | | hovel | 35.49 | 40.95 | | bus | 84.55 | 92.11 | | towel | 65.37 | 77.67 | | light | 37.01 | 43.62 | | truck | 36.73 | 50.31 | | tower | 22.49 | 35.71 | | chandelier | 62.54 | 77.27 | | awning | 27.86 | 35.85 | | streetlight | 21.84 | 26.55 | | booth | 33.85 | 41.51 | | television receiver | 67.75 | 77.44 | | airplane | 52.74 | 66.79 | | dirt track | 10.39 | 18.03 | | apparel | 45.23 | 58.78 | | pole | 14.39 | 17.87 | | land | 1.62 | 2.42 | | bannister | 6.55 | 8.52 | | escalator | 52.87 | 68.48 | | ottoman | 43.52 | 52.39 | | bottle | 40.52 | 66.83 | | buffet | 42.73 | 51.05 | | poster | 20.97 | 26.73 | | stage | 15.14 | 30.42 | | van | 39.07 | 51.29 | | ship | 31.24 | 35.26 | | fountain | 20.43 | 21.07 | | conveyer belt | 66.93 | 92.47 | | canopy | 32.89 | 40.18 | | washer | 77.02 | 84.76 | | plaything | 26.96 | 37.39 | | swimming pool | 60.1 | 81.74 | | stool | 30.21 | 37.9 | | barrel | 28.6 | 39.97 | | basket | 34.79 | 43.92 | | waterfall | 45.27 | 50.3 | | tent | 84.53 | 97.66 | | bag | 17.05 | 20.02 | | minibike | 66.25 | 84.5 | | cradle | 69.45 | 94.16 | | oven | 47.54 | 56.63 | | ball | 56.58 | 69.01 | | food | 51.78 | 61.13 | | step | 5.84 | 6.41 | | tank | 55.63 | 69.84 | | trade name | 18.8 | 21.28 | | microwave | 70.67 | 77.21 | | pot | 38.67 | 43.86 | | animal | 56.94 | 62.3 | | bicycle | 54.86 | 78.46 | | lake | 21.95 | 24.25 | | dishwasher | 50.85 | 55.14 | | screen | 43.95 | 59.51 | | blanket | 14.19 | 16.24 | | sculpture | 57.37 | 76.92 | | hood | 54.39 | 58.8 | | sconce | 37.72 | 47.04 | | vase | 37.18 | 52.58 | | traffic light | 31.06 | 41.87 | | tray | 11.51 | 14.19 | | ashcan | 42.08 | 50.86 | | fan | 53.62 | 68.86 | | pier | 33.86 | 44.4 | | crt screen | 5.8 | 12.07 | | plate | 49.61 | 64.77 | | monitor | 27.63 | 32.54 | | bulletin board | 44.34 | 56.89 | | shower | 2.74 | 3.79 | | radiator | 59.03 | 68.91 | | glass | 16.46 | 17.93 | | clock | 35.5 | 38.78 | | flag | 48.23 | 56.75 | +---------------------+-------+-------+ 2023-11-10 03:55:01,410 - mmseg - INFO - Summary: 2023-11-10 03:55:01,410 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.94 | 46.39 | 58.02 | +-------+-------+-------+ 2023-11-10 03:55:01,411 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:55:01,411 - mmseg - INFO - Iter(val) [250] aAcc: 0.7994, mIoU: 0.4639, mAcc: 0.5802, IoU.wall: 0.7024, IoU.building: 0.7980, IoU.sky: 0.9024, IoU.floor: 0.7398, IoU.tree: 0.6992, IoU.ceiling: 0.7686, IoU.road: 0.7897, IoU.bed : 0.8337, IoU.windowpane: 0.5835, IoU.grass: 0.6651, IoU.cabinet: 0.5421, IoU.sidewalk: 0.5703, IoU.person: 0.7520, IoU.earth: 0.3497, IoU.door: 0.3994, IoU.table: 0.5361, IoU.mountain: 0.5560, IoU.plant: 0.5051, IoU.curtain: 0.6469, IoU.chair: 0.5297, IoU.car: 0.7897, IoU.water: 0.5641, IoU.painting: 0.6633, IoU.sofa: 0.6651, IoU.shelf: 0.3716, IoU.house: 0.4595, IoU.sea: 0.6110, IoU.mirror: 0.5855, IoU.rug: 0.5027, IoU.field: 0.3532, IoU.armchair: 0.4252, IoU.seat: 0.5595, IoU.fence: 0.3741, IoU.desk: 0.4134, IoU.rock: 0.5246, IoU.wardrobe: 0.4464, IoU.lamp: 0.5657, IoU.bathtub: 0.7318, IoU.railing: 0.3234, IoU.cushion: 0.5668, IoU.base: 0.2501, IoU.box: 0.2575, IoU.column: 0.3440, IoU.signboard: 0.3161, IoU.chest of drawers: 0.3836, IoU.counter: 0.3359, IoU.sand: 0.4550, IoU.sink: 0.6838, IoU.skyscraper: 0.4518, IoU.fireplace: 0.6364, IoU.refrigerator: 0.5761, IoU.grandstand: 0.4942, IoU.path: 0.1850, IoU.stairs: 0.2699, IoU.runway: 0.6587, IoU.case: 0.5425, IoU.pool table: 0.8527, IoU.pillow: 0.5438, IoU.screen door: 0.5204, IoU.stairway: 0.4796, IoU.river: 0.1577, IoU.bridge: 0.4307, IoU.bookcase: 0.3260, IoU.blind: 0.2574, IoU.coffee table: 0.5850, IoU.toilet: 0.7881, IoU.flower: 0.3847, IoU.book: 0.4639, IoU.hill: 0.0523, IoU.bench: 0.4713, IoU.countertop: 0.5275, IoU.stove: 0.7080, IoU.palm: 0.5031, IoU.kitchen island: 0.3771, IoU.computer: 0.6308, IoU.swivel chair: 0.4316, IoU.boat: 0.6029, IoU.bar: 0.5466, IoU.arcade machine: 0.6398, IoU.hovel: 0.3549, IoU.bus: 0.8455, IoU.towel: 0.6537, IoU.light: 0.3701, IoU.truck: 0.3673, IoU.tower: 0.2249, IoU.chandelier: 0.6254, IoU.awning: 0.2786, IoU.streetlight: 0.2184, IoU.booth: 0.3385, IoU.television receiver: 0.6775, IoU.airplane: 0.5274, IoU.dirt track: 0.1039, IoU.apparel: 0.4523, IoU.pole: 0.1439, IoU.land: 0.0162, IoU.bannister: 0.0655, IoU.escalator: 0.5287, IoU.ottoman: 0.4352, IoU.bottle: 0.4052, IoU.buffet: 0.4273, IoU.poster: 0.2097, IoU.stage: 0.1514, IoU.van: 0.3907, IoU.ship: 0.3124, IoU.fountain: 0.2043, IoU.conveyer belt: 0.6693, IoU.canopy: 0.3289, IoU.washer: 0.7702, IoU.plaything: 0.2696, IoU.swimming pool: 0.6010, IoU.stool: 0.3021, IoU.barrel: 0.2860, IoU.basket: 0.3479, IoU.waterfall: 0.4527, IoU.tent: 0.8453, IoU.bag: 0.1705, IoU.minibike: 0.6625, IoU.cradle: 0.6945, IoU.oven: 0.4754, IoU.ball: 0.5658, IoU.food: 0.5178, IoU.step: 0.0584, IoU.tank: 0.5563, IoU.trade name: 0.1880, IoU.microwave: 0.7067, IoU.pot: 0.3867, IoU.animal: 0.5694, IoU.bicycle: 0.5486, IoU.lake: 0.2195, IoU.dishwasher: 0.5085, IoU.screen: 0.4395, IoU.blanket: 0.1419, IoU.sculpture: 0.5737, IoU.hood: 0.5439, IoU.sconce: 0.3772, IoU.vase: 0.3718, IoU.traffic light: 0.3106, IoU.tray: 0.1151, IoU.ashcan: 0.4208, IoU.fan: 0.5362, IoU.pier: 0.3386, IoU.crt screen: 0.0580, IoU.plate: 0.4961, IoU.monitor: 0.2763, IoU.bulletin board: 0.4434, IoU.shower: 0.0274, IoU.radiator: 0.5903, IoU.glass: 0.1646, IoU.clock: 0.3550, IoU.flag: 0.4823, Acc.wall: 0.8482, Acc.building: 0.9155, Acc.sky: 0.9514, Acc.floor: 0.8715, Acc.tree: 0.8467, Acc.ceiling: 0.8679, Acc.road: 0.8747, Acc.bed : 0.9404, Acc.windowpane: 0.7532, Acc.grass: 0.8190, Acc.cabinet: 0.6736, Acc.sidewalk: 0.7457, Acc.person: 0.9083, Acc.earth: 0.4847, Acc.door: 0.4948, Acc.table: 0.6904, Acc.mountain: 0.7004, Acc.plant: 0.6125, Acc.curtain: 0.7723, Acc.chair: 0.6994, Acc.car: 0.9218, Acc.water: 0.7442, Acc.painting: 0.8123, Acc.sofa: 0.8222, Acc.shelf: 0.5139, Acc.house: 0.6322, Acc.sea: 0.7909, Acc.mirror: 0.7000, Acc.rug: 0.5547, Acc.field: 0.5563, Acc.armchair: 0.5781, Acc.seat: 0.7766, Acc.fence: 0.4810, Acc.desk: 0.6773, Acc.rock: 0.7069, Acc.wardrobe: 0.6216, Acc.lamp: 0.7087, Acc.bathtub: 0.8062, Acc.railing: 0.4386, Acc.cushion: 0.6925, Acc.base: 0.3798, Acc.box: 0.3232, Acc.column: 0.4136, Acc.signboard: 0.4603, Acc.chest of drawers: 0.5195, Acc.counter: 0.4229, Acc.sand: 0.6187, Acc.sink: 0.8002, Acc.skyscraper: 0.6235, Acc.fireplace: 0.8153, Acc.refrigerator: 0.6656, Acc.grandstand: 0.7991, Acc.path: 0.2583, Acc.stairs: 0.3018, Acc.runway: 0.8682, Acc.case: 0.6696, Acc.pool table: 0.9575, Acc.pillow: 0.6553, Acc.screen door: 0.5574, Acc.stairway: 0.6256, Acc.river: 0.2798, Acc.bridge: 0.5265, Acc.bookcase: 0.4917, Acc.blind: 0.2923, Acc.coffee table: 0.7924, Acc.toilet: 0.8915, Acc.flower: 0.5297, Acc.book: 0.6640, Acc.hill: 0.0795, Acc.bench: 0.5679, Acc.countertop: 0.6657, Acc.stove: 0.8020, Acc.palm: 0.6738, Acc.kitchen island: 0.6127, Acc.computer: 0.7833, Acc.swivel chair: 0.5766, Acc.boat: 0.7754, Acc.bar: 0.6614, Acc.arcade machine: 0.7287, Acc.hovel: 0.4095, Acc.bus: 0.9211, Acc.towel: 0.7767, Acc.light: 0.4362, Acc.truck: 0.5031, Acc.tower: 0.3571, Acc.chandelier: 0.7727, Acc.awning: 0.3585, Acc.streetlight: 0.2655, Acc.booth: 0.4151, Acc.television receiver: 0.7744, Acc.airplane: 0.6679, Acc.dirt track: 0.1803, Acc.apparel: 0.5878, Acc.pole: 0.1787, Acc.land: 0.0242, Acc.bannister: 0.0852, Acc.escalator: 0.6848, Acc.ottoman: 0.5239, Acc.bottle: 0.6683, Acc.buffet: 0.5105, Acc.poster: 0.2673, Acc.stage: 0.3042, Acc.van: 0.5129, Acc.ship: 0.3526, Acc.fountain: 0.2107, Acc.conveyer belt: 0.9247, Acc.canopy: 0.4018, Acc.washer: 0.8476, Acc.plaything: 0.3739, Acc.swimming pool: 0.8174, Acc.stool: 0.3790, Acc.barrel: 0.3997, Acc.basket: 0.4392, Acc.waterfall: 0.5030, Acc.tent: 0.9766, Acc.bag: 0.2002, Acc.minibike: 0.8450, Acc.cradle: 0.9416, Acc.oven: 0.5663, Acc.ball: 0.6901, Acc.food: 0.6113, Acc.step: 0.0641, Acc.tank: 0.6984, Acc.trade name: 0.2128, Acc.microwave: 0.7721, Acc.pot: 0.4386, Acc.animal: 0.6230, Acc.bicycle: 0.7846, Acc.lake: 0.2425, Acc.dishwasher: 0.5514, Acc.screen: 0.5951, Acc.blanket: 0.1624, Acc.sculpture: 0.7692, Acc.hood: 0.5880, Acc.sconce: 0.4704, Acc.vase: 0.5258, Acc.traffic light: 0.4187, Acc.tray: 0.1419, Acc.ashcan: 0.5086, Acc.fan: 0.6886, Acc.pier: 0.4440, Acc.crt screen: 0.1207, Acc.plate: 0.6477, Acc.monitor: 0.3254, Acc.bulletin board: 0.5689, Acc.shower: 0.0379, Acc.radiator: 0.6891, Acc.glass: 0.1793, Acc.clock: 0.3878, Acc.flag: 0.5675 2023-11-10 03:55:11,996 - mmseg - INFO - Iter [65050/80000] lr: 7.475e-06, eta: 1:10:56, time: 1.129, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5334, decode.acc_seg: 80.2766, loss: 0.5334 2023-11-10 03:55:22,557 - mmseg - INFO - Iter [65100/80000] lr: 7.451e-06, eta: 1:10:41, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5346, decode.acc_seg: 80.4080, loss: 0.5346 2023-11-10 03:55:33,085 - mmseg - INFO - Iter [65150/80000] lr: 7.426e-06, eta: 1:10:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5377, decode.acc_seg: 79.2123, loss: 0.5377 2023-11-10 03:55:43,616 - mmseg - INFO - Iter [65200/80000] lr: 7.401e-06, eta: 1:10:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5037, decode.acc_seg: 80.6127, loss: 0.5037 2023-11-10 03:55:54,144 - mmseg - INFO - Iter [65250/80000] lr: 7.376e-06, eta: 1:09:56, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5144, decode.acc_seg: 80.2623, loss: 0.5144 2023-11-10 03:56:04,680 - mmseg - INFO - Iter [65300/80000] lr: 7.351e-06, eta: 1:09:41, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5362, decode.acc_seg: 79.9175, loss: 0.5362 2023-11-10 03:56:15,192 - mmseg - INFO - Iter [65350/80000] lr: 7.325e-06, eta: 1:09:26, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5307, decode.acc_seg: 80.2203, loss: 0.5307 2023-11-10 03:56:25,721 - mmseg - INFO - Iter [65400/80000] lr: 7.300e-06, eta: 1:09:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5192, decode.acc_seg: 80.5176, loss: 0.5192 2023-11-10 03:56:36,242 - mmseg - INFO - Iter [65450/80000] lr: 7.276e-06, eta: 1:08:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5292, decode.acc_seg: 80.1192, loss: 0.5292 2023-11-10 03:56:46,757 - mmseg - INFO - Iter [65500/80000] lr: 7.251e-06, eta: 1:08:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5345, decode.acc_seg: 79.6474, loss: 0.5345 2023-11-10 03:56:57,295 - mmseg - INFO - Iter [65550/80000] lr: 7.226e-06, eta: 1:08:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5128, decode.acc_seg: 80.7126, loss: 0.5128 2023-11-10 03:57:07,816 - mmseg - INFO - Iter [65600/80000] lr: 7.201e-06, eta: 1:08:11, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5070, decode.acc_seg: 80.8914, loss: 0.5070 2023-11-10 03:57:18,345 - mmseg - INFO - Iter [65650/80000] lr: 7.176e-06, eta: 1:07:56, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5248, decode.acc_seg: 80.1578, loss: 0.5248 2023-11-10 03:57:31,235 - mmseg - INFO - Iter [65700/80000] lr: 7.151e-06, eta: 1:07:41, time: 0.258, data_time: 0.053, memory: 16310, decode.loss_ce: 0.5199, decode.acc_seg: 80.1819, loss: 0.5199 2023-11-10 03:57:41,752 - mmseg - INFO - Iter [65750/80000] lr: 7.125e-06, eta: 1:07:26, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5282, decode.acc_seg: 80.1026, loss: 0.5282 2023-11-10 03:57:52,278 - mmseg - INFO - Iter [65800/80000] lr: 7.100e-06, eta: 1:07:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5383, decode.acc_seg: 79.7148, loss: 0.5383 2023-11-10 03:58:02,800 - mmseg - INFO - Iter [65850/80000] lr: 7.075e-06, eta: 1:06:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5249, decode.acc_seg: 80.0978, loss: 0.5249 2023-11-10 03:58:13,318 - mmseg - INFO - Iter [65900/80000] lr: 7.051e-06, eta: 1:06:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5285, decode.acc_seg: 80.1281, loss: 0.5285 2023-11-10 03:58:23,832 - mmseg - INFO - Iter [65950/80000] lr: 7.026e-06, eta: 1:06:26, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5194, decode.acc_seg: 80.5375, loss: 0.5194 2023-11-10 03:58:34,349 - mmseg - INFO - Saving checkpoint at 66000 iterations 2023-11-10 03:59:00,225 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:59:00,225 - mmseg - INFO - Iter [66000/80000] lr: 7.001e-06, eta: 1:06:17, time: 0.728, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5589, decode.acc_seg: 79.6348, loss: 0.5589 2023-11-10 03:59:45,997 - mmseg - INFO - per class results: 2023-11-10 03:59:46,003 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.18 | 83.31 | | building | 79.26 | 92.45 | | sky | 89.66 | 95.67 | | floor | 74.1 | 87.31 | | tree | 69.31 | 85.82 | | ceiling | 77.02 | 88.55 | | road | 78.49 | 88.78 | | bed | 83.89 | 93.38 | | windowpane | 58.2 | 75.47 | | grass | 66.2 | 82.43 | | cabinet | 54.25 | 66.04 | | sidewalk | 56.22 | 73.23 | | person | 75.31 | 90.0 | | earth | 34.62 | 48.58 | | door | 40.19 | 50.0 | | table | 53.64 | 68.44 | | mountain | 55.17 | 69.17 | | plant | 49.56 | 59.29 | | curtain | 64.73 | 75.26 | | chair | 52.86 | 68.03 | | car | 78.95 | 91.39 | | water | 56.86 | 73.52 | | painting | 66.31 | 81.24 | | sofa | 66.36 | 82.61 | | shelf | 37.0 | 50.34 | | house | 44.19 | 56.73 | | sea | 60.74 | 76.45 | | mirror | 58.72 | 70.56 | | rug | 50.49 | 55.76 | | field | 34.98 | 55.59 | | armchair | 42.29 | 58.36 | | seat | 55.73 | 78.02 | | fence | 38.6 | 50.11 | | desk | 41.48 | 68.09 | | rock | 52.12 | 68.04 | | wardrobe | 44.16 | 61.04 | | lamp | 56.56 | 70.79 | | bathtub | 72.85 | 80.66 | | railing | 33.01 | 45.23 | | cushion | 56.61 | 68.82 | | base | 25.49 | 38.39 | | box | 27.06 | 35.59 | | column | 36.0 | 44.22 | | signboard | 30.82 | 44.84 | | chest of drawers | 38.98 | 53.99 | | counter | 34.11 | 42.88 | | sand | 44.57 | 60.17 | | sink | 68.3 | 78.82 | | skyscraper | 45.32 | 59.64 | | fireplace | 63.83 | 81.65 | | refrigerator | 58.4 | 69.18 | | grandstand | 49.74 | 80.27 | | path | 17.68 | 23.97 | | stairs | 25.26 | 27.95 | | runway | 65.95 | 86.14 | | case | 54.25 | 67.73 | | pool table | 84.26 | 96.1 | | pillow | 55.33 | 67.51 | | screen door | 56.3 | 62.58 | | stairway | 47.52 | 62.19 | | river | 15.54 | 28.37 | | bridge | 41.62 | 50.47 | | bookcase | 32.3 | 49.3 | | blind | 27.35 | 31.13 | | coffee table | 57.75 | 81.03 | | toilet | 78.69 | 89.26 | | flower | 38.61 | 52.75 | | book | 46.34 | 67.13 | | hill | 5.24 | 8.22 | | bench | 47.53 | 57.23 | | countertop | 53.31 | 68.83 | | stove | 71.26 | 81.17 | | palm | 48.94 | 61.76 | | kitchen island | 37.7 | 63.49 | | computer | 62.87 | 79.72 | | swivel chair | 43.68 | 59.99 | | boat | 59.28 | 76.93 | | bar | 54.72 | 65.07 | | arcade machine | 63.16 | 71.46 | | hovel | 34.25 | 39.03 | | bus | 84.56 | 91.54 | | towel | 65.56 | 79.09 | | light | 35.85 | 41.6 | | truck | 36.85 | 51.31 | | tower | 19.26 | 28.91 | | chandelier | 62.63 | 77.65 | | awning | 26.46 | 33.73 | | streetlight | 21.42 | 25.43 | | booth | 34.73 | 43.06 | | television receiver | 67.81 | 78.33 | | airplane | 53.41 | 65.94 | | dirt track | 10.56 | 17.31 | | apparel | 45.49 | 59.89 | | pole | 14.54 | 18.11 | | land | 1.28 | 1.81 | | bannister | 6.7 | 8.47 | | escalator | 53.55 | 70.86 | | ottoman | 44.0 | 53.83 | | bottle | 40.55 | 66.93 | | buffet | 42.96 | 51.36 | | poster | 20.97 | 27.05 | | stage | 15.41 | 31.7 | | van | 38.37 | 49.36 | | ship | 28.58 | 31.63 | | fountain | 21.98 | 22.66 | | conveyer belt | 64.6 | 93.31 | | canopy | 32.22 | 38.61 | | washer | 76.7 | 84.7 | | plaything | 27.18 | 39.36 | | swimming pool | 59.99 | 81.4 | | stool | 29.65 | 36.99 | | barrel | 28.55 | 41.32 | | basket | 34.91 | 44.7 | | waterfall | 45.78 | 50.47 | | tent | 84.84 | 97.46 | | bag | 17.2 | 20.3 | | minibike | 66.73 | 83.39 | | cradle | 69.97 | 94.61 | | oven | 47.81 | 56.81 | | ball | 56.5 | 69.35 | | food | 53.67 | 64.38 | | step | 5.93 | 6.49 | | tank | 55.96 | 72.0 | | trade name | 15.59 | 17.11 | | microwave | 71.25 | 78.74 | | pot | 38.43 | 43.53 | | animal | 55.3 | 59.64 | | bicycle | 54.55 | 76.83 | | lake | 24.67 | 28.27 | | dishwasher | 52.59 | 58.06 | | screen | 43.59 | 61.95 | | blanket | 17.26 | 20.18 | | sculpture | 57.25 | 77.51 | | hood | 55.73 | 60.58 | | sconce | 37.84 | 47.14 | | vase | 37.03 | 51.99 | | traffic light | 30.9 | 40.91 | | tray | 11.78 | 14.68 | | ashcan | 41.63 | 50.1 | | fan | 52.61 | 65.78 | | pier | 34.2 | 43.81 | | crt screen | 5.71 | 12.88 | | plate | 50.06 | 65.82 | | monitor | 26.18 | 30.27 | | bulletin board | 44.32 | 59.24 | | shower | 3.46 | 4.37 | | radiator | 59.31 | 69.53 | | glass | 16.89 | 18.54 | | clock | 36.61 | 40.4 | | flag | 48.34 | 55.61 | +---------------------+-------+-------+ 2023-11-10 03:59:46,003 - mmseg - INFO - Summary: 2023-11-10 03:59:46,003 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.85 | 46.37 | 58.05 | +-------+-------+-------+ 2023-11-10 03:59:46,004 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 03:59:46,004 - mmseg - INFO - Iter(val) [250] aAcc: 0.7985, mIoU: 0.4637, mAcc: 0.5805, IoU.wall: 0.7018, IoU.building: 0.7926, IoU.sky: 0.8966, IoU.floor: 0.7410, IoU.tree: 0.6931, IoU.ceiling: 0.7702, IoU.road: 0.7849, IoU.bed : 0.8389, IoU.windowpane: 0.5820, IoU.grass: 0.6620, IoU.cabinet: 0.5425, IoU.sidewalk: 0.5622, IoU.person: 0.7531, IoU.earth: 0.3462, IoU.door: 0.4019, IoU.table: 0.5364, IoU.mountain: 0.5517, IoU.plant: 0.4956, IoU.curtain: 0.6473, IoU.chair: 0.5286, IoU.car: 0.7895, IoU.water: 0.5686, IoU.painting: 0.6631, IoU.sofa: 0.6636, IoU.shelf: 0.3700, IoU.house: 0.4419, IoU.sea: 0.6074, IoU.mirror: 0.5872, IoU.rug: 0.5049, IoU.field: 0.3498, IoU.armchair: 0.4229, IoU.seat: 0.5573, IoU.fence: 0.3860, IoU.desk: 0.4148, IoU.rock: 0.5212, IoU.wardrobe: 0.4416, IoU.lamp: 0.5656, IoU.bathtub: 0.7285, IoU.railing: 0.3301, IoU.cushion: 0.5661, IoU.base: 0.2549, IoU.box: 0.2706, IoU.column: 0.3600, IoU.signboard: 0.3082, IoU.chest of drawers: 0.3898, IoU.counter: 0.3411, IoU.sand: 0.4457, IoU.sink: 0.6830, IoU.skyscraper: 0.4532, IoU.fireplace: 0.6383, IoU.refrigerator: 0.5840, IoU.grandstand: 0.4974, IoU.path: 0.1768, IoU.stairs: 0.2526, IoU.runway: 0.6595, IoU.case: 0.5425, IoU.pool table: 0.8426, IoU.pillow: 0.5533, IoU.screen door: 0.5630, IoU.stairway: 0.4752, IoU.river: 0.1554, IoU.bridge: 0.4162, IoU.bookcase: 0.3230, IoU.blind: 0.2735, IoU.coffee table: 0.5775, IoU.toilet: 0.7869, IoU.flower: 0.3861, IoU.book: 0.4634, IoU.hill: 0.0524, IoU.bench: 0.4753, IoU.countertop: 0.5331, IoU.stove: 0.7126, IoU.palm: 0.4894, IoU.kitchen island: 0.3770, IoU.computer: 0.6287, IoU.swivel chair: 0.4368, IoU.boat: 0.5928, IoU.bar: 0.5472, IoU.arcade machine: 0.6316, IoU.hovel: 0.3425, IoU.bus: 0.8456, IoU.towel: 0.6556, IoU.light: 0.3585, IoU.truck: 0.3685, IoU.tower: 0.1926, IoU.chandelier: 0.6263, IoU.awning: 0.2646, IoU.streetlight: 0.2142, IoU.booth: 0.3473, IoU.television receiver: 0.6781, IoU.airplane: 0.5341, IoU.dirt track: 0.1056, IoU.apparel: 0.4549, IoU.pole: 0.1454, IoU.land: 0.0128, IoU.bannister: 0.0670, IoU.escalator: 0.5355, IoU.ottoman: 0.4400, IoU.bottle: 0.4055, IoU.buffet: 0.4296, IoU.poster: 0.2097, IoU.stage: 0.1541, IoU.van: 0.3837, IoU.ship: 0.2858, IoU.fountain: 0.2198, IoU.conveyer belt: 0.6460, IoU.canopy: 0.3222, IoU.washer: 0.7670, IoU.plaything: 0.2718, IoU.swimming pool: 0.5999, IoU.stool: 0.2965, IoU.barrel: 0.2855, IoU.basket: 0.3491, IoU.waterfall: 0.4578, IoU.tent: 0.8484, IoU.bag: 0.1720, IoU.minibike: 0.6673, IoU.cradle: 0.6997, IoU.oven: 0.4781, IoU.ball: 0.5650, IoU.food: 0.5367, IoU.step: 0.0593, IoU.tank: 0.5596, IoU.trade name: 0.1559, IoU.microwave: 0.7125, IoU.pot: 0.3843, IoU.animal: 0.5530, IoU.bicycle: 0.5455, IoU.lake: 0.2467, IoU.dishwasher: 0.5259, IoU.screen: 0.4359, IoU.blanket: 0.1726, IoU.sculpture: 0.5725, IoU.hood: 0.5573, IoU.sconce: 0.3784, IoU.vase: 0.3703, IoU.traffic light: 0.3090, IoU.tray: 0.1178, IoU.ashcan: 0.4163, IoU.fan: 0.5261, IoU.pier: 0.3420, IoU.crt screen: 0.0571, IoU.plate: 0.5006, IoU.monitor: 0.2618, IoU.bulletin board: 0.4432, IoU.shower: 0.0346, IoU.radiator: 0.5931, IoU.glass: 0.1689, IoU.clock: 0.3661, IoU.flag: 0.4834, Acc.wall: 0.8331, Acc.building: 0.9245, Acc.sky: 0.9567, Acc.floor: 0.8731, Acc.tree: 0.8582, Acc.ceiling: 0.8855, Acc.road: 0.8878, Acc.bed : 0.9338, Acc.windowpane: 0.7547, Acc.grass: 0.8243, Acc.cabinet: 0.6604, Acc.sidewalk: 0.7323, Acc.person: 0.9000, Acc.earth: 0.4858, Acc.door: 0.5000, Acc.table: 0.6844, Acc.mountain: 0.6917, Acc.plant: 0.5929, Acc.curtain: 0.7526, Acc.chair: 0.6803, Acc.car: 0.9139, Acc.water: 0.7352, Acc.painting: 0.8124, Acc.sofa: 0.8261, Acc.shelf: 0.5034, Acc.house: 0.5673, Acc.sea: 0.7645, Acc.mirror: 0.7056, Acc.rug: 0.5576, Acc.field: 0.5559, Acc.armchair: 0.5836, Acc.seat: 0.7802, Acc.fence: 0.5011, Acc.desk: 0.6809, Acc.rock: 0.6804, Acc.wardrobe: 0.6104, Acc.lamp: 0.7079, Acc.bathtub: 0.8066, Acc.railing: 0.4523, Acc.cushion: 0.6882, Acc.base: 0.3839, Acc.box: 0.3559, Acc.column: 0.4422, Acc.signboard: 0.4484, Acc.chest of drawers: 0.5399, Acc.counter: 0.4288, Acc.sand: 0.6017, Acc.sink: 0.7882, Acc.skyscraper: 0.5964, Acc.fireplace: 0.8165, Acc.refrigerator: 0.6918, Acc.grandstand: 0.8027, Acc.path: 0.2397, Acc.stairs: 0.2795, Acc.runway: 0.8614, Acc.case: 0.6773, Acc.pool table: 0.9610, Acc.pillow: 0.6751, Acc.screen door: 0.6258, Acc.stairway: 0.6219, Acc.river: 0.2837, Acc.bridge: 0.5047, Acc.bookcase: 0.4930, Acc.blind: 0.3113, Acc.coffee table: 0.8103, Acc.toilet: 0.8926, Acc.flower: 0.5275, Acc.book: 0.6713, Acc.hill: 0.0822, Acc.bench: 0.5723, Acc.countertop: 0.6883, Acc.stove: 0.8117, Acc.palm: 0.6176, Acc.kitchen island: 0.6349, Acc.computer: 0.7972, Acc.swivel chair: 0.5999, Acc.boat: 0.7693, Acc.bar: 0.6507, Acc.arcade machine: 0.7146, Acc.hovel: 0.3903, Acc.bus: 0.9154, Acc.towel: 0.7909, Acc.light: 0.4160, Acc.truck: 0.5131, Acc.tower: 0.2891, Acc.chandelier: 0.7765, Acc.awning: 0.3373, Acc.streetlight: 0.2543, Acc.booth: 0.4306, Acc.television receiver: 0.7833, Acc.airplane: 0.6594, Acc.dirt track: 0.1731, Acc.apparel: 0.5989, Acc.pole: 0.1811, Acc.land: 0.0181, Acc.bannister: 0.0847, Acc.escalator: 0.7086, Acc.ottoman: 0.5383, Acc.bottle: 0.6693, Acc.buffet: 0.5136, Acc.poster: 0.2705, Acc.stage: 0.3170, Acc.van: 0.4936, Acc.ship: 0.3163, Acc.fountain: 0.2266, Acc.conveyer belt: 0.9331, Acc.canopy: 0.3861, Acc.washer: 0.8470, Acc.plaything: 0.3936, Acc.swimming pool: 0.8140, Acc.stool: 0.3699, Acc.barrel: 0.4132, Acc.basket: 0.4470, Acc.waterfall: 0.5047, Acc.tent: 0.9746, Acc.bag: 0.2030, Acc.minibike: 0.8339, Acc.cradle: 0.9461, Acc.oven: 0.5681, Acc.ball: 0.6935, Acc.food: 0.6438, Acc.step: 0.0649, Acc.tank: 0.7200, Acc.trade name: 0.1711, Acc.microwave: 0.7874, Acc.pot: 0.4353, Acc.animal: 0.5964, Acc.bicycle: 0.7683, Acc.lake: 0.2827, Acc.dishwasher: 0.5806, Acc.screen: 0.6195, Acc.blanket: 0.2018, Acc.sculpture: 0.7751, Acc.hood: 0.6058, Acc.sconce: 0.4714, Acc.vase: 0.5199, Acc.traffic light: 0.4091, Acc.tray: 0.1468, Acc.ashcan: 0.5010, Acc.fan: 0.6578, Acc.pier: 0.4381, Acc.crt screen: 0.1288, Acc.plate: 0.6582, Acc.monitor: 0.3027, Acc.bulletin board: 0.5924, Acc.shower: 0.0437, Acc.radiator: 0.6953, Acc.glass: 0.1854, Acc.clock: 0.4040, Acc.flag: 0.5561 2023-11-10 03:59:56,557 - mmseg - INFO - Iter [66050/80000] lr: 6.976e-06, eta: 1:06:11, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5367, decode.acc_seg: 80.1968, loss: 0.5367 2023-11-10 04:00:07,147 - mmseg - INFO - Iter [66100/80000] lr: 6.951e-06, eta: 1:05:56, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5427, decode.acc_seg: 79.9429, loss: 0.5427 2023-11-10 04:00:17,697 - mmseg - INFO - Iter [66150/80000] lr: 6.926e-06, eta: 1:05:41, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5293, decode.acc_seg: 79.9226, loss: 0.5293 2023-11-10 04:00:28,239 - mmseg - INFO - Iter [66200/80000] lr: 6.900e-06, eta: 1:05:26, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5283, decode.acc_seg: 80.5354, loss: 0.5283 2023-11-10 04:00:38,779 - mmseg - INFO - Iter [66250/80000] lr: 6.875e-06, eta: 1:05:11, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5284, decode.acc_seg: 79.6335, loss: 0.5284 2023-11-10 04:00:49,303 - mmseg - INFO - Iter [66300/80000] lr: 6.850e-06, eta: 1:04:56, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5312, decode.acc_seg: 80.0464, loss: 0.5312 2023-11-10 04:00:59,825 - mmseg - INFO - Iter [66350/80000] lr: 6.826e-06, eta: 1:04:41, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5201, decode.acc_seg: 80.1982, loss: 0.5201 2023-11-10 04:01:10,340 - mmseg - INFO - Iter [66400/80000] lr: 6.801e-06, eta: 1:04:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5307, decode.acc_seg: 79.9308, loss: 0.5307 2023-11-10 04:01:20,867 - mmseg - INFO - Iter [66450/80000] lr: 6.776e-06, eta: 1:04:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5476, decode.acc_seg: 79.7048, loss: 0.5476 2023-11-10 04:01:31,398 - mmseg - INFO - Iter [66500/80000] lr: 6.751e-06, eta: 1:03:57, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5415, decode.acc_seg: 79.4037, loss: 0.5415 2023-11-10 04:01:41,917 - mmseg - INFO - Iter [66550/80000] lr: 6.726e-06, eta: 1:03:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5204, decode.acc_seg: 80.8583, loss: 0.5204 2023-11-10 04:01:52,430 - mmseg - INFO - Iter [66600/80000] lr: 6.700e-06, eta: 1:03:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5275, decode.acc_seg: 80.2701, loss: 0.5275 2023-11-10 04:02:02,952 - mmseg - INFO - Iter [66650/80000] lr: 6.675e-06, eta: 1:03:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5278, decode.acc_seg: 80.0875, loss: 0.5278 2023-11-10 04:02:13,471 - mmseg - INFO - Iter [66700/80000] lr: 6.651e-06, eta: 1:02:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5059, decode.acc_seg: 80.7659, loss: 0.5059 2023-11-10 04:02:23,993 - mmseg - INFO - Iter [66750/80000] lr: 6.626e-06, eta: 1:02:42, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5200, decode.acc_seg: 80.0800, loss: 0.5200 2023-11-10 04:02:34,509 - mmseg - INFO - Iter [66800/80000] lr: 6.601e-06, eta: 1:02:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5463, decode.acc_seg: 80.0329, loss: 0.5463 2023-11-10 04:02:45,025 - mmseg - INFO - Iter [66850/80000] lr: 6.576e-06, eta: 1:02:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5003, decode.acc_seg: 80.9916, loss: 0.5003 2023-11-10 04:02:55,548 - mmseg - INFO - Iter [66900/80000] lr: 6.551e-06, eta: 1:01:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5364, decode.acc_seg: 79.8435, loss: 0.5364 2023-11-10 04:03:08,319 - mmseg - INFO - Iter [66950/80000] lr: 6.526e-06, eta: 1:01:43, time: 0.255, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5535, decode.acc_seg: 79.4682, loss: 0.5535 2023-11-10 04:03:18,832 - mmseg - INFO - Saving checkpoint at 67000 iterations 2023-11-10 04:03:44,104 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:03:44,104 - mmseg - INFO - Iter [67000/80000] lr: 6.500e-06, eta: 1:01:33, time: 0.716, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5215, decode.acc_seg: 80.6909, loss: 0.5215 2023-11-10 04:04:29,848 - mmseg - INFO - per class results: 2023-11-10 04:04:29,854 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.21 | 83.88 | | building | 79.66 | 91.81 | | sky | 89.89 | 95.71 | | floor | 74.07 | 87.05 | | tree | 69.64 | 83.93 | | ceiling | 76.98 | 88.82 | | road | 78.46 | 88.93 | | bed | 83.69 | 93.73 | | windowpane | 58.27 | 75.45 | | grass | 66.41 | 81.25 | | cabinet | 54.34 | 67.95 | | sidewalk | 56.33 | 72.21 | | person | 75.29 | 90.49 | | earth | 34.75 | 47.95 | | door | 40.37 | 50.43 | | table | 53.61 | 68.91 | | mountain | 55.33 | 71.2 | | plant | 50.01 | 59.94 | | curtain | 64.73 | 76.2 | | chair | 53.15 | 70.3 | | car | 78.76 | 92.0 | | water | 56.55 | 73.52 | | painting | 66.27 | 81.82 | | sofa | 66.42 | 82.79 | | shelf | 37.79 | 52.69 | | house | 45.75 | 62.38 | | sea | 60.69 | 78.33 | | mirror | 58.37 | 69.35 | | rug | 50.83 | 56.3 | | field | 35.06 | 55.81 | | armchair | 42.27 | 57.23 | | seat | 56.43 | 76.65 | | fence | 38.13 | 49.59 | | desk | 41.37 | 68.62 | | rock | 52.04 | 68.11 | | wardrobe | 44.21 | 60.47 | | lamp | 56.6 | 71.17 | | bathtub | 72.97 | 80.36 | | railing | 32.71 | 44.55 | | cushion | 56.63 | 69.01 | | base | 25.93 | 40.0 | | box | 26.14 | 33.34 | | column | 35.24 | 42.85 | | signboard | 31.43 | 45.43 | | chest of drawers | 37.56 | 50.35 | | counter | 33.58 | 42.04 | | sand | 45.41 | 61.9 | | sink | 68.52 | 79.53 | | skyscraper | 45.35 | 61.52 | | fireplace | 63.8 | 81.52 | | refrigerator | 58.03 | 68.28 | | grandstand | 49.36 | 79.72 | | path | 17.37 | 23.45 | | stairs | 26.4 | 29.59 | | runway | 65.53 | 85.92 | | case | 54.19 | 68.25 | | pool table | 84.79 | 95.95 | | pillow | 54.06 | 64.79 | | screen door | 55.57 | 61.17 | | stairway | 47.78 | 64.63 | | river | 15.69 | 28.5 | | bridge | 42.31 | 51.42 | | bookcase | 32.14 | 45.92 | | blind | 25.59 | 28.89 | | coffee table | 57.91 | 80.66 | | toilet | 79.11 | 88.9 | | flower | 37.95 | 53.65 | | book | 46.66 | 67.64 | | hill | 5.28 | 8.25 | | bench | 47.71 | 57.68 | | countertop | 52.96 | 67.58 | | stove | 70.84 | 81.01 | | palm | 49.81 | 64.28 | | kitchen island | 37.65 | 61.59 | | computer | 63.36 | 78.59 | | swivel chair | 43.47 | 59.07 | | boat | 60.94 | 77.46 | | bar | 54.73 | 67.47 | | arcade machine | 64.18 | 73.7 | | hovel | 34.39 | 39.58 | | bus | 84.6 | 91.83 | | towel | 65.59 | 78.16 | | light | 35.47 | 40.9 | | truck | 36.31 | 49.9 | | tower | 19.05 | 28.47 | | chandelier | 62.58 | 76.63 | | awning | 27.69 | 35.58 | | streetlight | 21.59 | 25.72 | | booth | 34.89 | 43.29 | | television receiver | 67.79 | 77.94 | | airplane | 53.24 | 66.08 | | dirt track | 10.79 | 17.77 | | apparel | 45.21 | 58.16 | | pole | 13.47 | 16.39 | | land | 1.48 | 2.17 | | bannister | 6.84 | 8.82 | | escalator | 53.31 | 69.65 | | ottoman | 43.57 | 53.44 | | bottle | 40.57 | 66.31 | | buffet | 41.84 | 49.5 | | poster | 20.69 | 25.73 | | stage | 15.35 | 31.46 | | van | 37.38 | 48.77 | | ship | 31.78 | 35.54 | | fountain | 21.21 | 21.85 | | conveyer belt | 65.28 | 93.07 | | canopy | 31.61 | 37.88 | | washer | 76.15 | 83.5 | | plaything | 27.1 | 37.19 | | swimming pool | 59.88 | 81.38 | | stool | 30.22 | 37.82 | | barrel | 28.79 | 39.65 | | basket | 34.75 | 44.68 | | waterfall | 46.52 | 51.99 | | tent | 84.26 | 97.81 | | bag | 17.17 | 20.16 | | minibike | 66.36 | 84.58 | | cradle | 71.16 | 93.96 | | oven | 48.16 | 57.48 | | ball | 56.33 | 67.72 | | food | 53.0 | 63.25 | | step | 6.03 | 6.63 | | tank | 56.06 | 71.01 | | trade name | 17.97 | 20.08 | | microwave | 71.15 | 77.94 | | pot | 38.72 | 44.07 | | animal | 56.59 | 61.72 | | bicycle | 54.78 | 77.86 | | lake | 24.55 | 28.19 | | dishwasher | 50.82 | 55.24 | | screen | 43.83 | 61.18 | | blanket | 16.38 | 19.0 | | sculpture | 57.36 | 77.37 | | hood | 54.79 | 59.28 | | sconce | 37.56 | 46.96 | | vase | 37.23 | 51.22 | | traffic light | 31.96 | 45.78 | | tray | 11.66 | 14.47 | | ashcan | 42.15 | 51.44 | | fan | 52.99 | 66.99 | | pier | 34.33 | 43.93 | | crt screen | 5.54 | 11.44 | | plate | 49.89 | 64.99 | | monitor | 28.03 | 33.4 | | bulletin board | 44.58 | 58.24 | | shower | 3.34 | 3.97 | | radiator | 59.06 | 68.36 | | glass | 16.59 | 18.15 | | clock | 36.2 | 39.75 | | flag | 48.85 | 57.56 | +---------------------+-------+-------+ 2023-11-10 04:04:29,854 - mmseg - INFO - Summary: 2023-11-10 04:04:29,854 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.91 | 46.41 | 58.05 | +-------+-------+-------+ 2023-11-10 04:04:29,855 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:04:29,855 - mmseg - INFO - Iter(val) [250] aAcc: 0.7991, mIoU: 0.4641, mAcc: 0.5805, IoU.wall: 0.7021, IoU.building: 0.7966, IoU.sky: 0.8989, IoU.floor: 0.7407, IoU.tree: 0.6964, IoU.ceiling: 0.7698, IoU.road: 0.7846, IoU.bed : 0.8369, IoU.windowpane: 0.5827, IoU.grass: 0.6641, IoU.cabinet: 0.5434, IoU.sidewalk: 0.5633, IoU.person: 0.7529, IoU.earth: 0.3475, IoU.door: 0.4037, IoU.table: 0.5361, IoU.mountain: 0.5533, IoU.plant: 0.5001, IoU.curtain: 0.6473, IoU.chair: 0.5315, IoU.car: 0.7876, IoU.water: 0.5655, IoU.painting: 0.6627, IoU.sofa: 0.6642, IoU.shelf: 0.3779, IoU.house: 0.4575, IoU.sea: 0.6069, IoU.mirror: 0.5837, IoU.rug: 0.5083, IoU.field: 0.3506, IoU.armchair: 0.4227, IoU.seat: 0.5643, IoU.fence: 0.3813, IoU.desk: 0.4137, IoU.rock: 0.5204, IoU.wardrobe: 0.4421, IoU.lamp: 0.5660, IoU.bathtub: 0.7297, IoU.railing: 0.3271, IoU.cushion: 0.5663, IoU.base: 0.2593, IoU.box: 0.2614, IoU.column: 0.3524, IoU.signboard: 0.3143, IoU.chest of drawers: 0.3756, IoU.counter: 0.3358, IoU.sand: 0.4541, IoU.sink: 0.6852, IoU.skyscraper: 0.4535, IoU.fireplace: 0.6380, IoU.refrigerator: 0.5803, IoU.grandstand: 0.4936, IoU.path: 0.1737, IoU.stairs: 0.2640, IoU.runway: 0.6553, IoU.case: 0.5419, IoU.pool table: 0.8479, IoU.pillow: 0.5406, IoU.screen door: 0.5557, IoU.stairway: 0.4778, IoU.river: 0.1569, IoU.bridge: 0.4231, IoU.bookcase: 0.3214, IoU.blind: 0.2559, IoU.coffee table: 0.5791, IoU.toilet: 0.7911, IoU.flower: 0.3795, IoU.book: 0.4666, IoU.hill: 0.0528, IoU.bench: 0.4771, IoU.countertop: 0.5296, IoU.stove: 0.7084, IoU.palm: 0.4981, IoU.kitchen island: 0.3765, IoU.computer: 0.6336, IoU.swivel chair: 0.4347, IoU.boat: 0.6094, IoU.bar: 0.5473, IoU.arcade machine: 0.6418, IoU.hovel: 0.3439, IoU.bus: 0.8460, IoU.towel: 0.6559, IoU.light: 0.3547, IoU.truck: 0.3631, IoU.tower: 0.1905, IoU.chandelier: 0.6258, IoU.awning: 0.2769, IoU.streetlight: 0.2159, IoU.booth: 0.3489, IoU.television receiver: 0.6779, IoU.airplane: 0.5324, IoU.dirt track: 0.1079, IoU.apparel: 0.4521, IoU.pole: 0.1347, IoU.land: 0.0148, IoU.bannister: 0.0684, IoU.escalator: 0.5331, IoU.ottoman: 0.4357, IoU.bottle: 0.4057, IoU.buffet: 0.4184, IoU.poster: 0.2069, IoU.stage: 0.1535, IoU.van: 0.3738, IoU.ship: 0.3178, IoU.fountain: 0.2121, IoU.conveyer belt: 0.6528, IoU.canopy: 0.3161, IoU.washer: 0.7615, IoU.plaything: 0.2710, IoU.swimming pool: 0.5988, IoU.stool: 0.3022, IoU.barrel: 0.2879, IoU.basket: 0.3475, IoU.waterfall: 0.4652, IoU.tent: 0.8426, IoU.bag: 0.1717, IoU.minibike: 0.6636, IoU.cradle: 0.7116, IoU.oven: 0.4816, IoU.ball: 0.5633, IoU.food: 0.5300, IoU.step: 0.0603, IoU.tank: 0.5606, IoU.trade name: 0.1797, IoU.microwave: 0.7115, IoU.pot: 0.3872, IoU.animal: 0.5659, IoU.bicycle: 0.5478, IoU.lake: 0.2455, IoU.dishwasher: 0.5082, IoU.screen: 0.4383, IoU.blanket: 0.1638, IoU.sculpture: 0.5736, IoU.hood: 0.5479, IoU.sconce: 0.3756, IoU.vase: 0.3723, IoU.traffic light: 0.3196, IoU.tray: 0.1166, IoU.ashcan: 0.4215, IoU.fan: 0.5299, IoU.pier: 0.3433, IoU.crt screen: 0.0554, IoU.plate: 0.4989, IoU.monitor: 0.2803, IoU.bulletin board: 0.4458, IoU.shower: 0.0334, IoU.radiator: 0.5906, IoU.glass: 0.1659, IoU.clock: 0.3620, IoU.flag: 0.4885, Acc.wall: 0.8388, Acc.building: 0.9181, Acc.sky: 0.9571, Acc.floor: 0.8705, Acc.tree: 0.8393, Acc.ceiling: 0.8882, Acc.road: 0.8893, Acc.bed : 0.9373, Acc.windowpane: 0.7545, Acc.grass: 0.8125, Acc.cabinet: 0.6795, Acc.sidewalk: 0.7221, Acc.person: 0.9049, Acc.earth: 0.4795, Acc.door: 0.5043, Acc.table: 0.6891, Acc.mountain: 0.7120, Acc.plant: 0.5994, Acc.curtain: 0.7620, Acc.chair: 0.7030, Acc.car: 0.9200, Acc.water: 0.7352, Acc.painting: 0.8182, Acc.sofa: 0.8279, Acc.shelf: 0.5269, Acc.house: 0.6238, Acc.sea: 0.7833, Acc.mirror: 0.6935, Acc.rug: 0.5630, Acc.field: 0.5581, Acc.armchair: 0.5723, Acc.seat: 0.7665, Acc.fence: 0.4959, Acc.desk: 0.6862, Acc.rock: 0.6811, Acc.wardrobe: 0.6047, Acc.lamp: 0.7117, Acc.bathtub: 0.8036, Acc.railing: 0.4455, Acc.cushion: 0.6901, Acc.base: 0.4000, Acc.box: 0.3334, Acc.column: 0.4285, Acc.signboard: 0.4543, Acc.chest of drawers: 0.5035, Acc.counter: 0.4204, Acc.sand: 0.6190, Acc.sink: 0.7953, Acc.skyscraper: 0.6152, Acc.fireplace: 0.8152, Acc.refrigerator: 0.6828, Acc.grandstand: 0.7972, Acc.path: 0.2345, Acc.stairs: 0.2959, Acc.runway: 0.8592, Acc.case: 0.6825, Acc.pool table: 0.9595, Acc.pillow: 0.6479, Acc.screen door: 0.6117, Acc.stairway: 0.6463, Acc.river: 0.2850, Acc.bridge: 0.5142, Acc.bookcase: 0.4592, Acc.blind: 0.2889, Acc.coffee table: 0.8066, Acc.toilet: 0.8890, Acc.flower: 0.5365, Acc.book: 0.6764, Acc.hill: 0.0825, Acc.bench: 0.5768, Acc.countertop: 0.6758, Acc.stove: 0.8101, Acc.palm: 0.6428, Acc.kitchen island: 0.6159, Acc.computer: 0.7859, Acc.swivel chair: 0.5907, Acc.boat: 0.7746, Acc.bar: 0.6747, Acc.arcade machine: 0.7370, Acc.hovel: 0.3958, Acc.bus: 0.9183, Acc.towel: 0.7816, Acc.light: 0.4090, Acc.truck: 0.4990, Acc.tower: 0.2847, Acc.chandelier: 0.7663, Acc.awning: 0.3558, Acc.streetlight: 0.2572, Acc.booth: 0.4329, Acc.television receiver: 0.7794, Acc.airplane: 0.6608, Acc.dirt track: 0.1777, Acc.apparel: 0.5816, Acc.pole: 0.1639, Acc.land: 0.0217, Acc.bannister: 0.0882, Acc.escalator: 0.6965, Acc.ottoman: 0.5344, Acc.bottle: 0.6631, Acc.buffet: 0.4950, Acc.poster: 0.2573, Acc.stage: 0.3146, Acc.van: 0.4877, Acc.ship: 0.3554, Acc.fountain: 0.2185, Acc.conveyer belt: 0.9307, Acc.canopy: 0.3788, Acc.washer: 0.8350, Acc.plaything: 0.3719, Acc.swimming pool: 0.8138, Acc.stool: 0.3782, Acc.barrel: 0.3965, Acc.basket: 0.4468, Acc.waterfall: 0.5199, Acc.tent: 0.9781, Acc.bag: 0.2016, Acc.minibike: 0.8458, Acc.cradle: 0.9396, Acc.oven: 0.5748, Acc.ball: 0.6772, Acc.food: 0.6325, Acc.step: 0.0663, Acc.tank: 0.7101, Acc.trade name: 0.2008, Acc.microwave: 0.7794, Acc.pot: 0.4407, Acc.animal: 0.6172, Acc.bicycle: 0.7786, Acc.lake: 0.2819, Acc.dishwasher: 0.5524, Acc.screen: 0.6118, Acc.blanket: 0.1900, Acc.sculpture: 0.7737, Acc.hood: 0.5928, Acc.sconce: 0.4696, Acc.vase: 0.5122, Acc.traffic light: 0.4578, Acc.tray: 0.1447, Acc.ashcan: 0.5144, Acc.fan: 0.6699, Acc.pier: 0.4393, Acc.crt screen: 0.1144, Acc.plate: 0.6499, Acc.monitor: 0.3340, Acc.bulletin board: 0.5824, Acc.shower: 0.0397, Acc.radiator: 0.6836, Acc.glass: 0.1815, Acc.clock: 0.3975, Acc.flag: 0.5756 2023-11-10 04:04:40,424 - mmseg - INFO - Iter [67050/80000] lr: 6.475e-06, eta: 1:01:27, time: 1.126, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5234, decode.acc_seg: 80.0834, loss: 0.5234 2023-11-10 04:04:50,939 - mmseg - INFO - Iter [67100/80000] lr: 6.450e-06, eta: 1:01:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5225, decode.acc_seg: 80.2264, loss: 0.5225 2023-11-10 04:05:01,471 - mmseg - INFO - Iter [67150/80000] lr: 6.425e-06, eta: 1:00:57, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5271, decode.acc_seg: 80.2048, loss: 0.5271 2023-11-10 04:05:12,015 - mmseg - INFO - Iter [67200/80000] lr: 6.401e-06, eta: 1:00:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5213, decode.acc_seg: 80.1124, loss: 0.5213 2023-11-10 04:05:22,537 - mmseg - INFO - Iter [67250/80000] lr: 6.376e-06, eta: 1:00:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5412, decode.acc_seg: 79.0379, loss: 0.5412 2023-11-10 04:05:33,061 - mmseg - INFO - Iter [67300/80000] lr: 6.351e-06, eta: 1:00:12, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5481, decode.acc_seg: 79.3318, loss: 0.5481 2023-11-10 04:05:43,571 - mmseg - INFO - Iter [67350/80000] lr: 6.326e-06, eta: 0:59:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5382, decode.acc_seg: 79.8391, loss: 0.5382 2023-11-10 04:05:54,100 - mmseg - INFO - Iter [67400/80000] lr: 6.301e-06, eta: 0:59:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5193, decode.acc_seg: 80.1660, loss: 0.5193 2023-11-10 04:06:04,598 - mmseg - INFO - Iter [67450/80000] lr: 6.275e-06, eta: 0:59:27, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5177, decode.acc_seg: 80.4290, loss: 0.5177 2023-11-10 04:06:15,607 - mmseg - INFO - Iter [67500/80000] lr: 6.250e-06, eta: 0:59:12, time: 0.220, data_time: 0.010, memory: 16310, decode.loss_ce: 0.5142, decode.acc_seg: 80.6184, loss: 0.5142 2023-11-10 04:06:26,123 - mmseg - INFO - Iter [67550/80000] lr: 6.225e-06, eta: 0:58:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5229, decode.acc_seg: 80.5210, loss: 0.5229 2023-11-10 04:06:36,625 - mmseg - INFO - Iter [67600/80000] lr: 6.201e-06, eta: 0:58:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5283, decode.acc_seg: 79.8999, loss: 0.5283 2023-11-10 04:06:47,137 - mmseg - INFO - Iter [67650/80000] lr: 6.176e-06, eta: 0:58:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5166, decode.acc_seg: 80.8547, loss: 0.5166 2023-11-10 04:06:57,643 - mmseg - INFO - Iter [67700/80000] lr: 6.151e-06, eta: 0:58:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5373, decode.acc_seg: 80.1769, loss: 0.5373 2023-11-10 04:07:08,149 - mmseg - INFO - Iter [67750/80000] lr: 6.126e-06, eta: 0:57:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5316, decode.acc_seg: 79.9056, loss: 0.5316 2023-11-10 04:07:18,659 - mmseg - INFO - Iter [67800/80000] lr: 6.101e-06, eta: 0:57:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5357, decode.acc_seg: 79.9289, loss: 0.5357 2023-11-10 04:07:29,163 - mmseg - INFO - Iter [67850/80000] lr: 6.075e-06, eta: 0:57:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5556, decode.acc_seg: 79.1715, loss: 0.5556 2023-11-10 04:07:39,672 - mmseg - INFO - Iter [67900/80000] lr: 6.050e-06, eta: 0:57:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5282, decode.acc_seg: 80.1412, loss: 0.5282 2023-11-10 04:07:50,185 - mmseg - INFO - Iter [67950/80000] lr: 6.025e-06, eta: 0:56:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5166, decode.acc_seg: 79.7584, loss: 0.5166 2023-11-10 04:08:00,705 - mmseg - INFO - Saving checkpoint at 68000 iterations 2023-11-10 04:08:24,496 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:08:24,497 - mmseg - INFO - Iter [68000/80000] lr: 6.001e-06, eta: 0:56:48, time: 0.686, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5047, decode.acc_seg: 80.7147, loss: 0.5047 2023-11-10 04:09:12,365 - mmseg - INFO - per class results: 2023-11-10 04:09:12,370 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.16 | 84.78 | | building | 79.4 | 92.61 | | sky | 90.14 | 95.17 | | floor | 73.96 | 87.34 | | tree | 69.54 | 84.25 | | ceiling | 76.96 | 87.3 | | road | 78.77 | 87.94 | | bed | 84.08 | 92.71 | | windowpane | 58.23 | 75.43 | | grass | 66.49 | 80.1 | | cabinet | 54.3 | 68.5 | | sidewalk | 56.79 | 74.43 | | person | 75.48 | 90.29 | | earth | 34.58 | 46.55 | | door | 40.72 | 51.55 | | table | 53.59 | 67.82 | | mountain | 55.29 | 69.71 | | plant | 50.22 | 60.56 | | curtain | 64.6 | 75.83 | | chair | 52.99 | 69.06 | | car | 79.11 | 91.79 | | water | 57.16 | 74.59 | | painting | 66.4 | 81.05 | | sofa | 66.47 | 82.45 | | shelf | 37.8 | 53.47 | | house | 44.98 | 60.16 | | sea | 61.26 | 78.22 | | mirror | 58.73 | 71.0 | | rug | 49.67 | 54.46 | | field | 35.09 | 55.99 | | armchair | 42.36 | 58.18 | | seat | 56.04 | 77.89 | | fence | 38.0 | 49.43 | | desk | 41.76 | 67.03 | | rock | 52.28 | 68.63 | | wardrobe | 44.01 | 59.54 | | lamp | 56.64 | 70.92 | | bathtub | 73.41 | 81.78 | | railing | 32.83 | 44.74 | | cushion | 56.75 | 69.25 | | base | 25.85 | 39.75 | | box | 26.3 | 33.78 | | column | 35.86 | 44.36 | | signboard | 31.29 | 45.21 | | chest of drawers | 37.16 | 49.04 | | counter | 32.83 | 40.56 | | sand | 45.48 | 61.82 | | sink | 68.6 | 79.36 | | skyscraper | 44.93 | 59.01 | | fireplace | 63.8 | 81.0 | | refrigerator | 57.32 | 65.89 | | grandstand | 51.27 | 78.04 | | path | 17.14 | 23.05 | | stairs | 24.99 | 27.58 | | runway | 65.6 | 85.76 | | case | 54.1 | 68.4 | | pool table | 85.86 | 95.39 | | pillow | 54.38 | 64.95 | | screen door | 55.93 | 62.08 | | stairway | 47.09 | 63.78 | | river | 15.1 | 26.43 | | bridge | 42.12 | 50.49 | | bookcase | 32.18 | 45.96 | | blind | 24.76 | 27.74 | | coffee table | 57.66 | 81.03 | | toilet | 78.99 | 89.12 | | flower | 37.87 | 52.04 | | book | 46.79 | 67.28 | | hill | 5.25 | 8.32 | | bench | 47.41 | 56.97 | | countertop | 52.72 | 66.55 | | stove | 70.63 | 79.43 | | palm | 50.11 | 66.1 | | kitchen island | 37.29 | 57.49 | | computer | 63.21 | 78.09 | | swivel chair | 42.88 | 56.91 | | boat | 61.04 | 77.38 | | bar | 54.98 | 67.49 | | arcade machine | 62.33 | 70.38 | | hovel | 34.13 | 39.1 | | bus | 84.48 | 91.38 | | towel | 65.6 | 78.01 | | light | 36.49 | 42.54 | | truck | 36.13 | 49.39 | | tower | 20.12 | 30.92 | | chandelier | 62.53 | 76.11 | | awning | 27.52 | 35.58 | | streetlight | 21.72 | 26.29 | | booth | 35.03 | 43.13 | | television receiver | 67.61 | 76.73 | | airplane | 52.92 | 66.63 | | dirt track | 10.64 | 18.22 | | apparel | 44.63 | 57.4 | | pole | 13.18 | 16.01 | | land | 1.44 | 2.08 | | bannister | 6.99 | 9.2 | | escalator | 53.1 | 69.64 | | ottoman | 43.64 | 52.81 | | bottle | 40.55 | 66.01 | | buffet | 42.04 | 49.84 | | poster | 20.58 | 25.48 | | stage | 15.14 | 30.14 | | van | 39.51 | 52.32 | | ship | 33.62 | 38.09 | | fountain | 23.58 | 24.44 | | conveyer belt | 67.83 | 92.41 | | canopy | 33.52 | 40.94 | | washer | 75.69 | 82.77 | | plaything | 27.37 | 37.07 | | swimming pool | 59.83 | 81.33 | | stool | 30.42 | 38.21 | | barrel | 28.85 | 41.31 | | basket | 34.8 | 44.24 | | waterfall | 46.54 | 52.21 | | tent | 83.81 | 98.07 | | bag | 16.73 | 19.41 | | minibike | 66.44 | 83.69 | | cradle | 71.53 | 93.55 | | oven | 46.82 | 54.98 | | ball | 55.31 | 65.32 | | food | 51.41 | 60.38 | | step | 5.91 | 6.47 | | tank | 55.66 | 70.69 | | trade name | 17.78 | 19.8 | | microwave | 71.52 | 78.57 | | pot | 39.27 | 44.78 | | animal | 56.92 | 62.56 | | bicycle | 54.82 | 76.83 | | lake | 23.66 | 27.2 | | dishwasher | 50.06 | 54.12 | | screen | 44.08 | 59.35 | | blanket | 15.73 | 17.98 | | sculpture | 57.57 | 76.99 | | hood | 53.56 | 57.44 | | sconce | 37.62 | 46.53 | | vase | 37.3 | 52.64 | | traffic light | 31.64 | 43.55 | | tray | 11.23 | 13.81 | | ashcan | 42.03 | 50.83 | | fan | 52.33 | 64.92 | | pier | 34.83 | 42.92 | | crt screen | 5.39 | 10.73 | | plate | 49.64 | 64.02 | | monitor | 26.58 | 31.45 | | bulletin board | 44.48 | 58.41 | | shower | 3.54 | 4.04 | | radiator | 58.47 | 66.94 | | glass | 16.82 | 18.47 | | clock | 34.87 | 37.71 | | flag | 48.19 | 56.46 | +---------------------+-------+-------+ 2023-11-10 04:09:12,370 - mmseg - INFO - Summary: 2023-11-10 04:09:12,370 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.92 | 46.38 | 57.71 | +-------+-------+-------+ 2023-11-10 04:09:12,371 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:09:12,371 - mmseg - INFO - Iter(val) [250] aAcc: 0.7992, mIoU: 0.4638, mAcc: 0.5771, IoU.wall: 0.7016, IoU.building: 0.7940, IoU.sky: 0.9014, IoU.floor: 0.7396, IoU.tree: 0.6954, IoU.ceiling: 0.7696, IoU.road: 0.7877, IoU.bed : 0.8408, IoU.windowpane: 0.5823, IoU.grass: 0.6649, IoU.cabinet: 0.5430, IoU.sidewalk: 0.5679, IoU.person: 0.7548, IoU.earth: 0.3458, IoU.door: 0.4072, IoU.table: 0.5359, IoU.mountain: 0.5529, IoU.plant: 0.5022, IoU.curtain: 0.6460, IoU.chair: 0.5299, IoU.car: 0.7911, IoU.water: 0.5716, IoU.painting: 0.6640, IoU.sofa: 0.6647, IoU.shelf: 0.3780, IoU.house: 0.4498, IoU.sea: 0.6126, IoU.mirror: 0.5873, IoU.rug: 0.4967, IoU.field: 0.3509, IoU.armchair: 0.4236, IoU.seat: 0.5604, IoU.fence: 0.3800, IoU.desk: 0.4176, IoU.rock: 0.5228, IoU.wardrobe: 0.4401, IoU.lamp: 0.5664, IoU.bathtub: 0.7341, IoU.railing: 0.3283, IoU.cushion: 0.5675, IoU.base: 0.2585, IoU.box: 0.2630, IoU.column: 0.3586, IoU.signboard: 0.3129, IoU.chest of drawers: 0.3716, IoU.counter: 0.3283, IoU.sand: 0.4548, IoU.sink: 0.6860, IoU.skyscraper: 0.4493, IoU.fireplace: 0.6380, IoU.refrigerator: 0.5732, IoU.grandstand: 0.5127, IoU.path: 0.1714, IoU.stairs: 0.2499, IoU.runway: 0.6560, IoU.case: 0.5410, IoU.pool table: 0.8586, IoU.pillow: 0.5438, IoU.screen door: 0.5593, IoU.stairway: 0.4709, IoU.river: 0.1510, IoU.bridge: 0.4212, IoU.bookcase: 0.3218, IoU.blind: 0.2476, IoU.coffee table: 0.5766, IoU.toilet: 0.7899, IoU.flower: 0.3787, IoU.book: 0.4679, IoU.hill: 0.0525, IoU.bench: 0.4741, IoU.countertop: 0.5272, IoU.stove: 0.7063, IoU.palm: 0.5011, IoU.kitchen island: 0.3729, IoU.computer: 0.6321, IoU.swivel chair: 0.4288, IoU.boat: 0.6104, IoU.bar: 0.5498, IoU.arcade machine: 0.6233, IoU.hovel: 0.3413, IoU.bus: 0.8448, IoU.towel: 0.6560, IoU.light: 0.3649, IoU.truck: 0.3613, IoU.tower: 0.2012, IoU.chandelier: 0.6253, IoU.awning: 0.2752, IoU.streetlight: 0.2172, IoU.booth: 0.3503, IoU.television receiver: 0.6761, IoU.airplane: 0.5292, IoU.dirt track: 0.1064, IoU.apparel: 0.4463, IoU.pole: 0.1318, IoU.land: 0.0144, IoU.bannister: 0.0699, IoU.escalator: 0.5310, IoU.ottoman: 0.4364, IoU.bottle: 0.4055, IoU.buffet: 0.4204, IoU.poster: 0.2058, IoU.stage: 0.1514, IoU.van: 0.3951, IoU.ship: 0.3362, IoU.fountain: 0.2358, IoU.conveyer belt: 0.6783, IoU.canopy: 0.3352, IoU.washer: 0.7569, IoU.plaything: 0.2737, IoU.swimming pool: 0.5983, IoU.stool: 0.3042, IoU.barrel: 0.2885, IoU.basket: 0.3480, IoU.waterfall: 0.4654, IoU.tent: 0.8381, IoU.bag: 0.1673, IoU.minibike: 0.6644, IoU.cradle: 0.7153, IoU.oven: 0.4682, IoU.ball: 0.5531, IoU.food: 0.5141, IoU.step: 0.0591, IoU.tank: 0.5566, IoU.trade name: 0.1778, IoU.microwave: 0.7152, IoU.pot: 0.3927, IoU.animal: 0.5692, IoU.bicycle: 0.5482, IoU.lake: 0.2366, IoU.dishwasher: 0.5006, IoU.screen: 0.4408, IoU.blanket: 0.1573, IoU.sculpture: 0.5757, IoU.hood: 0.5356, IoU.sconce: 0.3762, IoU.vase: 0.3730, IoU.traffic light: 0.3164, IoU.tray: 0.1123, IoU.ashcan: 0.4203, IoU.fan: 0.5233, IoU.pier: 0.3483, IoU.crt screen: 0.0539, IoU.plate: 0.4964, IoU.monitor: 0.2658, IoU.bulletin board: 0.4448, IoU.shower: 0.0354, IoU.radiator: 0.5847, IoU.glass: 0.1682, IoU.clock: 0.3487, IoU.flag: 0.4819, Acc.wall: 0.8478, Acc.building: 0.9261, Acc.sky: 0.9517, Acc.floor: 0.8734, Acc.tree: 0.8425, Acc.ceiling: 0.8730, Acc.road: 0.8794, Acc.bed : 0.9271, Acc.windowpane: 0.7543, Acc.grass: 0.8010, Acc.cabinet: 0.6850, Acc.sidewalk: 0.7443, Acc.person: 0.9029, Acc.earth: 0.4655, Acc.door: 0.5155, Acc.table: 0.6782, Acc.mountain: 0.6971, Acc.plant: 0.6056, Acc.curtain: 0.7583, Acc.chair: 0.6906, Acc.car: 0.9179, Acc.water: 0.7459, Acc.painting: 0.8105, Acc.sofa: 0.8245, Acc.shelf: 0.5347, Acc.house: 0.6016, Acc.sea: 0.7822, Acc.mirror: 0.7100, Acc.rug: 0.5446, Acc.field: 0.5599, Acc.armchair: 0.5818, Acc.seat: 0.7789, Acc.fence: 0.4943, Acc.desk: 0.6703, Acc.rock: 0.6863, Acc.wardrobe: 0.5954, Acc.lamp: 0.7092, Acc.bathtub: 0.8178, Acc.railing: 0.4474, Acc.cushion: 0.6925, Acc.base: 0.3975, Acc.box: 0.3378, Acc.column: 0.4436, Acc.signboard: 0.4521, Acc.chest of drawers: 0.4904, Acc.counter: 0.4056, Acc.sand: 0.6182, Acc.sink: 0.7936, Acc.skyscraper: 0.5901, Acc.fireplace: 0.8100, Acc.refrigerator: 0.6589, Acc.grandstand: 0.7804, Acc.path: 0.2305, Acc.stairs: 0.2758, Acc.runway: 0.8576, Acc.case: 0.6840, Acc.pool table: 0.9539, Acc.pillow: 0.6495, Acc.screen door: 0.6208, Acc.stairway: 0.6378, Acc.river: 0.2643, Acc.bridge: 0.5049, Acc.bookcase: 0.4596, Acc.blind: 0.2774, Acc.coffee table: 0.8103, Acc.toilet: 0.8912, Acc.flower: 0.5204, Acc.book: 0.6728, Acc.hill: 0.0832, Acc.bench: 0.5697, Acc.countertop: 0.6655, Acc.stove: 0.7943, Acc.palm: 0.6610, Acc.kitchen island: 0.5749, Acc.computer: 0.7809, Acc.swivel chair: 0.5691, Acc.boat: 0.7738, Acc.bar: 0.6749, Acc.arcade machine: 0.7038, Acc.hovel: 0.3910, Acc.bus: 0.9138, Acc.towel: 0.7801, Acc.light: 0.4254, Acc.truck: 0.4939, Acc.tower: 0.3092, Acc.chandelier: 0.7611, Acc.awning: 0.3558, Acc.streetlight: 0.2629, Acc.booth: 0.4313, Acc.television receiver: 0.7673, Acc.airplane: 0.6663, Acc.dirt track: 0.1822, Acc.apparel: 0.5740, Acc.pole: 0.1601, Acc.land: 0.0208, Acc.bannister: 0.0920, Acc.escalator: 0.6964, Acc.ottoman: 0.5281, Acc.bottle: 0.6601, Acc.buffet: 0.4984, Acc.poster: 0.2548, Acc.stage: 0.3014, Acc.van: 0.5232, Acc.ship: 0.3809, Acc.fountain: 0.2444, Acc.conveyer belt: 0.9241, Acc.canopy: 0.4094, Acc.washer: 0.8277, Acc.plaything: 0.3707, Acc.swimming pool: 0.8133, Acc.stool: 0.3821, Acc.barrel: 0.4131, Acc.basket: 0.4424, Acc.waterfall: 0.5221, Acc.tent: 0.9807, Acc.bag: 0.1941, Acc.minibike: 0.8369, Acc.cradle: 0.9355, Acc.oven: 0.5498, Acc.ball: 0.6532, Acc.food: 0.6038, Acc.step: 0.0647, Acc.tank: 0.7069, Acc.trade name: 0.1980, Acc.microwave: 0.7857, Acc.pot: 0.4478, Acc.animal: 0.6256, Acc.bicycle: 0.7683, Acc.lake: 0.2720, Acc.dishwasher: 0.5412, Acc.screen: 0.5935, Acc.blanket: 0.1798, Acc.sculpture: 0.7699, Acc.hood: 0.5744, Acc.sconce: 0.4653, Acc.vase: 0.5264, Acc.traffic light: 0.4355, Acc.tray: 0.1381, Acc.ashcan: 0.5083, Acc.fan: 0.6492, Acc.pier: 0.4292, Acc.crt screen: 0.1073, Acc.plate: 0.6402, Acc.monitor: 0.3145, Acc.bulletin board: 0.5841, Acc.shower: 0.0404, Acc.radiator: 0.6694, Acc.glass: 0.1847, Acc.clock: 0.3771, Acc.flag: 0.5646 2023-11-10 04:09:22,960 - mmseg - INFO - Iter [68050/80000] lr: 5.976e-06, eta: 0:56:41, time: 1.169, data_time: 0.964, memory: 16310, decode.loss_ce: 0.5425, decode.acc_seg: 80.0239, loss: 0.5425 2023-11-10 04:09:33,527 - mmseg - INFO - Iter [68100/80000] lr: 5.951e-06, eta: 0:56:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5122, decode.acc_seg: 80.8174, loss: 0.5122 2023-11-10 04:09:44,063 - mmseg - INFO - Iter [68150/80000] lr: 5.926e-06, eta: 0:56:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5290, decode.acc_seg: 79.9815, loss: 0.5290 2023-11-10 04:09:54,585 - mmseg - INFO - Iter [68200/80000] lr: 5.901e-06, eta: 0:55:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5229, decode.acc_seg: 80.0311, loss: 0.5229 2023-11-10 04:10:07,441 - mmseg - INFO - Iter [68250/80000] lr: 5.875e-06, eta: 0:55:42, time: 0.257, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5605, decode.acc_seg: 79.2306, loss: 0.5605 2023-11-10 04:10:17,959 - mmseg - INFO - Iter [68300/80000] lr: 5.850e-06, eta: 0:55:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5193, decode.acc_seg: 80.9687, loss: 0.5193 2023-11-10 04:10:28,479 - mmseg - INFO - Iter [68350/80000] lr: 5.825e-06, eta: 0:55:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5306, decode.acc_seg: 79.4068, loss: 0.5306 2023-11-10 04:10:38,980 - mmseg - INFO - Iter [68400/80000] lr: 5.800e-06, eta: 0:54:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5155, decode.acc_seg: 80.6906, loss: 0.5155 2023-11-10 04:10:49,494 - mmseg - INFO - Iter [68450/80000] lr: 5.776e-06, eta: 0:54:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5233, decode.acc_seg: 80.7246, loss: 0.5233 2023-11-10 04:10:59,990 - mmseg - INFO - Iter [68500/80000] lr: 5.751e-06, eta: 0:54:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5248, decode.acc_seg: 79.9148, loss: 0.5248 2023-11-10 04:11:10,501 - mmseg - INFO - Iter [68550/80000] lr: 5.726e-06, eta: 0:54:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5175, decode.acc_seg: 80.4235, loss: 0.5175 2023-11-10 04:11:21,013 - mmseg - INFO - Iter [68600/80000] lr: 5.701e-06, eta: 0:53:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5276, decode.acc_seg: 80.0129, loss: 0.5276 2023-11-10 04:11:31,514 - mmseg - INFO - Iter [68650/80000] lr: 5.676e-06, eta: 0:53:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5084, decode.acc_seg: 81.0678, loss: 0.5084 2023-11-10 04:11:42,014 - mmseg - INFO - Iter [68700/80000] lr: 5.650e-06, eta: 0:53:29, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5166, decode.acc_seg: 80.3508, loss: 0.5166 2023-11-10 04:11:52,520 - mmseg - INFO - Iter [68750/80000] lr: 5.625e-06, eta: 0:53:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5356, decode.acc_seg: 79.6954, loss: 0.5356 2023-11-10 04:12:03,034 - mmseg - INFO - Iter [68800/80000] lr: 5.600e-06, eta: 0:52:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5109, decode.acc_seg: 80.3680, loss: 0.5109 2023-11-10 04:12:13,536 - mmseg - INFO - Iter [68850/80000] lr: 5.576e-06, eta: 0:52:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5299, decode.acc_seg: 80.1613, loss: 0.5299 2023-11-10 04:12:24,038 - mmseg - INFO - Iter [68900/80000] lr: 5.551e-06, eta: 0:52:30, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5321, decode.acc_seg: 79.6568, loss: 0.5321 2023-11-10 04:12:34,553 - mmseg - INFO - Iter [68950/80000] lr: 5.526e-06, eta: 0:52:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5240, decode.acc_seg: 80.4352, loss: 0.5240 2023-11-10 04:12:45,059 - mmseg - INFO - Saving checkpoint at 69000 iterations 2023-11-10 04:13:09,432 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:13:09,432 - mmseg - INFO - Iter [69000/80000] lr: 5.501e-06, eta: 0:52:04, time: 0.698, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5082, decode.acc_seg: 80.6585, loss: 0.5082 2023-11-10 04:13:56,496 - mmseg - INFO - per class results: 2023-11-10 04:13:56,502 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.18 | 84.9 | | building | 79.92 | 91.52 | | sky | 90.14 | 95.43 | | floor | 74.12 | 86.69 | | tree | 69.73 | 84.87 | | ceiling | 76.95 | 88.05 | | road | 78.62 | 88.55 | | bed | 83.59 | 93.81 | | windowpane | 58.15 | 75.25 | | grass | 66.69 | 80.62 | | cabinet | 54.25 | 68.5 | | sidewalk | 56.53 | 73.47 | | person | 75.19 | 91.01 | | earth | 35.16 | 48.05 | | door | 40.27 | 50.09 | | table | 53.65 | 68.75 | | mountain | 55.42 | 70.05 | | plant | 50.32 | 60.76 | | curtain | 64.39 | 76.6 | | chair | 52.92 | 68.58 | | car | 79.06 | 91.85 | | water | 56.66 | 74.53 | | painting | 66.59 | 80.42 | | sofa | 66.55 | 82.64 | | shelf | 37.69 | 52.8 | | house | 45.77 | 61.95 | | sea | 61.06 | 79.4 | | mirror | 58.51 | 69.95 | | rug | 50.25 | 55.39 | | field | 35.24 | 54.0 | | armchair | 42.32 | 58.42 | | seat | 56.33 | 76.5 | | fence | 37.3 | 47.71 | | desk | 41.87 | 66.88 | | rock | 52.35 | 69.87 | | wardrobe | 44.42 | 61.54 | | lamp | 56.57 | 70.61 | | bathtub | 73.37 | 82.43 | | railing | 32.54 | 44.3 | | cushion | 56.64 | 68.74 | | base | 25.54 | 38.99 | | box | 25.98 | 33.0 | | column | 34.84 | 42.31 | | signboard | 31.7 | 46.8 | | chest of drawers | 37.92 | 50.92 | | counter | 33.84 | 42.52 | | sand | 45.71 | 62.32 | | sink | 68.53 | 79.76 | | skyscraper | 45.28 | 61.0 | | fireplace | 63.8 | 80.98 | | refrigerator | 57.48 | 66.35 | | grandstand | 51.84 | 77.52 | | path | 17.82 | 24.54 | | stairs | 25.97 | 28.75 | | runway | 65.13 | 85.02 | | case | 54.16 | 68.09 | | pool table | 85.27 | 95.87 | | pillow | 54.03 | 64.67 | | screen door | 55.44 | 61.04 | | stairway | 47.07 | 63.08 | | river | 15.48 | 27.76 | | bridge | 43.24 | 52.7 | | bookcase | 32.36 | 46.23 | | blind | 22.39 | 24.84 | | coffee table | 58.05 | 80.9 | | toilet | 79.02 | 88.88 | | flower | 38.12 | 52.04 | | book | 46.68 | 67.95 | | hill | 5.41 | 8.28 | | bench | 47.33 | 56.43 | | countertop | 53.0 | 67.3 | | stove | 70.66 | 80.14 | | palm | 50.15 | 66.13 | | kitchen island | 37.19 | 57.22 | | computer | 63.34 | 79.4 | | swivel chair | 42.78 | 56.05 | | boat | 60.66 | 77.71 | | bar | 54.74 | 66.57 | | arcade machine | 63.17 | 71.94 | | hovel | 33.02 | 37.64 | | bus | 84.56 | 92.26 | | towel | 65.65 | 79.02 | | light | 35.48 | 40.82 | | truck | 36.54 | 50.05 | | tower | 21.86 | 34.04 | | chandelier | 62.66 | 76.86 | | awning | 28.03 | 35.9 | | streetlight | 21.72 | 26.04 | | booth | 34.78 | 43.56 | | television receiver | 67.91 | 78.66 | | airplane | 53.04 | 66.41 | | dirt track | 10.53 | 16.48 | | apparel | 44.77 | 57.99 | | pole | 14.0 | 17.11 | | land | 1.41 | 2.02 | | bannister | 7.25 | 9.67 | | escalator | 53.44 | 69.84 | | ottoman | 43.49 | 53.51 | | bottle | 40.51 | 66.44 | | buffet | 40.84 | 47.4 | | poster | 20.57 | 25.53 | | stage | 15.17 | 29.95 | | van | 38.7 | 50.98 | | ship | 32.68 | 36.58 | | fountain | 22.46 | 23.24 | | conveyer belt | 67.18 | 92.66 | | canopy | 32.38 | 39.15 | | washer | 76.67 | 84.25 | | plaything | 27.36 | 37.91 | | swimming pool | 59.68 | 81.12 | | stool | 30.74 | 39.7 | | barrel | 28.98 | 41.75 | | basket | 34.66 | 44.45 | | waterfall | 45.47 | 50.22 | | tent | 83.57 | 98.21 | | bag | 16.67 | 19.29 | | minibike | 66.39 | 83.33 | | cradle | 70.48 | 94.03 | | oven | 47.51 | 56.04 | | ball | 55.62 | 65.98 | | food | 51.88 | 61.29 | | step | 6.02 | 6.59 | | tank | 55.4 | 69.92 | | trade name | 18.33 | 20.64 | | microwave | 71.44 | 77.97 | | pot | 38.72 | 43.97 | | animal | 56.72 | 62.15 | | bicycle | 55.2 | 77.15 | | lake | 24.79 | 28.15 | | dishwasher | 49.85 | 53.85 | | screen | 43.93 | 58.48 | | blanket | 14.74 | 16.88 | | sculpture | 57.32 | 77.33 | | hood | 52.86 | 56.45 | | sconce | 37.42 | 46.34 | | vase | 37.41 | 51.82 | | traffic light | 31.87 | 43.98 | | tray | 11.67 | 14.5 | | ashcan | 41.81 | 50.0 | | fan | 52.45 | 65.2 | | pier | 34.66 | 43.22 | | crt screen | 5.97 | 11.77 | | plate | 49.95 | 65.06 | | monitor | 27.56 | 32.26 | | bulletin board | 44.95 | 58.01 | | shower | 3.43 | 4.09 | | radiator | 58.87 | 68.48 | | glass | 16.33 | 17.75 | | clock | 35.13 | 38.1 | | flag | 47.9 | 56.31 | +---------------------+-------+-------+ 2023-11-10 04:13:56,502 - mmseg - INFO - Summary: 2023-11-10 04:13:56,502 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.96 | 46.38 | 57.81 | +-------+-------+-------+ 2023-11-10 04:13:56,503 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:13:56,503 - mmseg - INFO - Iter(val) [250] aAcc: 0.7996, mIoU: 0.4638, mAcc: 0.5781, IoU.wall: 0.7018, IoU.building: 0.7992, IoU.sky: 0.9014, IoU.floor: 0.7412, IoU.tree: 0.6973, IoU.ceiling: 0.7695, IoU.road: 0.7862, IoU.bed : 0.8359, IoU.windowpane: 0.5815, IoU.grass: 0.6669, IoU.cabinet: 0.5425, IoU.sidewalk: 0.5653, IoU.person: 0.7519, IoU.earth: 0.3516, IoU.door: 0.4027, IoU.table: 0.5365, IoU.mountain: 0.5542, IoU.plant: 0.5032, IoU.curtain: 0.6439, IoU.chair: 0.5292, IoU.car: 0.7906, IoU.water: 0.5666, IoU.painting: 0.6659, IoU.sofa: 0.6655, IoU.shelf: 0.3769, IoU.house: 0.4577, IoU.sea: 0.6106, IoU.mirror: 0.5851, IoU.rug: 0.5025, IoU.field: 0.3524, IoU.armchair: 0.4232, IoU.seat: 0.5633, IoU.fence: 0.3730, IoU.desk: 0.4187, IoU.rock: 0.5235, IoU.wardrobe: 0.4442, IoU.lamp: 0.5657, IoU.bathtub: 0.7337, IoU.railing: 0.3254, IoU.cushion: 0.5664, IoU.base: 0.2554, IoU.box: 0.2598, IoU.column: 0.3484, IoU.signboard: 0.3170, IoU.chest of drawers: 0.3792, IoU.counter: 0.3384, IoU.sand: 0.4571, IoU.sink: 0.6853, IoU.skyscraper: 0.4528, IoU.fireplace: 0.6380, IoU.refrigerator: 0.5748, IoU.grandstand: 0.5184, IoU.path: 0.1782, IoU.stairs: 0.2597, IoU.runway: 0.6513, IoU.case: 0.5416, IoU.pool table: 0.8527, IoU.pillow: 0.5403, IoU.screen door: 0.5544, IoU.stairway: 0.4707, IoU.river: 0.1548, IoU.bridge: 0.4324, IoU.bookcase: 0.3236, IoU.blind: 0.2239, IoU.coffee table: 0.5805, IoU.toilet: 0.7902, IoU.flower: 0.3812, IoU.book: 0.4668, IoU.hill: 0.0541, IoU.bench: 0.4733, IoU.countertop: 0.5300, IoU.stove: 0.7066, IoU.palm: 0.5015, IoU.kitchen island: 0.3719, IoU.computer: 0.6334, IoU.swivel chair: 0.4278, IoU.boat: 0.6066, IoU.bar: 0.5474, IoU.arcade machine: 0.6317, IoU.hovel: 0.3302, IoU.bus: 0.8456, IoU.towel: 0.6565, IoU.light: 0.3548, IoU.truck: 0.3654, IoU.tower: 0.2186, IoU.chandelier: 0.6266, IoU.awning: 0.2803, IoU.streetlight: 0.2172, IoU.booth: 0.3478, IoU.television receiver: 0.6791, IoU.airplane: 0.5304, IoU.dirt track: 0.1053, IoU.apparel: 0.4477, IoU.pole: 0.1400, IoU.land: 0.0141, IoU.bannister: 0.0725, IoU.escalator: 0.5344, IoU.ottoman: 0.4349, IoU.bottle: 0.4051, IoU.buffet: 0.4084, IoU.poster: 0.2057, IoU.stage: 0.1517, IoU.van: 0.3870, IoU.ship: 0.3268, IoU.fountain: 0.2246, IoU.conveyer belt: 0.6718, IoU.canopy: 0.3238, IoU.washer: 0.7667, IoU.plaything: 0.2736, IoU.swimming pool: 0.5968, IoU.stool: 0.3074, IoU.barrel: 0.2898, IoU.basket: 0.3466, IoU.waterfall: 0.4547, IoU.tent: 0.8357, IoU.bag: 0.1667, IoU.minibike: 0.6639, IoU.cradle: 0.7048, IoU.oven: 0.4751, IoU.ball: 0.5562, IoU.food: 0.5188, IoU.step: 0.0602, IoU.tank: 0.5540, IoU.trade name: 0.1833, IoU.microwave: 0.7144, IoU.pot: 0.3872, IoU.animal: 0.5672, IoU.bicycle: 0.5520, IoU.lake: 0.2479, IoU.dishwasher: 0.4985, IoU.screen: 0.4393, IoU.blanket: 0.1474, IoU.sculpture: 0.5732, IoU.hood: 0.5286, IoU.sconce: 0.3742, IoU.vase: 0.3741, IoU.traffic light: 0.3187, IoU.tray: 0.1167, IoU.ashcan: 0.4181, IoU.fan: 0.5245, IoU.pier: 0.3466, IoU.crt screen: 0.0597, IoU.plate: 0.4995, IoU.monitor: 0.2756, IoU.bulletin board: 0.4495, IoU.shower: 0.0343, IoU.radiator: 0.5887, IoU.glass: 0.1633, IoU.clock: 0.3513, IoU.flag: 0.4790, Acc.wall: 0.8490, Acc.building: 0.9152, Acc.sky: 0.9543, Acc.floor: 0.8669, Acc.tree: 0.8487, Acc.ceiling: 0.8805, Acc.road: 0.8855, Acc.bed : 0.9381, Acc.windowpane: 0.7525, Acc.grass: 0.8062, Acc.cabinet: 0.6850, Acc.sidewalk: 0.7347, Acc.person: 0.9101, Acc.earth: 0.4805, Acc.door: 0.5009, Acc.table: 0.6875, Acc.mountain: 0.7005, Acc.plant: 0.6076, Acc.curtain: 0.7660, Acc.chair: 0.6858, Acc.car: 0.9185, Acc.water: 0.7453, Acc.painting: 0.8042, Acc.sofa: 0.8264, Acc.shelf: 0.5280, Acc.house: 0.6195, Acc.sea: 0.7940, Acc.mirror: 0.6995, Acc.rug: 0.5539, Acc.field: 0.5400, Acc.armchair: 0.5842, Acc.seat: 0.7650, Acc.fence: 0.4771, Acc.desk: 0.6688, Acc.rock: 0.6987, Acc.wardrobe: 0.6154, Acc.lamp: 0.7061, Acc.bathtub: 0.8243, Acc.railing: 0.4430, Acc.cushion: 0.6874, Acc.base: 0.3899, Acc.box: 0.3300, Acc.column: 0.4231, Acc.signboard: 0.4680, Acc.chest of drawers: 0.5092, Acc.counter: 0.4252, Acc.sand: 0.6232, Acc.sink: 0.7976, Acc.skyscraper: 0.6100, Acc.fireplace: 0.8098, Acc.refrigerator: 0.6635, Acc.grandstand: 0.7752, Acc.path: 0.2454, Acc.stairs: 0.2875, Acc.runway: 0.8502, Acc.case: 0.6809, Acc.pool table: 0.9587, Acc.pillow: 0.6467, Acc.screen door: 0.6104, Acc.stairway: 0.6308, Acc.river: 0.2776, Acc.bridge: 0.5270, Acc.bookcase: 0.4623, Acc.blind: 0.2484, Acc.coffee table: 0.8090, Acc.toilet: 0.8888, Acc.flower: 0.5204, Acc.book: 0.6795, Acc.hill: 0.0828, Acc.bench: 0.5643, Acc.countertop: 0.6730, Acc.stove: 0.8014, Acc.palm: 0.6613, Acc.kitchen island: 0.5722, Acc.computer: 0.7940, Acc.swivel chair: 0.5605, Acc.boat: 0.7771, Acc.bar: 0.6657, Acc.arcade machine: 0.7194, Acc.hovel: 0.3764, Acc.bus: 0.9226, Acc.towel: 0.7902, Acc.light: 0.4082, Acc.truck: 0.5005, Acc.tower: 0.3404, Acc.chandelier: 0.7686, Acc.awning: 0.3590, Acc.streetlight: 0.2604, Acc.booth: 0.4356, Acc.television receiver: 0.7866, Acc.airplane: 0.6641, Acc.dirt track: 0.1648, Acc.apparel: 0.5799, Acc.pole: 0.1711, Acc.land: 0.0202, Acc.bannister: 0.0967, Acc.escalator: 0.6984, Acc.ottoman: 0.5351, Acc.bottle: 0.6644, Acc.buffet: 0.4740, Acc.poster: 0.2553, Acc.stage: 0.2995, Acc.van: 0.5098, Acc.ship: 0.3658, Acc.fountain: 0.2324, Acc.conveyer belt: 0.9266, Acc.canopy: 0.3915, Acc.washer: 0.8425, Acc.plaything: 0.3791, Acc.swimming pool: 0.8112, Acc.stool: 0.3970, Acc.barrel: 0.4175, Acc.basket: 0.4445, Acc.waterfall: 0.5022, Acc.tent: 0.9821, Acc.bag: 0.1929, Acc.minibike: 0.8333, Acc.cradle: 0.9403, Acc.oven: 0.5604, Acc.ball: 0.6598, Acc.food: 0.6129, Acc.step: 0.0659, Acc.tank: 0.6992, Acc.trade name: 0.2064, Acc.microwave: 0.7797, Acc.pot: 0.4397, Acc.animal: 0.6215, Acc.bicycle: 0.7715, Acc.lake: 0.2815, Acc.dishwasher: 0.5385, Acc.screen: 0.5848, Acc.blanket: 0.1688, Acc.sculpture: 0.7733, Acc.hood: 0.5645, Acc.sconce: 0.4634, Acc.vase: 0.5182, Acc.traffic light: 0.4398, Acc.tray: 0.1450, Acc.ashcan: 0.5000, Acc.fan: 0.6520, Acc.pier: 0.4322, Acc.crt screen: 0.1177, Acc.plate: 0.6506, Acc.monitor: 0.3226, Acc.bulletin board: 0.5801, Acc.shower: 0.0409, Acc.radiator: 0.6848, Acc.glass: 0.1775, Acc.clock: 0.3810, Acc.flag: 0.5631 2023-11-10 04:14:07,482 - mmseg - INFO - Iter [69050/80000] lr: 5.476e-06, eta: 0:51:57, time: 1.161, data_time: 0.956, memory: 16310, decode.loss_ce: 0.5228, decode.acc_seg: 80.3093, loss: 0.5228 2023-11-10 04:14:18,071 - mmseg - INFO - Iter [69100/80000] lr: 5.450e-06, eta: 0:51:42, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 79.7443, loss: 0.5366 2023-11-10 04:14:28,633 - mmseg - INFO - Iter [69150/80000] lr: 5.425e-06, eta: 0:51:27, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5110, decode.acc_seg: 80.6946, loss: 0.5110 2023-11-10 04:14:39,167 - mmseg - INFO - Iter [69200/80000] lr: 5.400e-06, eta: 0:51:12, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5433, decode.acc_seg: 79.9383, loss: 0.5433 2023-11-10 04:14:49,697 - mmseg - INFO - Iter [69250/80000] lr: 5.376e-06, eta: 0:50:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5118, decode.acc_seg: 80.5225, loss: 0.5118 2023-11-10 04:15:00,630 - mmseg - INFO - Iter [69300/80000] lr: 5.351e-06, eta: 0:50:43, time: 0.219, data_time: 0.013, memory: 16310, decode.loss_ce: 0.5348, decode.acc_seg: 79.8329, loss: 0.5348 2023-11-10 04:15:11,150 - mmseg - INFO - Iter [69350/80000] lr: 5.326e-06, eta: 0:50:28, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5290, decode.acc_seg: 80.0160, loss: 0.5290 2023-11-10 04:15:21,656 - mmseg - INFO - Iter [69400/80000] lr: 5.301e-06, eta: 0:50:13, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5179, decode.acc_seg: 79.8945, loss: 0.5179 2023-11-10 04:15:32,179 - mmseg - INFO - Iter [69450/80000] lr: 5.276e-06, eta: 0:49:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5243, decode.acc_seg: 79.5384, loss: 0.5243 2023-11-10 04:15:44,961 - mmseg - INFO - Iter [69500/80000] lr: 5.250e-06, eta: 0:49:44, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5336, decode.acc_seg: 79.8074, loss: 0.5336 2023-11-10 04:15:55,524 - mmseg - INFO - Iter [69550/80000] lr: 5.225e-06, eta: 0:49:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5185, decode.acc_seg: 80.1604, loss: 0.5185 2023-11-10 04:16:06,043 - mmseg - INFO - Iter [69600/80000] lr: 5.200e-06, eta: 0:49:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5118, decode.acc_seg: 80.3038, loss: 0.5118 2023-11-10 04:16:16,563 - mmseg - INFO - Iter [69650/80000] lr: 5.175e-06, eta: 0:49:00, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5018, decode.acc_seg: 81.3315, loss: 0.5018 2023-11-10 04:16:27,077 - mmseg - INFO - Iter [69700/80000] lr: 5.151e-06, eta: 0:48:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5081, decode.acc_seg: 80.9812, loss: 0.5081 2023-11-10 04:16:37,599 - mmseg - INFO - Iter [69750/80000] lr: 5.126e-06, eta: 0:48:30, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5231, decode.acc_seg: 80.3308, loss: 0.5231 2023-11-10 04:16:48,118 - mmseg - INFO - Iter [69800/80000] lr: 5.101e-06, eta: 0:48:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5044, decode.acc_seg: 80.4302, loss: 0.5044 2023-11-10 04:16:58,635 - mmseg - INFO - Iter [69850/80000] lr: 5.076e-06, eta: 0:48:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5290, decode.acc_seg: 80.0222, loss: 0.5290 2023-11-10 04:17:09,624 - mmseg - INFO - Iter [69900/80000] lr: 5.051e-06, eta: 0:47:46, time: 0.220, data_time: 0.015, memory: 16310, decode.loss_ce: 0.5060, decode.acc_seg: 81.1318, loss: 0.5060 2023-11-10 04:17:20,129 - mmseg - INFO - Iter [69950/80000] lr: 5.025e-06, eta: 0:47:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5185, decode.acc_seg: 80.4142, loss: 0.5185 2023-11-10 04:17:30,691 - mmseg - INFO - Saving checkpoint at 70000 iterations 2023-11-10 04:17:55,109 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:17:55,109 - mmseg - INFO - Iter [70000/80000] lr: 5.000e-06, eta: 0:47:20, time: 0.700, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5015, decode.acc_seg: 80.7976, loss: 0.5015 2023-11-10 04:18:40,902 - mmseg - INFO - per class results: 2023-11-10 04:18:40,908 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.04 | 85.39 | | building | 79.58 | 92.28 | | sky | 90.06 | 95.55 | | floor | 73.89 | 87.41 | | tree | 69.5 | 83.69 | | ceiling | 76.95 | 87.7 | | road | 78.53 | 88.81 | | bed | 83.97 | 92.97 | | windowpane | 58.13 | 74.91 | | grass | 66.75 | 81.46 | | cabinet | 54.21 | 68.36 | | sidewalk | 56.42 | 71.78 | | person | 75.5 | 90.19 | | earth | 35.24 | 47.93 | | door | 40.16 | 50.11 | | table | 53.78 | 68.66 | | mountain | 55.26 | 69.66 | | plant | 49.93 | 59.65 | | curtain | 64.29 | 75.14 | | chair | 52.77 | 67.59 | | car | 78.94 | 91.94 | | water | 56.5 | 72.84 | | painting | 66.5 | 81.03 | | sofa | 66.65 | 82.46 | | shelf | 37.63 | 52.57 | | house | 44.95 | 61.22 | | sea | 60.59 | 79.09 | | mirror | 58.26 | 69.0 | | rug | 48.88 | 53.38 | | field | 34.83 | 52.26 | | armchair | 42.27 | 58.26 | | seat | 56.27 | 76.27 | | fence | 37.5 | 48.33 | | desk | 41.79 | 67.46 | | rock | 52.39 | 69.8 | | wardrobe | 44.11 | 60.2 | | lamp | 56.53 | 70.34 | | bathtub | 72.9 | 80.1 | | railing | 32.41 | 43.69 | | cushion | 56.61 | 67.97 | | base | 25.38 | 38.62 | | box | 26.15 | 33.38 | | column | 35.0 | 42.52 | | signboard | 31.51 | 45.7 | | chest of drawers | 37.79 | 50.88 | | counter | 33.19 | 41.3 | | sand | 44.37 | 59.31 | | sink | 68.68 | 79.34 | | skyscraper | 45.1 | 58.71 | | fireplace | 63.98 | 80.24 | | refrigerator | 57.55 | 66.34 | | grandstand | 50.91 | 78.76 | | path | 17.36 | 23.39 | | stairs | 26.79 | 30.01 | | runway | 65.58 | 86.39 | | case | 54.09 | 68.44 | | pool table | 85.86 | 95.46 | | pillow | 54.71 | 65.86 | | screen door | 54.32 | 58.96 | | stairway | 47.3 | 63.13 | | river | 15.44 | 27.44 | | bridge | 41.92 | 50.7 | | bookcase | 32.58 | 47.64 | | blind | 25.79 | 28.96 | | coffee table | 58.86 | 78.88 | | toilet | 79.15 | 88.51 | | flower | 38.1 | 52.32 | | book | 46.54 | 66.72 | | hill | 5.39 | 8.49 | | bench | 47.35 | 56.32 | | countertop | 52.25 | 64.56 | | stove | 70.58 | 79.33 | | palm | 49.22 | 61.99 | | kitchen island | 37.34 | 56.38 | | computer | 63.22 | 77.48 | | swivel chair | 43.5 | 58.87 | | boat | 61.34 | 78.14 | | bar | 54.4 | 65.41 | | arcade machine | 61.67 | 69.3 | | hovel | 28.34 | 31.5 | | bus | 84.58 | 91.44 | | towel | 65.74 | 78.04 | | light | 35.62 | 41.17 | | truck | 36.47 | 49.69 | | tower | 21.39 | 33.29 | | chandelier | 62.63 | 76.36 | | awning | 27.3 | 34.75 | | streetlight | 21.17 | 24.83 | | booth | 34.5 | 42.96 | | television receiver | 67.51 | 76.16 | | airplane | 53.32 | 66.09 | | dirt track | 11.3 | 18.95 | | apparel | 44.31 | 56.6 | | pole | 13.8 | 16.83 | | land | 1.5 | 2.16 | | bannister | 6.41 | 8.32 | | escalator | 52.93 | 68.19 | | ottoman | 43.79 | 52.86 | | bottle | 40.54 | 66.11 | | buffet | 40.28 | 46.35 | | poster | 20.29 | 24.83 | | stage | 14.88 | 28.19 | | van | 36.71 | 47.12 | | ship | 32.99 | 37.14 | | fountain | 23.79 | 24.61 | | conveyer belt | 68.15 | 92.43 | | canopy | 31.43 | 37.31 | | washer | 75.61 | 82.56 | | plaything | 27.46 | 37.14 | | swimming pool | 59.85 | 79.85 | | stool | 30.02 | 37.43 | | barrel | 29.08 | 40.33 | | basket | 34.57 | 43.75 | | waterfall | 45.35 | 49.61 | | tent | 84.59 | 98.08 | | bag | 16.56 | 19.07 | | minibike | 66.43 | 83.85 | | cradle | 71.27 | 93.62 | | oven | 47.58 | 55.88 | | ball | 56.3 | 67.06 | | food | 50.2 | 58.31 | | step | 5.74 | 6.23 | | tank | 55.88 | 71.08 | | trade name | 16.99 | 18.78 | | microwave | 70.58 | 76.69 | | pot | 38.32 | 43.22 | | animal | 54.95 | 59.42 | | bicycle | 54.91 | 75.42 | | lake | 25.04 | 28.68 | | dishwasher | 49.32 | 52.96 | | screen | 43.41 | 56.66 | | blanket | 15.23 | 17.44 | | sculpture | 58.17 | 76.2 | | hood | 52.62 | 56.14 | | sconce | 36.42 | 44.18 | | vase | 37.37 | 52.07 | | traffic light | 31.74 | 43.55 | | tray | 11.97 | 14.95 | | ashcan | 41.97 | 50.59 | | fan | 52.67 | 65.66 | | pier | 34.87 | 43.05 | | crt screen | 5.84 | 11.46 | | plate | 49.67 | 64.23 | | monitor | 25.84 | 30.36 | | bulletin board | 44.76 | 57.75 | | shower | 3.11 | 3.54 | | radiator | 58.62 | 66.33 | | glass | 16.43 | 17.88 | | clock | 34.58 | 37.35 | | flag | 47.35 | 54.67 | +---------------------+-------+-------+ 2023-11-10 04:18:40,908 - mmseg - INFO - Summary: 2023-11-10 04:18:40,908 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.91 | 46.22 | 57.19 | +-------+-------+-------+ 2023-11-10 04:18:40,909 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:18:40,909 - mmseg - INFO - Iter(val) [250] aAcc: 0.7991, mIoU: 0.4622, mAcc: 0.5719, IoU.wall: 0.7004, IoU.building: 0.7958, IoU.sky: 0.9006, IoU.floor: 0.7389, IoU.tree: 0.6950, IoU.ceiling: 0.7695, IoU.road: 0.7853, IoU.bed : 0.8397, IoU.windowpane: 0.5813, IoU.grass: 0.6675, IoU.cabinet: 0.5421, IoU.sidewalk: 0.5642, IoU.person: 0.7550, IoU.earth: 0.3524, IoU.door: 0.4016, IoU.table: 0.5378, IoU.mountain: 0.5526, IoU.plant: 0.4993, IoU.curtain: 0.6429, IoU.chair: 0.5277, IoU.car: 0.7894, IoU.water: 0.5650, IoU.painting: 0.6650, IoU.sofa: 0.6665, IoU.shelf: 0.3763, IoU.house: 0.4495, IoU.sea: 0.6059, IoU.mirror: 0.5826, IoU.rug: 0.4888, IoU.field: 0.3483, IoU.armchair: 0.4227, IoU.seat: 0.5627, IoU.fence: 0.3750, IoU.desk: 0.4179, IoU.rock: 0.5239, IoU.wardrobe: 0.4411, IoU.lamp: 0.5653, IoU.bathtub: 0.7290, IoU.railing: 0.3241, IoU.cushion: 0.5661, IoU.base: 0.2538, IoU.box: 0.2615, IoU.column: 0.3500, IoU.signboard: 0.3151, IoU.chest of drawers: 0.3779, IoU.counter: 0.3319, IoU.sand: 0.4437, IoU.sink: 0.6868, IoU.skyscraper: 0.4510, IoU.fireplace: 0.6398, IoU.refrigerator: 0.5755, IoU.grandstand: 0.5091, IoU.path: 0.1736, IoU.stairs: 0.2679, IoU.runway: 0.6558, IoU.case: 0.5409, IoU.pool table: 0.8586, IoU.pillow: 0.5471, IoU.screen door: 0.5432, IoU.stairway: 0.4730, IoU.river: 0.1544, IoU.bridge: 0.4192, IoU.bookcase: 0.3258, IoU.blind: 0.2579, IoU.coffee table: 0.5886, IoU.toilet: 0.7915, IoU.flower: 0.3810, IoU.book: 0.4654, IoU.hill: 0.0539, IoU.bench: 0.4735, IoU.countertop: 0.5225, IoU.stove: 0.7058, IoU.palm: 0.4922, IoU.kitchen island: 0.3734, IoU.computer: 0.6322, IoU.swivel chair: 0.4350, IoU.boat: 0.6134, IoU.bar: 0.5440, IoU.arcade machine: 0.6167, IoU.hovel: 0.2834, IoU.bus: 0.8458, IoU.towel: 0.6574, IoU.light: 0.3562, IoU.truck: 0.3647, IoU.tower: 0.2139, IoU.chandelier: 0.6263, IoU.awning: 0.2730, IoU.streetlight: 0.2117, IoU.booth: 0.3450, IoU.television receiver: 0.6751, IoU.airplane: 0.5332, IoU.dirt track: 0.1130, IoU.apparel: 0.4431, IoU.pole: 0.1380, IoU.land: 0.0150, IoU.bannister: 0.0641, IoU.escalator: 0.5293, IoU.ottoman: 0.4379, IoU.bottle: 0.4054, IoU.buffet: 0.4028, IoU.poster: 0.2029, IoU.stage: 0.1488, IoU.van: 0.3671, IoU.ship: 0.3299, IoU.fountain: 0.2379, IoU.conveyer belt: 0.6815, IoU.canopy: 0.3143, IoU.washer: 0.7561, IoU.plaything: 0.2746, IoU.swimming pool: 0.5985, IoU.stool: 0.3002, IoU.barrel: 0.2908, IoU.basket: 0.3457, IoU.waterfall: 0.4535, IoU.tent: 0.8459, IoU.bag: 0.1656, IoU.minibike: 0.6643, IoU.cradle: 0.7127, IoU.oven: 0.4758, IoU.ball: 0.5630, IoU.food: 0.5020, IoU.step: 0.0574, IoU.tank: 0.5588, IoU.trade name: 0.1699, IoU.microwave: 0.7058, IoU.pot: 0.3832, IoU.animal: 0.5495, IoU.bicycle: 0.5491, IoU.lake: 0.2504, IoU.dishwasher: 0.4932, IoU.screen: 0.4341, IoU.blanket: 0.1523, IoU.sculpture: 0.5817, IoU.hood: 0.5262, IoU.sconce: 0.3642, IoU.vase: 0.3737, IoU.traffic light: 0.3174, IoU.tray: 0.1197, IoU.ashcan: 0.4197, IoU.fan: 0.5267, IoU.pier: 0.3487, IoU.crt screen: 0.0584, IoU.plate: 0.4967, IoU.monitor: 0.2584, IoU.bulletin board: 0.4476, IoU.shower: 0.0311, IoU.radiator: 0.5862, IoU.glass: 0.1643, IoU.clock: 0.3458, IoU.flag: 0.4735, Acc.wall: 0.8539, Acc.building: 0.9228, Acc.sky: 0.9555, Acc.floor: 0.8741, Acc.tree: 0.8369, Acc.ceiling: 0.8770, Acc.road: 0.8881, Acc.bed : 0.9297, Acc.windowpane: 0.7491, Acc.grass: 0.8146, Acc.cabinet: 0.6836, Acc.sidewalk: 0.7178, Acc.person: 0.9019, Acc.earth: 0.4793, Acc.door: 0.5011, Acc.table: 0.6866, Acc.mountain: 0.6966, Acc.plant: 0.5965, Acc.curtain: 0.7514, Acc.chair: 0.6759, Acc.car: 0.9194, Acc.water: 0.7284, Acc.painting: 0.8103, Acc.sofa: 0.8246, Acc.shelf: 0.5257, Acc.house: 0.6122, Acc.sea: 0.7909, Acc.mirror: 0.6900, Acc.rug: 0.5338, Acc.field: 0.5226, Acc.armchair: 0.5826, Acc.seat: 0.7627, Acc.fence: 0.4833, Acc.desk: 0.6746, Acc.rock: 0.6980, Acc.wardrobe: 0.6020, Acc.lamp: 0.7034, Acc.bathtub: 0.8010, Acc.railing: 0.4369, Acc.cushion: 0.6797, Acc.base: 0.3862, Acc.box: 0.3338, Acc.column: 0.4252, Acc.signboard: 0.4570, Acc.chest of drawers: 0.5088, Acc.counter: 0.4130, Acc.sand: 0.5931, Acc.sink: 0.7934, Acc.skyscraper: 0.5871, Acc.fireplace: 0.8024, Acc.refrigerator: 0.6634, Acc.grandstand: 0.7876, Acc.path: 0.2339, Acc.stairs: 0.3001, Acc.runway: 0.8639, Acc.case: 0.6844, Acc.pool table: 0.9546, Acc.pillow: 0.6586, Acc.screen door: 0.5896, Acc.stairway: 0.6313, Acc.river: 0.2744, Acc.bridge: 0.5070, Acc.bookcase: 0.4764, Acc.blind: 0.2896, Acc.coffee table: 0.7888, Acc.toilet: 0.8851, Acc.flower: 0.5232, Acc.book: 0.6672, Acc.hill: 0.0849, Acc.bench: 0.5632, Acc.countertop: 0.6456, Acc.stove: 0.7933, Acc.palm: 0.6199, Acc.kitchen island: 0.5638, Acc.computer: 0.7748, Acc.swivel chair: 0.5887, Acc.boat: 0.7814, Acc.bar: 0.6541, Acc.arcade machine: 0.6930, Acc.hovel: 0.3150, Acc.bus: 0.9144, Acc.towel: 0.7804, Acc.light: 0.4117, Acc.truck: 0.4969, Acc.tower: 0.3329, Acc.chandelier: 0.7636, Acc.awning: 0.3475, Acc.streetlight: 0.2483, Acc.booth: 0.4296, Acc.television receiver: 0.7616, Acc.airplane: 0.6609, Acc.dirt track: 0.1895, Acc.apparel: 0.5660, Acc.pole: 0.1683, Acc.land: 0.0216, Acc.bannister: 0.0832, Acc.escalator: 0.6819, Acc.ottoman: 0.5286, Acc.bottle: 0.6611, Acc.buffet: 0.4635, Acc.poster: 0.2483, Acc.stage: 0.2819, Acc.van: 0.4712, Acc.ship: 0.3714, Acc.fountain: 0.2461, Acc.conveyer belt: 0.9243, Acc.canopy: 0.3731, Acc.washer: 0.8256, Acc.plaything: 0.3714, Acc.swimming pool: 0.7985, Acc.stool: 0.3743, Acc.barrel: 0.4033, Acc.basket: 0.4375, Acc.waterfall: 0.4961, Acc.tent: 0.9808, Acc.bag: 0.1907, Acc.minibike: 0.8385, Acc.cradle: 0.9362, Acc.oven: 0.5588, Acc.ball: 0.6706, Acc.food: 0.5831, Acc.step: 0.0623, Acc.tank: 0.7108, Acc.trade name: 0.1878, Acc.microwave: 0.7669, Acc.pot: 0.4322, Acc.animal: 0.5942, Acc.bicycle: 0.7542, Acc.lake: 0.2868, Acc.dishwasher: 0.5296, Acc.screen: 0.5666, Acc.blanket: 0.1744, Acc.sculpture: 0.7620, Acc.hood: 0.5614, Acc.sconce: 0.4418, Acc.vase: 0.5207, Acc.traffic light: 0.4355, Acc.tray: 0.1495, Acc.ashcan: 0.5059, Acc.fan: 0.6566, Acc.pier: 0.4305, Acc.crt screen: 0.1146, Acc.plate: 0.6423, Acc.monitor: 0.3036, Acc.bulletin board: 0.5775, Acc.shower: 0.0354, Acc.radiator: 0.6633, Acc.glass: 0.1788, Acc.clock: 0.3735, Acc.flag: 0.5467 2023-11-10 04:18:51,438 - mmseg - INFO - Iter [70050/80000] lr: 4.976e-06, eta: 0:47:12, time: 1.127, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5323, decode.acc_seg: 80.1616, loss: 0.5323 2023-11-10 04:19:01,973 - mmseg - INFO - Iter [70100/80000] lr: 4.951e-06, eta: 0:46:57, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5254, decode.acc_seg: 80.3437, loss: 0.5254 2023-11-10 04:19:12,543 - mmseg - INFO - Iter [70150/80000] lr: 4.926e-06, eta: 0:46:42, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5279, decode.acc_seg: 80.2357, loss: 0.5279 2023-11-10 04:19:23,082 - mmseg - INFO - Iter [70200/80000] lr: 4.901e-06, eta: 0:46:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5464, decode.acc_seg: 79.1563, loss: 0.5464 2023-11-10 04:19:33,626 - mmseg - INFO - Iter [70250/80000] lr: 4.876e-06, eta: 0:46:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5323, decode.acc_seg: 80.4303, loss: 0.5323 2023-11-10 04:19:44,150 - mmseg - INFO - Iter [70300/80000] lr: 4.851e-06, eta: 0:45:58, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5260, decode.acc_seg: 80.4702, loss: 0.5260 2023-11-10 04:19:54,674 - mmseg - INFO - Iter [70350/80000] lr: 4.825e-06, eta: 0:45:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5409, decode.acc_seg: 79.4662, loss: 0.5409 2023-11-10 04:20:05,215 - mmseg - INFO - Iter [70400/80000] lr: 4.800e-06, eta: 0:45:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5400, decode.acc_seg: 79.5538, loss: 0.5400 2023-11-10 04:20:15,753 - mmseg - INFO - Iter [70450/80000] lr: 4.775e-06, eta: 0:45:14, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5297, decode.acc_seg: 80.1642, loss: 0.5297 2023-11-10 04:20:26,282 - mmseg - INFO - Iter [70500/80000] lr: 4.751e-06, eta: 0:44:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5197, decode.acc_seg: 80.4026, loss: 0.5197 2023-11-10 04:20:36,800 - mmseg - INFO - Iter [70550/80000] lr: 4.726e-06, eta: 0:44:45, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5302, decode.acc_seg: 79.7072, loss: 0.5302 2023-11-10 04:20:47,322 - mmseg - INFO - Iter [70600/80000] lr: 4.701e-06, eta: 0:44:30, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5325, decode.acc_seg: 80.2201, loss: 0.5325 2023-11-10 04:20:57,846 - mmseg - INFO - Iter [70650/80000] lr: 4.676e-06, eta: 0:44:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5292, decode.acc_seg: 80.2472, loss: 0.5292 2023-11-10 04:21:08,379 - mmseg - INFO - Iter [70700/80000] lr: 4.651e-06, eta: 0:44:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5457, decode.acc_seg: 79.4999, loss: 0.5457 2023-11-10 04:21:21,179 - mmseg - INFO - Iter [70750/80000] lr: 4.625e-06, eta: 0:43:46, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5419, decode.acc_seg: 79.4919, loss: 0.5419 2023-11-10 04:21:31,701 - mmseg - INFO - Iter [70800/80000] lr: 4.600e-06, eta: 0:43:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5155, decode.acc_seg: 80.3855, loss: 0.5155 2023-11-10 04:21:42,214 - mmseg - INFO - Iter [70850/80000] lr: 4.575e-06, eta: 0:43:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5054, decode.acc_seg: 80.6902, loss: 0.5054 2023-11-10 04:21:52,732 - mmseg - INFO - Iter [70900/80000] lr: 4.550e-06, eta: 0:43:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5158, decode.acc_seg: 80.3014, loss: 0.5158 2023-11-10 04:22:03,258 - mmseg - INFO - Iter [70950/80000] lr: 4.526e-06, eta: 0:42:48, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5338, decode.acc_seg: 80.1516, loss: 0.5338 2023-11-10 04:22:13,777 - mmseg - INFO - Saving checkpoint at 71000 iterations 2023-11-10 04:22:39,095 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:22:39,095 - mmseg - INFO - Iter [71000/80000] lr: 4.501e-06, eta: 0:42:36, time: 0.717, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5311, decode.acc_seg: 79.4450, loss: 0.5311 2023-11-10 04:23:25,026 - mmseg - INFO - per class results: 2023-11-10 04:23:25,031 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.22 | 84.92 | | building | 79.83 | 91.69 | | sky | 90.15 | 95.33 | | floor | 74.22 | 86.71 | | tree | 69.77 | 85.36 | | ceiling | 76.84 | 86.65 | | road | 78.56 | 88.86 | | bed | 83.8 | 93.47 | | windowpane | 58.21 | 74.4 | | grass | 66.44 | 81.79 | | cabinet | 54.3 | 68.41 | | sidewalk | 56.42 | 71.86 | | person | 75.56 | 90.14 | | earth | 34.56 | 47.27 | | door | 40.56 | 50.92 | | table | 53.65 | 67.34 | | mountain | 55.32 | 69.85 | | plant | 50.39 | 61.06 | | curtain | 64.58 | 76.35 | | chair | 53.2 | 69.73 | | car | 79.1 | 91.75 | | water | 57.07 | 75.03 | | painting | 66.29 | 81.85 | | sofa | 66.59 | 82.92 | | shelf | 37.8 | 52.98 | | house | 45.39 | 61.97 | | sea | 61.11 | 77.13 | | mirror | 58.63 | 70.56 | | rug | 50.37 | 55.54 | | field | 35.14 | 55.64 | | armchair | 42.17 | 57.19 | | seat | 56.31 | 77.58 | | fence | 38.43 | 50.57 | | desk | 41.97 | 66.13 | | rock | 52.41 | 70.42 | | wardrobe | 44.08 | 60.16 | | lamp | 56.67 | 70.96 | | bathtub | 73.45 | 82.71 | | railing | 32.73 | 45.0 | | cushion | 56.93 | 69.77 | | base | 25.49 | 38.01 | | box | 26.74 | 34.92 | | column | 35.73 | 43.94 | | signboard | 31.65 | 46.93 | | chest of drawers | 37.94 | 51.82 | | counter | 34.44 | 43.71 | | sand | 45.16 | 61.17 | | sink | 68.47 | 79.87 | | skyscraper | 45.3 | 61.02 | | fireplace | 63.68 | 81.9 | | refrigerator | 57.81 | 66.94 | | grandstand | 49.73 | 79.98 | | path | 18.09 | 24.87 | | stairs | 26.99 | 30.39 | | runway | 65.85 | 86.51 | | case | 54.31 | 67.93 | | pool table | 85.01 | 95.98 | | pillow | 54.3 | 64.71 | | screen door | 56.49 | 63.06 | | stairway | 47.71 | 63.84 | | river | 15.1 | 27.11 | | bridge | 42.47 | 51.38 | | bookcase | 32.48 | 46.83 | | blind | 25.32 | 28.49 | | coffee table | 57.96 | 81.06 | | toilet | 78.94 | 89.14 | | flower | 38.6 | 53.39 | | book | 46.63 | 68.11 | | hill | 5.31 | 8.32 | | bench | 47.63 | 57.81 | | countertop | 53.44 | 69.33 | | stove | 70.9 | 79.8 | | palm | 49.68 | 63.77 | | kitchen island | 37.48 | 58.61 | | computer | 63.14 | 78.41 | | swivel chair | 41.93 | 54.29 | | boat | 60.05 | 78.33 | | bar | 54.91 | 66.79 | | arcade machine | 64.04 | 73.4 | | hovel | 29.25 | 32.72 | | bus | 84.57 | 92.29 | | towel | 65.46 | 78.65 | | light | 37.24 | 43.96 | | truck | 36.79 | 50.33 | | tower | 21.63 | 33.57 | | chandelier | 62.54 | 76.34 | | awning | 27.64 | 35.38 | | streetlight | 21.66 | 25.61 | | booth | 35.03 | 43.37 | | television receiver | 67.92 | 77.53 | | airplane | 53.24 | 66.26 | | dirt track | 10.2 | 16.76 | | apparel | 44.08 | 56.06 | | pole | 14.06 | 17.17 | | land | 1.45 | 2.11 | | bannister | 7.19 | 9.56 | | escalator | 53.1 | 69.55 | | ottoman | 43.71 | 53.45 | | bottle | 40.47 | 65.94 | | buffet | 40.15 | 46.31 | | poster | 20.38 | 25.12 | | stage | 15.35 | 30.94 | | van | 38.63 | 50.56 | | ship | 32.21 | 36.04 | | fountain | 22.29 | 23.04 | | conveyer belt | 65.46 | 93.35 | | canopy | 31.8 | 38.65 | | washer | 75.8 | 82.96 | | plaything | 27.28 | 37.91 | | swimming pool | 59.57 | 82.68 | | stool | 30.38 | 38.37 | | barrel | 28.52 | 41.38 | | basket | 34.78 | 44.13 | | waterfall | 45.42 | 50.0 | | tent | 84.06 | 98.04 | | bag | 16.69 | 19.31 | | minibike | 66.3 | 85.05 | | cradle | 70.39 | 94.28 | | oven | 48.21 | 57.73 | | ball | 56.25 | 67.18 | | food | 51.92 | 61.49 | | step | 6.39 | 7.07 | | tank | 56.13 | 72.71 | | trade name | 18.33 | 20.61 | | microwave | 72.22 | 79.26 | | pot | 39.39 | 45.02 | | animal | 57.12 | 62.41 | | bicycle | 54.78 | 77.23 | | lake | 24.08 | 27.53 | | dishwasher | 50.81 | 55.29 | | screen | 43.77 | 58.4 | | blanket | 15.58 | 17.95 | | sculpture | 56.83 | 77.82 | | hood | 53.0 | 56.66 | | sconce | 37.73 | 46.75 | | vase | 37.31 | 52.74 | | traffic light | 31.83 | 44.35 | | tray | 11.86 | 14.85 | | ashcan | 42.35 | 51.97 | | fan | 53.35 | 67.57 | | pier | 34.58 | 43.23 | | crt screen | 5.68 | 11.24 | | plate | 50.22 | 65.84 | | monitor | 26.19 | 30.6 | | bulletin board | 44.83 | 58.0 | | shower | 3.85 | 4.83 | | radiator | 58.89 | 68.2 | | glass | 16.82 | 18.43 | | clock | 35.77 | 39.12 | | flag | 48.25 | 56.63 | +---------------------+-------+-------+ 2023-11-10 04:23:25,031 - mmseg - INFO - Summary: 2023-11-10 04:23:25,031 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.96 | 46.42 | 58.02 | +-------+-------+-------+ 2023-11-10 04:23:25,032 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:23:25,032 - mmseg - INFO - Iter(val) [250] aAcc: 0.7996, mIoU: 0.4642, mAcc: 0.5802, IoU.wall: 0.7022, IoU.building: 0.7983, IoU.sky: 0.9015, IoU.floor: 0.7422, IoU.tree: 0.6977, IoU.ceiling: 0.7684, IoU.road: 0.7856, IoU.bed : 0.8380, IoU.windowpane: 0.5821, IoU.grass: 0.6644, IoU.cabinet: 0.5430, IoU.sidewalk: 0.5642, IoU.person: 0.7556, IoU.earth: 0.3456, IoU.door: 0.4056, IoU.table: 0.5365, IoU.mountain: 0.5532, IoU.plant: 0.5039, IoU.curtain: 0.6458, IoU.chair: 0.5320, IoU.car: 0.7910, IoU.water: 0.5707, IoU.painting: 0.6629, IoU.sofa: 0.6659, IoU.shelf: 0.3780, IoU.house: 0.4539, IoU.sea: 0.6111, IoU.mirror: 0.5863, IoU.rug: 0.5037, IoU.field: 0.3514, IoU.armchair: 0.4217, IoU.seat: 0.5631, IoU.fence: 0.3843, IoU.desk: 0.4197, IoU.rock: 0.5241, IoU.wardrobe: 0.4408, IoU.lamp: 0.5667, IoU.bathtub: 0.7345, IoU.railing: 0.3273, IoU.cushion: 0.5693, IoU.base: 0.2549, IoU.box: 0.2674, IoU.column: 0.3573, IoU.signboard: 0.3165, IoU.chest of drawers: 0.3794, IoU.counter: 0.3444, IoU.sand: 0.4516, IoU.sink: 0.6847, IoU.skyscraper: 0.4530, IoU.fireplace: 0.6368, IoU.refrigerator: 0.5781, IoU.grandstand: 0.4973, IoU.path: 0.1809, IoU.stairs: 0.2699, IoU.runway: 0.6585, IoU.case: 0.5431, IoU.pool table: 0.8501, IoU.pillow: 0.5430, IoU.screen door: 0.5649, IoU.stairway: 0.4771, IoU.river: 0.1510, IoU.bridge: 0.4247, IoU.bookcase: 0.3248, IoU.blind: 0.2532, IoU.coffee table: 0.5796, IoU.toilet: 0.7894, IoU.flower: 0.3860, IoU.book: 0.4663, IoU.hill: 0.0531, IoU.bench: 0.4763, IoU.countertop: 0.5344, IoU.stove: 0.7090, IoU.palm: 0.4968, IoU.kitchen island: 0.3748, IoU.computer: 0.6314, IoU.swivel chair: 0.4193, IoU.boat: 0.6005, IoU.bar: 0.5491, IoU.arcade machine: 0.6404, IoU.hovel: 0.2925, IoU.bus: 0.8457, IoU.towel: 0.6546, IoU.light: 0.3724, IoU.truck: 0.3679, IoU.tower: 0.2163, IoU.chandelier: 0.6254, IoU.awning: 0.2764, IoU.streetlight: 0.2166, IoU.booth: 0.3503, IoU.television receiver: 0.6792, IoU.airplane: 0.5324, IoU.dirt track: 0.1020, IoU.apparel: 0.4408, IoU.pole: 0.1406, IoU.land: 0.0145, IoU.bannister: 0.0719, IoU.escalator: 0.5310, IoU.ottoman: 0.4371, IoU.bottle: 0.4047, IoU.buffet: 0.4015, IoU.poster: 0.2038, IoU.stage: 0.1535, IoU.van: 0.3863, IoU.ship: 0.3221, IoU.fountain: 0.2229, IoU.conveyer belt: 0.6546, IoU.canopy: 0.3180, IoU.washer: 0.7580, IoU.plaything: 0.2728, IoU.swimming pool: 0.5957, IoU.stool: 0.3038, IoU.barrel: 0.2852, IoU.basket: 0.3478, IoU.waterfall: 0.4542, IoU.tent: 0.8406, IoU.bag: 0.1669, IoU.minibike: 0.6630, IoU.cradle: 0.7039, IoU.oven: 0.4821, IoU.ball: 0.5625, IoU.food: 0.5192, IoU.step: 0.0639, IoU.tank: 0.5613, IoU.trade name: 0.1833, IoU.microwave: 0.7222, IoU.pot: 0.3939, IoU.animal: 0.5712, IoU.bicycle: 0.5478, IoU.lake: 0.2408, IoU.dishwasher: 0.5081, IoU.screen: 0.4377, IoU.blanket: 0.1558, IoU.sculpture: 0.5683, IoU.hood: 0.5300, IoU.sconce: 0.3773, IoU.vase: 0.3731, IoU.traffic light: 0.3183, IoU.tray: 0.1186, IoU.ashcan: 0.4235, IoU.fan: 0.5335, IoU.pier: 0.3458, IoU.crt screen: 0.0568, IoU.plate: 0.5022, IoU.monitor: 0.2619, IoU.bulletin board: 0.4483, IoU.shower: 0.0385, IoU.radiator: 0.5889, IoU.glass: 0.1682, IoU.clock: 0.3577, IoU.flag: 0.4825, Acc.wall: 0.8492, Acc.building: 0.9169, Acc.sky: 0.9533, Acc.floor: 0.8671, Acc.tree: 0.8536, Acc.ceiling: 0.8665, Acc.road: 0.8886, Acc.bed : 0.9347, Acc.windowpane: 0.7440, Acc.grass: 0.8179, Acc.cabinet: 0.6841, Acc.sidewalk: 0.7186, Acc.person: 0.9014, Acc.earth: 0.4727, Acc.door: 0.5092, Acc.table: 0.6734, Acc.mountain: 0.6985, Acc.plant: 0.6106, Acc.curtain: 0.7635, Acc.chair: 0.6973, Acc.car: 0.9175, Acc.water: 0.7503, Acc.painting: 0.8185, Acc.sofa: 0.8292, Acc.shelf: 0.5298, Acc.house: 0.6197, Acc.sea: 0.7713, Acc.mirror: 0.7056, Acc.rug: 0.5554, Acc.field: 0.5564, Acc.armchair: 0.5719, Acc.seat: 0.7758, Acc.fence: 0.5057, Acc.desk: 0.6613, Acc.rock: 0.7042, Acc.wardrobe: 0.6016, Acc.lamp: 0.7096, Acc.bathtub: 0.8271, Acc.railing: 0.4500, Acc.cushion: 0.6977, Acc.base: 0.3801, Acc.box: 0.3492, Acc.column: 0.4394, Acc.signboard: 0.4693, Acc.chest of drawers: 0.5182, Acc.counter: 0.4371, Acc.sand: 0.6117, Acc.sink: 0.7987, Acc.skyscraper: 0.6102, Acc.fireplace: 0.8190, Acc.refrigerator: 0.6694, Acc.grandstand: 0.7998, Acc.path: 0.2487, Acc.stairs: 0.3039, Acc.runway: 0.8651, Acc.case: 0.6793, Acc.pool table: 0.9598, Acc.pillow: 0.6471, Acc.screen door: 0.6306, Acc.stairway: 0.6384, Acc.river: 0.2711, Acc.bridge: 0.5138, Acc.bookcase: 0.4683, Acc.blind: 0.2849, Acc.coffee table: 0.8106, Acc.toilet: 0.8914, Acc.flower: 0.5339, Acc.book: 0.6811, Acc.hill: 0.0832, Acc.bench: 0.5781, Acc.countertop: 0.6933, Acc.stove: 0.7980, Acc.palm: 0.6377, Acc.kitchen island: 0.5861, Acc.computer: 0.7841, Acc.swivel chair: 0.5429, Acc.boat: 0.7833, Acc.bar: 0.6679, Acc.arcade machine: 0.7340, Acc.hovel: 0.3272, Acc.bus: 0.9229, Acc.towel: 0.7865, Acc.light: 0.4396, Acc.truck: 0.5033, Acc.tower: 0.3357, Acc.chandelier: 0.7634, Acc.awning: 0.3538, Acc.streetlight: 0.2561, Acc.booth: 0.4337, Acc.television receiver: 0.7753, Acc.airplane: 0.6626, Acc.dirt track: 0.1676, Acc.apparel: 0.5606, Acc.pole: 0.1717, Acc.land: 0.0211, Acc.bannister: 0.0956, Acc.escalator: 0.6955, Acc.ottoman: 0.5345, Acc.bottle: 0.6594, Acc.buffet: 0.4631, Acc.poster: 0.2512, Acc.stage: 0.3094, Acc.van: 0.5056, Acc.ship: 0.3604, Acc.fountain: 0.2304, Acc.conveyer belt: 0.9335, Acc.canopy: 0.3865, Acc.washer: 0.8296, Acc.plaything: 0.3791, Acc.swimming pool: 0.8268, Acc.stool: 0.3837, Acc.barrel: 0.4138, Acc.basket: 0.4413, Acc.waterfall: 0.5000, Acc.tent: 0.9804, Acc.bag: 0.1931, Acc.minibike: 0.8505, Acc.cradle: 0.9428, Acc.oven: 0.5773, Acc.ball: 0.6718, Acc.food: 0.6149, Acc.step: 0.0707, Acc.tank: 0.7271, Acc.trade name: 0.2061, Acc.microwave: 0.7926, Acc.pot: 0.4502, Acc.animal: 0.6241, Acc.bicycle: 0.7723, Acc.lake: 0.2753, Acc.dishwasher: 0.5529, Acc.screen: 0.5840, Acc.blanket: 0.1795, Acc.sculpture: 0.7782, Acc.hood: 0.5666, Acc.sconce: 0.4675, Acc.vase: 0.5274, Acc.traffic light: 0.4435, Acc.tray: 0.1485, Acc.ashcan: 0.5197, Acc.fan: 0.6757, Acc.pier: 0.4323, Acc.crt screen: 0.1124, Acc.plate: 0.6584, Acc.monitor: 0.3060, Acc.bulletin board: 0.5800, Acc.shower: 0.0483, Acc.radiator: 0.6820, Acc.glass: 0.1843, Acc.clock: 0.3912, Acc.flag: 0.5663 2023-11-10 04:23:35,601 - mmseg - INFO - Iter [71050/80000] lr: 4.476e-06, eta: 0:42:27, time: 1.130, data_time: 0.925, memory: 16310, decode.loss_ce: 0.5136, decode.acc_seg: 80.5579, loss: 0.5136 2023-11-10 04:23:46,143 - mmseg - INFO - Iter [71100/80000] lr: 4.451e-06, eta: 0:42:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5091, decode.acc_seg: 80.4473, loss: 0.5091 2023-11-10 04:23:56,693 - mmseg - INFO - Iter [71150/80000] lr: 4.426e-06, eta: 0:41:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5420, decode.acc_seg: 79.5422, loss: 0.5420 2023-11-10 04:24:07,205 - mmseg - INFO - Iter [71200/80000] lr: 4.400e-06, eta: 0:41:43, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5130, decode.acc_seg: 80.5777, loss: 0.5130 2023-11-10 04:24:17,742 - mmseg - INFO - Iter [71250/80000] lr: 4.375e-06, eta: 0:41:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5178, decode.acc_seg: 80.6753, loss: 0.5178 2023-11-10 04:24:28,258 - mmseg - INFO - Iter [71300/80000] lr: 4.351e-06, eta: 0:41:14, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5229, decode.acc_seg: 80.2071, loss: 0.5229 2023-11-10 04:24:38,798 - mmseg - INFO - Iter [71350/80000] lr: 4.326e-06, eta: 0:40:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5217, decode.acc_seg: 80.0181, loss: 0.5217 2023-11-10 04:24:49,312 - mmseg - INFO - Iter [71400/80000] lr: 4.301e-06, eta: 0:40:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5184, decode.acc_seg: 81.0212, loss: 0.5184 2023-11-10 04:24:59,849 - mmseg - INFO - Iter [71450/80000] lr: 4.276e-06, eta: 0:40:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5153, decode.acc_seg: 79.9850, loss: 0.5153 2023-11-10 04:25:10,367 - mmseg - INFO - Iter [71500/80000] lr: 4.251e-06, eta: 0:40:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5244, decode.acc_seg: 80.4414, loss: 0.5244 2023-11-10 04:25:20,890 - mmseg - INFO - Iter [71550/80000] lr: 4.226e-06, eta: 0:40:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5424, decode.acc_seg: 80.0090, loss: 0.5424 2023-11-10 04:25:31,407 - mmseg - INFO - Iter [71600/80000] lr: 4.200e-06, eta: 0:39:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5376, decode.acc_seg: 79.5979, loss: 0.5376 2023-11-10 04:25:41,910 - mmseg - INFO - Iter [71650/80000] lr: 4.175e-06, eta: 0:39:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5253, decode.acc_seg: 80.5315, loss: 0.5253 2023-11-10 04:25:52,419 - mmseg - INFO - Iter [71700/80000] lr: 4.150e-06, eta: 0:39:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5196, decode.acc_seg: 80.4693, loss: 0.5196 2023-11-10 04:26:02,932 - mmseg - INFO - Iter [71750/80000] lr: 4.125e-06, eta: 0:39:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4924, decode.acc_seg: 81.2416, loss: 0.4924 2023-11-10 04:26:13,439 - mmseg - INFO - Iter [71800/80000] lr: 4.101e-06, eta: 0:38:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5369, decode.acc_seg: 79.4382, loss: 0.5369 2023-11-10 04:26:23,944 - mmseg - INFO - Iter [71850/80000] lr: 4.076e-06, eta: 0:38:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5229, decode.acc_seg: 80.2506, loss: 0.5229 2023-11-10 04:26:34,462 - mmseg - INFO - Iter [71900/80000] lr: 4.051e-06, eta: 0:38:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5110, decode.acc_seg: 80.4008, loss: 0.5110 2023-11-10 04:26:44,978 - mmseg - INFO - Iter [71950/80000] lr: 4.026e-06, eta: 0:38:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5392, decode.acc_seg: 79.9821, loss: 0.5392 2023-11-10 04:26:57,753 - mmseg - INFO - Saving checkpoint at 72000 iterations 2023-11-10 04:27:24,101 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:27:24,101 - mmseg - INFO - Iter [72000/80000] lr: 4.000e-06, eta: 0:37:52, time: 0.782, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5291, decode.acc_seg: 79.7488, loss: 0.5291 2023-11-10 04:28:09,790 - mmseg - INFO - per class results: 2023-11-10 04:28:09,795 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.08 | 85.25 | | building | 79.67 | 91.88 | | sky | 89.75 | 95.89 | | floor | 74.15 | 86.58 | | tree | 69.51 | 83.86 | | ceiling | 76.94 | 87.36 | | road | 78.58 | 88.59 | | bed | 83.42 | 93.99 | | windowpane | 58.11 | 75.11 | | grass | 66.5 | 80.74 | | cabinet | 54.23 | 68.76 | | sidewalk | 56.58 | 72.49 | | person | 75.76 | 89.75 | | earth | 34.72 | 47.27 | | door | 40.19 | 49.95 | | table | 53.57 | 67.9 | | mountain | 55.11 | 70.38 | | plant | 50.1 | 59.99 | | curtain | 64.32 | 75.92 | | chair | 52.9 | 68.88 | | car | 79.06 | 91.84 | | water | 56.84 | 73.34 | | painting | 66.48 | 80.63 | | sofa | 66.59 | 82.92 | | shelf | 36.9 | 49.72 | | house | 45.13 | 60.97 | | sea | 60.63 | 76.4 | | mirror | 58.51 | 69.87 | | rug | 50.2 | 55.28 | | field | 35.17 | 56.07 | | armchair | 42.32 | 58.23 | | seat | 56.45 | 76.96 | | fence | 37.81 | 48.76 | | desk | 41.65 | 67.56 | | rock | 52.26 | 68.3 | | wardrobe | 44.08 | 60.12 | | lamp | 56.66 | 70.93 | | bathtub | 73.08 | 79.97 | | railing | 32.53 | 44.04 | | cushion | 56.66 | 68.67 | | base | 25.08 | 37.95 | | box | 25.65 | 32.05 | | column | 35.38 | 43.19 | | signboard | 31.53 | 45.66 | | chest of drawers | 38.0 | 52.11 | | counter | 32.44 | 39.93 | | sand | 45.09 | 61.31 | | sink | 68.66 | 78.74 | | skyscraper | 45.36 | 61.5 | | fireplace | 63.67 | 82.16 | | refrigerator | 57.58 | 66.16 | | grandstand | 50.57 | 79.11 | | path | 17.78 | 24.33 | | stairs | 26.9 | 30.13 | | runway | 65.88 | 86.68 | | case | 54.07 | 67.7 | | pool table | 85.18 | 95.94 | | pillow | 53.18 | 62.79 | | screen door | 55.45 | 60.76 | | stairway | 47.66 | 63.42 | | river | 15.41 | 28.11 | | bridge | 42.05 | 51.48 | | bookcase | 32.66 | 48.43 | | blind | 22.15 | 24.44 | | coffee table | 58.26 | 80.45 | | toilet | 79.03 | 89.07 | | flower | 38.29 | 52.13 | | book | 46.47 | 66.3 | | hill | 5.23 | 8.6 | | bench | 47.4 | 57.37 | | countertop | 52.98 | 67.19 | | stove | 70.61 | 79.85 | | palm | 49.83 | 65.23 | | kitchen island | 37.7 | 58.51 | | computer | 63.19 | 78.05 | | swivel chair | 42.83 | 56.72 | | boat | 60.7 | 77.97 | | bar | 55.18 | 68.65 | | arcade machine | 63.37 | 72.41 | | hovel | 29.85 | 33.47 | | bus | 84.62 | 92.31 | | towel | 65.64 | 77.69 | | light | 35.23 | 40.27 | | truck | 36.78 | 50.56 | | tower | 21.91 | 34.01 | | chandelier | 62.49 | 75.74 | | awning | 27.62 | 35.24 | | streetlight | 21.92 | 26.32 | | booth | 34.53 | 43.21 | | television receiver | 67.98 | 78.19 | | airplane | 53.13 | 66.53 | | dirt track | 10.75 | 18.56 | | apparel | 43.88 | 56.39 | | pole | 13.78 | 16.82 | | land | 1.43 | 2.05 | | bannister | 6.56 | 8.5 | | escalator | 53.54 | 69.54 | | ottoman | 43.43 | 52.4 | | bottle | 40.58 | 65.76 | | buffet | 41.07 | 48.0 | | poster | 20.31 | 24.94 | | stage | 15.19 | 30.03 | | van | 37.73 | 48.87 | | ship | 36.54 | 41.55 | | fountain | 22.96 | 23.68 | | conveyer belt | 66.46 | 93.05 | | canopy | 32.01 | 38.76 | | washer | 76.68 | 83.9 | | plaything | 27.34 | 37.27 | | swimming pool | 60.0 | 81.36 | | stool | 30.64 | 39.36 | | barrel | 28.62 | 40.03 | | basket | 34.68 | 43.38 | | waterfall | 46.13 | 51.13 | | tent | 85.17 | 97.89 | | bag | 16.64 | 19.16 | | minibike | 66.38 | 84.19 | | cradle | 71.52 | 93.52 | | oven | 47.9 | 56.85 | | ball | 56.03 | 66.86 | | food | 51.32 | 59.91 | | step | 5.86 | 6.39 | | tank | 55.84 | 71.12 | | trade name | 18.32 | 20.53 | | microwave | 71.47 | 77.82 | | pot | 39.39 | 44.96 | | animal | 58.02 | 63.65 | | bicycle | 54.75 | 75.81 | | lake | 24.89 | 28.46 | | dishwasher | 49.64 | 53.58 | | screen | 43.61 | 57.81 | | blanket | 15.57 | 17.98 | | sculpture | 57.34 | 77.24 | | hood | 52.96 | 56.6 | | sconce | 37.31 | 45.59 | | vase | 37.36 | 51.96 | | traffic light | 31.94 | 44.19 | | tray | 11.57 | 14.32 | | ashcan | 42.22 | 51.41 | | fan | 53.58 | 68.12 | | pier | 34.22 | 43.86 | | crt screen | 5.75 | 11.35 | | plate | 49.96 | 65.6 | | monitor | 26.27 | 31.0 | | bulletin board | 45.02 | 57.65 | | shower | 3.41 | 4.02 | | radiator | 58.77 | 68.32 | | glass | 16.92 | 18.57 | | clock | 35.4 | 38.42 | | flag | 48.25 | 56.41 | +---------------------+-------+-------+ 2023-11-10 04:28:09,795 - mmseg - INFO - Summary: 2023-11-10 04:28:09,795 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.89 | 46.36 | 57.69 | +-------+-------+-------+ 2023-11-10 04:28:09,796 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:28:09,796 - mmseg - INFO - Iter(val) [250] aAcc: 0.7989, mIoU: 0.4636, mAcc: 0.5769, IoU.wall: 0.7008, IoU.building: 0.7967, IoU.sky: 0.8975, IoU.floor: 0.7415, IoU.tree: 0.6951, IoU.ceiling: 0.7694, IoU.road: 0.7858, IoU.bed : 0.8342, IoU.windowpane: 0.5811, IoU.grass: 0.6650, IoU.cabinet: 0.5423, IoU.sidewalk: 0.5658, IoU.person: 0.7576, IoU.earth: 0.3472, IoU.door: 0.4019, IoU.table: 0.5357, IoU.mountain: 0.5511, IoU.plant: 0.5010, IoU.curtain: 0.6432, IoU.chair: 0.5290, IoU.car: 0.7906, IoU.water: 0.5684, IoU.painting: 0.6648, IoU.sofa: 0.6659, IoU.shelf: 0.3690, IoU.house: 0.4513, IoU.sea: 0.6063, IoU.mirror: 0.5851, IoU.rug: 0.5020, IoU.field: 0.3517, IoU.armchair: 0.4232, IoU.seat: 0.5645, IoU.fence: 0.3781, IoU.desk: 0.4165, IoU.rock: 0.5226, IoU.wardrobe: 0.4408, IoU.lamp: 0.5666, IoU.bathtub: 0.7308, IoU.railing: 0.3253, IoU.cushion: 0.5666, IoU.base: 0.2508, IoU.box: 0.2565, IoU.column: 0.3538, IoU.signboard: 0.3153, IoU.chest of drawers: 0.3800, IoU.counter: 0.3244, IoU.sand: 0.4509, IoU.sink: 0.6866, IoU.skyscraper: 0.4536, IoU.fireplace: 0.6367, IoU.refrigerator: 0.5758, IoU.grandstand: 0.5057, IoU.path: 0.1778, IoU.stairs: 0.2690, IoU.runway: 0.6588, IoU.case: 0.5407, IoU.pool table: 0.8518, IoU.pillow: 0.5318, IoU.screen door: 0.5545, IoU.stairway: 0.4766, IoU.river: 0.1541, IoU.bridge: 0.4205, IoU.bookcase: 0.3266, IoU.blind: 0.2215, IoU.coffee table: 0.5826, IoU.toilet: 0.7903, IoU.flower: 0.3829, IoU.book: 0.4647, IoU.hill: 0.0523, IoU.bench: 0.4740, IoU.countertop: 0.5298, IoU.stove: 0.7061, IoU.palm: 0.4983, IoU.kitchen island: 0.3770, IoU.computer: 0.6319, IoU.swivel chair: 0.4283, IoU.boat: 0.6070, IoU.bar: 0.5518, IoU.arcade machine: 0.6337, IoU.hovel: 0.2985, IoU.bus: 0.8462, IoU.towel: 0.6564, IoU.light: 0.3523, IoU.truck: 0.3678, IoU.tower: 0.2191, IoU.chandelier: 0.6249, IoU.awning: 0.2762, IoU.streetlight: 0.2192, IoU.booth: 0.3453, IoU.television receiver: 0.6798, IoU.airplane: 0.5313, IoU.dirt track: 0.1075, IoU.apparel: 0.4388, IoU.pole: 0.1378, IoU.land: 0.0143, IoU.bannister: 0.0656, IoU.escalator: 0.5354, IoU.ottoman: 0.4343, IoU.bottle: 0.4058, IoU.buffet: 0.4107, IoU.poster: 0.2031, IoU.stage: 0.1519, IoU.van: 0.3773, IoU.ship: 0.3654, IoU.fountain: 0.2296, IoU.conveyer belt: 0.6646, IoU.canopy: 0.3201, IoU.washer: 0.7668, IoU.plaything: 0.2734, IoU.swimming pool: 0.6000, IoU.stool: 0.3064, IoU.barrel: 0.2862, IoU.basket: 0.3468, IoU.waterfall: 0.4613, IoU.tent: 0.8517, IoU.bag: 0.1664, IoU.minibike: 0.6638, IoU.cradle: 0.7152, IoU.oven: 0.4790, IoU.ball: 0.5603, IoU.food: 0.5132, IoU.step: 0.0586, IoU.tank: 0.5584, IoU.trade name: 0.1832, IoU.microwave: 0.7147, IoU.pot: 0.3939, IoU.animal: 0.5802, IoU.bicycle: 0.5475, IoU.lake: 0.2489, IoU.dishwasher: 0.4964, IoU.screen: 0.4361, IoU.blanket: 0.1557, IoU.sculpture: 0.5734, IoU.hood: 0.5296, IoU.sconce: 0.3731, IoU.vase: 0.3736, IoU.traffic light: 0.3194, IoU.tray: 0.1157, IoU.ashcan: 0.4222, IoU.fan: 0.5358, IoU.pier: 0.3422, IoU.crt screen: 0.0575, IoU.plate: 0.4996, IoU.monitor: 0.2627, IoU.bulletin board: 0.4502, IoU.shower: 0.0341, IoU.radiator: 0.5877, IoU.glass: 0.1692, IoU.clock: 0.3540, IoU.flag: 0.4825, Acc.wall: 0.8525, Acc.building: 0.9188, Acc.sky: 0.9589, Acc.floor: 0.8658, Acc.tree: 0.8386, Acc.ceiling: 0.8736, Acc.road: 0.8859, Acc.bed : 0.9399, Acc.windowpane: 0.7511, Acc.grass: 0.8074, Acc.cabinet: 0.6876, Acc.sidewalk: 0.7249, Acc.person: 0.8975, Acc.earth: 0.4727, Acc.door: 0.4995, Acc.table: 0.6790, Acc.mountain: 0.7038, Acc.plant: 0.5999, Acc.curtain: 0.7592, Acc.chair: 0.6888, Acc.car: 0.9184, Acc.water: 0.7334, Acc.painting: 0.8063, Acc.sofa: 0.8292, Acc.shelf: 0.4972, Acc.house: 0.6097, Acc.sea: 0.7640, Acc.mirror: 0.6987, Acc.rug: 0.5528, Acc.field: 0.5607, Acc.armchair: 0.5823, Acc.seat: 0.7696, Acc.fence: 0.4876, Acc.desk: 0.6756, Acc.rock: 0.6830, Acc.wardrobe: 0.6012, Acc.lamp: 0.7093, Acc.bathtub: 0.7997, Acc.railing: 0.4404, Acc.cushion: 0.6867, Acc.base: 0.3795, Acc.box: 0.3205, Acc.column: 0.4319, Acc.signboard: 0.4566, Acc.chest of drawers: 0.5211, Acc.counter: 0.3993, Acc.sand: 0.6131, Acc.sink: 0.7874, Acc.skyscraper: 0.6150, Acc.fireplace: 0.8216, Acc.refrigerator: 0.6616, Acc.grandstand: 0.7911, Acc.path: 0.2433, Acc.stairs: 0.3013, Acc.runway: 0.8668, Acc.case: 0.6770, Acc.pool table: 0.9594, Acc.pillow: 0.6279, Acc.screen door: 0.6076, Acc.stairway: 0.6342, Acc.river: 0.2811, Acc.bridge: 0.5148, Acc.bookcase: 0.4843, Acc.blind: 0.2444, Acc.coffee table: 0.8045, Acc.toilet: 0.8907, Acc.flower: 0.5213, Acc.book: 0.6630, Acc.hill: 0.0860, Acc.bench: 0.5737, Acc.countertop: 0.6719, Acc.stove: 0.7985, Acc.palm: 0.6523, Acc.kitchen island: 0.5851, Acc.computer: 0.7805, Acc.swivel chair: 0.5672, Acc.boat: 0.7797, Acc.bar: 0.6865, Acc.arcade machine: 0.7241, Acc.hovel: 0.3347, Acc.bus: 0.9231, Acc.towel: 0.7769, Acc.light: 0.4027, Acc.truck: 0.5056, Acc.tower: 0.3401, Acc.chandelier: 0.7574, Acc.awning: 0.3524, Acc.streetlight: 0.2632, Acc.booth: 0.4321, Acc.television receiver: 0.7819, Acc.airplane: 0.6653, Acc.dirt track: 0.1856, Acc.apparel: 0.5639, Acc.pole: 0.1682, Acc.land: 0.0205, Acc.bannister: 0.0850, Acc.escalator: 0.6954, Acc.ottoman: 0.5240, Acc.bottle: 0.6576, Acc.buffet: 0.4800, Acc.poster: 0.2494, Acc.stage: 0.3003, Acc.van: 0.4887, Acc.ship: 0.4155, Acc.fountain: 0.2368, Acc.conveyer belt: 0.9305, Acc.canopy: 0.3876, Acc.washer: 0.8390, Acc.plaything: 0.3727, Acc.swimming pool: 0.8136, Acc.stool: 0.3936, Acc.barrel: 0.4003, Acc.basket: 0.4338, Acc.waterfall: 0.5113, Acc.tent: 0.9789, Acc.bag: 0.1916, Acc.minibike: 0.8419, Acc.cradle: 0.9352, Acc.oven: 0.5685, Acc.ball: 0.6686, Acc.food: 0.5991, Acc.step: 0.0639, Acc.tank: 0.7112, Acc.trade name: 0.2053, Acc.microwave: 0.7782, Acc.pot: 0.4496, Acc.animal: 0.6365, Acc.bicycle: 0.7581, Acc.lake: 0.2846, Acc.dishwasher: 0.5358, Acc.screen: 0.5781, Acc.blanket: 0.1798, Acc.sculpture: 0.7724, Acc.hood: 0.5660, Acc.sconce: 0.4559, Acc.vase: 0.5196, Acc.traffic light: 0.4419, Acc.tray: 0.1432, Acc.ashcan: 0.5141, Acc.fan: 0.6812, Acc.pier: 0.4386, Acc.crt screen: 0.1135, Acc.plate: 0.6560, Acc.monitor: 0.3100, Acc.bulletin board: 0.5765, Acc.shower: 0.0402, Acc.radiator: 0.6832, Acc.glass: 0.1857, Acc.clock: 0.3842, Acc.flag: 0.5641 2023-11-10 04:28:20,411 - mmseg - INFO - Iter [72050/80000] lr: 3.975e-06, eta: 0:37:43, time: 1.126, data_time: 0.921, memory: 16310, decode.loss_ce: 0.5080, decode.acc_seg: 80.7026, loss: 0.5080 2023-11-10 04:28:30,940 - mmseg - INFO - Iter [72100/80000] lr: 3.950e-06, eta: 0:37:28, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5334, decode.acc_seg: 79.5627, loss: 0.5334 2023-11-10 04:28:41,468 - mmseg - INFO - Iter [72150/80000] lr: 3.925e-06, eta: 0:37:13, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5189, decode.acc_seg: 79.8456, loss: 0.5189 2023-11-10 04:28:51,984 - mmseg - INFO - Iter [72200/80000] lr: 3.901e-06, eta: 0:36:59, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5439, decode.acc_seg: 79.4329, loss: 0.5439 2023-11-10 04:29:02,497 - mmseg - INFO - Iter [72250/80000] lr: 3.876e-06, eta: 0:36:44, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5292, decode.acc_seg: 80.4650, loss: 0.5292 2023-11-10 04:29:13,034 - mmseg - INFO - Iter [72300/80000] lr: 3.851e-06, eta: 0:36:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5118, decode.acc_seg: 80.5256, loss: 0.5118 2023-11-10 04:29:23,549 - mmseg - INFO - Iter [72350/80000] lr: 3.826e-06, eta: 0:36:15, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5368, decode.acc_seg: 79.7437, loss: 0.5368 2023-11-10 04:29:34,056 - mmseg - INFO - Iter [72400/80000] lr: 3.801e-06, eta: 0:36:00, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5266, decode.acc_seg: 80.6141, loss: 0.5266 2023-11-10 04:29:44,569 - mmseg - INFO - Iter [72450/80000] lr: 3.775e-06, eta: 0:35:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5259, decode.acc_seg: 80.1407, loss: 0.5259 2023-11-10 04:29:55,100 - mmseg - INFO - Iter [72500/80000] lr: 3.750e-06, eta: 0:35:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5322, decode.acc_seg: 80.4460, loss: 0.5322 2023-11-10 04:30:05,619 - mmseg - INFO - Iter [72550/80000] lr: 3.725e-06, eta: 0:35:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5008, decode.acc_seg: 80.7514, loss: 0.5008 2023-11-10 04:30:16,126 - mmseg - INFO - Iter [72600/80000] lr: 3.701e-06, eta: 0:35:02, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5243, decode.acc_seg: 80.2910, loss: 0.5243 2023-11-10 04:30:26,637 - mmseg - INFO - Iter [72650/80000] lr: 3.676e-06, eta: 0:34:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5254, decode.acc_seg: 79.9551, loss: 0.5254 2023-11-10 04:30:37,150 - mmseg - INFO - Iter [72700/80000] lr: 3.651e-06, eta: 0:34:33, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5249, decode.acc_seg: 80.4681, loss: 0.5249 2023-11-10 04:30:47,657 - mmseg - INFO - Iter [72750/80000] lr: 3.626e-06, eta: 0:34:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5132, decode.acc_seg: 80.4795, loss: 0.5132 2023-11-10 04:30:58,165 - mmseg - INFO - Iter [72800/80000] lr: 3.601e-06, eta: 0:34:04, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5438, decode.acc_seg: 79.7419, loss: 0.5438 2023-11-10 04:31:08,681 - mmseg - INFO - Iter [72850/80000] lr: 3.575e-06, eta: 0:33:49, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5437, decode.acc_seg: 79.9940, loss: 0.5437 2023-11-10 04:31:19,194 - mmseg - INFO - Iter [72900/80000] lr: 3.550e-06, eta: 0:33:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5321, decode.acc_seg: 79.3929, loss: 0.5321 2023-11-10 04:31:29,711 - mmseg - INFO - Iter [72950/80000] lr: 3.525e-06, eta: 0:33:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5155, decode.acc_seg: 80.3441, loss: 0.5155 2023-11-10 04:31:40,229 - mmseg - INFO - Saving checkpoint at 73000 iterations 2023-11-10 04:32:06,467 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:32:06,467 - mmseg - INFO - Iter [73000/80000] lr: 3.501e-06, eta: 0:33:08, time: 0.735, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5098, decode.acc_seg: 80.7750, loss: 0.5098 2023-11-10 04:32:52,240 - mmseg - INFO - per class results: 2023-11-10 04:32:52,245 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.1 | 84.78 | | building | 79.64 | 91.98 | | sky | 89.74 | 95.9 | | floor | 74.39 | 85.84 | | tree | 69.48 | 84.65 | | ceiling | 76.97 | 88.11 | | road | 78.66 | 88.21 | | bed | 83.64 | 93.75 | | windowpane | 58.2 | 75.15 | | grass | 66.7 | 81.26 | | cabinet | 54.18 | 68.81 | | sidewalk | 56.7 | 74.0 | | person | 75.67 | 90.05 | | earth | 34.99 | 47.72 | | door | 40.64 | 51.33 | | table | 53.69 | 68.1 | | mountain | 55.28 | 69.4 | | plant | 49.9 | 59.51 | | curtain | 64.72 | 77.64 | | chair | 52.94 | 68.86 | | car | 78.85 | 92.08 | | water | 56.45 | 73.62 | | painting | 66.51 | 80.73 | | sofa | 66.41 | 83.15 | | shelf | 37.66 | 52.13 | | house | 44.86 | 59.71 | | sea | 60.37 | 77.77 | | mirror | 58.5 | 70.64 | | rug | 51.53 | 57.23 | | field | 35.26 | 54.59 | | armchair | 42.19 | 58.64 | | seat | 56.42 | 77.04 | | fence | 38.27 | 49.97 | | desk | 41.83 | 66.64 | | rock | 52.43 | 69.23 | | wardrobe | 44.21 | 60.74 | | lamp | 56.64 | 71.14 | | bathtub | 73.13 | 80.48 | | railing | 32.94 | 45.01 | | cushion | 56.7 | 69.27 | | base | 25.16 | 37.44 | | box | 26.58 | 34.5 | | column | 35.95 | 44.42 | | signboard | 31.47 | 46.1 | | chest of drawers | 37.56 | 51.06 | | counter | 33.39 | 41.63 | | sand | 45.64 | 62.79 | | sink | 68.68 | 78.72 | | skyscraper | 45.34 | 59.8 | | fireplace | 63.62 | 81.69 | | refrigerator | 57.7 | 66.66 | | grandstand | 51.62 | 78.47 | | path | 17.23 | 23.04 | | stairs | 27.74 | 31.03 | | runway | 65.93 | 86.61 | | case | 54.24 | 68.33 | | pool table | 84.92 | 96.08 | | pillow | 53.84 | 64.0 | | screen door | 53.07 | 57.24 | | stairway | 47.94 | 62.26 | | river | 15.22 | 26.92 | | bridge | 41.75 | 50.13 | | bookcase | 32.84 | 48.4 | | blind | 24.8 | 27.74 | | coffee table | 58.13 | 80.85 | | toilet | 79.18 | 88.6 | | flower | 38.49 | 52.88 | | book | 46.53 | 66.58 | | hill | 5.31 | 8.31 | | bench | 47.41 | 57.18 | | countertop | 52.82 | 66.62 | | stove | 70.59 | 79.48 | | palm | 49.26 | 62.87 | | kitchen island | 37.57 | 58.75 | | computer | 63.18 | 78.82 | | swivel chair | 42.62 | 56.2 | | boat | 60.87 | 77.26 | | bar | 54.81 | 66.55 | | arcade machine | 63.69 | 73.17 | | hovel | 29.88 | 33.33 | | bus | 84.63 | 91.92 | | towel | 65.53 | 76.9 | | light | 34.96 | 39.95 | | truck | 36.83 | 50.69 | | tower | 20.3 | 30.95 | | chandelier | 62.54 | 76.02 | | awning | 27.53 | 34.83 | | streetlight | 21.94 | 26.13 | | booth | 34.49 | 42.34 | | television receiver | 68.05 | 78.17 | | airplane | 53.41 | 66.02 | | dirt track | 10.94 | 18.65 | | apparel | 44.2 | 56.9 | | pole | 14.38 | 17.8 | | land | 1.32 | 1.87 | | bannister | 6.31 | 8.08 | | escalator | 53.61 | 69.13 | | ottoman | 43.82 | 53.74 | | bottle | 40.49 | 65.41 | | buffet | 40.11 | 46.42 | | poster | 20.46 | 25.37 | | stage | 15.31 | 30.24 | | van | 37.39 | 48.14 | | ship | 35.79 | 40.29 | | fountain | 22.69 | 23.36 | | conveyer belt | 66.71 | 92.89 | | canopy | 32.42 | 39.8 | | washer | 75.65 | 82.44 | | plaything | 27.51 | 38.78 | | swimming pool | 59.84 | 82.82 | | stool | 30.73 | 38.9 | | barrel | 28.63 | 39.25 | | basket | 34.73 | 43.91 | | waterfall | 45.96 | 50.77 | | tent | 84.18 | 98.07 | | bag | 17.15 | 19.97 | | minibike | 66.38 | 83.62 | | cradle | 71.04 | 93.91 | | oven | 47.51 | 56.16 | | ball | 56.17 | 67.35 | | food | 51.16 | 59.92 | | step | 6.33 | 6.97 | | tank | 55.49 | 70.5 | | trade name | 17.66 | 19.69 | | microwave | 71.25 | 77.57 | | pot | 39.51 | 45.25 | | animal | 57.0 | 61.93 | | bicycle | 54.7 | 76.24 | | lake | 23.15 | 26.01 | | dishwasher | 49.54 | 53.29 | | screen | 43.68 | 58.0 | | blanket | 16.19 | 18.78 | | sculpture | 57.16 | 77.42 | | hood | 53.46 | 57.26 | | sconce | 36.42 | 43.91 | | vase | 37.38 | 51.7 | | traffic light | 32.07 | 44.39 | | tray | 11.77 | 14.58 | | ashcan | 41.97 | 50.29 | | fan | 52.46 | 65.11 | | pier | 34.45 | 43.85 | | crt screen | 6.04 | 12.31 | | plate | 50.14 | 65.28 | | monitor | 23.88 | 27.23 | | bulletin board | 45.05 | 56.98 | | shower | 3.25 | 3.82 | | radiator | 58.83 | 68.08 | | glass | 17.18 | 18.95 | | clock | 35.2 | 38.14 | | flag | 47.86 | 55.44 | +---------------------+-------+-------+ 2023-11-10 04:32:52,245 - mmseg - INFO - Summary: 2023-11-10 04:32:52,245 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.93 | 46.35 | 57.63 | +-------+-------+-------+ 2023-11-10 04:32:52,246 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:32:52,246 - mmseg - INFO - Iter(val) [250] aAcc: 0.7993, mIoU: 0.4635, mAcc: 0.5763, IoU.wall: 0.7010, IoU.building: 0.7964, IoU.sky: 0.8974, IoU.floor: 0.7439, IoU.tree: 0.6948, IoU.ceiling: 0.7697, IoU.road: 0.7866, IoU.bed : 0.8364, IoU.windowpane: 0.5820, IoU.grass: 0.6670, IoU.cabinet: 0.5418, IoU.sidewalk: 0.5670, IoU.person: 0.7567, IoU.earth: 0.3499, IoU.door: 0.4064, IoU.table: 0.5369, IoU.mountain: 0.5528, IoU.plant: 0.4990, IoU.curtain: 0.6472, IoU.chair: 0.5294, IoU.car: 0.7885, IoU.water: 0.5645, IoU.painting: 0.6651, IoU.sofa: 0.6641, IoU.shelf: 0.3766, IoU.house: 0.4486, IoU.sea: 0.6037, IoU.mirror: 0.5850, IoU.rug: 0.5153, IoU.field: 0.3526, IoU.armchair: 0.4219, IoU.seat: 0.5642, IoU.fence: 0.3827, IoU.desk: 0.4183, IoU.rock: 0.5243, IoU.wardrobe: 0.4421, IoU.lamp: 0.5664, IoU.bathtub: 0.7313, IoU.railing: 0.3294, IoU.cushion: 0.5670, IoU.base: 0.2516, IoU.box: 0.2658, IoU.column: 0.3595, IoU.signboard: 0.3147, IoU.chest of drawers: 0.3756, IoU.counter: 0.3339, IoU.sand: 0.4564, IoU.sink: 0.6868, IoU.skyscraper: 0.4534, IoU.fireplace: 0.6362, IoU.refrigerator: 0.5770, IoU.grandstand: 0.5162, IoU.path: 0.1723, IoU.stairs: 0.2774, IoU.runway: 0.6593, IoU.case: 0.5424, IoU.pool table: 0.8492, IoU.pillow: 0.5384, IoU.screen door: 0.5307, IoU.stairway: 0.4794, IoU.river: 0.1522, IoU.bridge: 0.4175, IoU.bookcase: 0.3284, IoU.blind: 0.2480, IoU.coffee table: 0.5813, IoU.toilet: 0.7918, IoU.flower: 0.3849, IoU.book: 0.4653, IoU.hill: 0.0531, IoU.bench: 0.4741, IoU.countertop: 0.5282, IoU.stove: 0.7059, IoU.palm: 0.4926, IoU.kitchen island: 0.3757, IoU.computer: 0.6318, IoU.swivel chair: 0.4262, IoU.boat: 0.6087, IoU.bar: 0.5481, IoU.arcade machine: 0.6369, IoU.hovel: 0.2988, IoU.bus: 0.8463, IoU.towel: 0.6553, IoU.light: 0.3496, IoU.truck: 0.3683, IoU.tower: 0.2030, IoU.chandelier: 0.6254, IoU.awning: 0.2753, IoU.streetlight: 0.2194, IoU.booth: 0.3449, IoU.television receiver: 0.6805, IoU.airplane: 0.5341, IoU.dirt track: 0.1094, IoU.apparel: 0.4420, IoU.pole: 0.1438, IoU.land: 0.0132, IoU.bannister: 0.0631, IoU.escalator: 0.5361, IoU.ottoman: 0.4382, IoU.bottle: 0.4049, IoU.buffet: 0.4011, IoU.poster: 0.2046, IoU.stage: 0.1531, IoU.van: 0.3739, IoU.ship: 0.3579, IoU.fountain: 0.2269, IoU.conveyer belt: 0.6671, IoU.canopy: 0.3242, IoU.washer: 0.7565, IoU.plaything: 0.2751, IoU.swimming pool: 0.5984, IoU.stool: 0.3073, IoU.barrel: 0.2863, IoU.basket: 0.3473, IoU.waterfall: 0.4596, IoU.tent: 0.8418, IoU.bag: 0.1715, IoU.minibike: 0.6638, IoU.cradle: 0.7104, IoU.oven: 0.4751, IoU.ball: 0.5617, IoU.food: 0.5116, IoU.step: 0.0633, IoU.tank: 0.5549, IoU.trade name: 0.1766, IoU.microwave: 0.7125, IoU.pot: 0.3951, IoU.animal: 0.5700, IoU.bicycle: 0.5470, IoU.lake: 0.2315, IoU.dishwasher: 0.4954, IoU.screen: 0.4368, IoU.blanket: 0.1619, IoU.sculpture: 0.5716, IoU.hood: 0.5346, IoU.sconce: 0.3642, IoU.vase: 0.3738, IoU.traffic light: 0.3207, IoU.tray: 0.1177, IoU.ashcan: 0.4197, IoU.fan: 0.5246, IoU.pier: 0.3445, IoU.crt screen: 0.0604, IoU.plate: 0.5014, IoU.monitor: 0.2388, IoU.bulletin board: 0.4505, IoU.shower: 0.0325, IoU.radiator: 0.5883, IoU.glass: 0.1718, IoU.clock: 0.3520, IoU.flag: 0.4786, Acc.wall: 0.8478, Acc.building: 0.9198, Acc.sky: 0.9590, Acc.floor: 0.8584, Acc.tree: 0.8465, Acc.ceiling: 0.8811, Acc.road: 0.8821, Acc.bed : 0.9375, Acc.windowpane: 0.7515, Acc.grass: 0.8126, Acc.cabinet: 0.6881, Acc.sidewalk: 0.7400, Acc.person: 0.9005, Acc.earth: 0.4772, Acc.door: 0.5133, Acc.table: 0.6810, Acc.mountain: 0.6940, Acc.plant: 0.5951, Acc.curtain: 0.7764, Acc.chair: 0.6886, Acc.car: 0.9208, Acc.water: 0.7362, Acc.painting: 0.8073, Acc.sofa: 0.8315, Acc.shelf: 0.5213, Acc.house: 0.5971, Acc.sea: 0.7777, Acc.mirror: 0.7064, Acc.rug: 0.5723, Acc.field: 0.5459, Acc.armchair: 0.5864, Acc.seat: 0.7704, Acc.fence: 0.4997, Acc.desk: 0.6664, Acc.rock: 0.6923, Acc.wardrobe: 0.6074, Acc.lamp: 0.7114, Acc.bathtub: 0.8048, Acc.railing: 0.4501, Acc.cushion: 0.6927, Acc.base: 0.3744, Acc.box: 0.3450, Acc.column: 0.4442, Acc.signboard: 0.4610, Acc.chest of drawers: 0.5106, Acc.counter: 0.4163, Acc.sand: 0.6279, Acc.sink: 0.7872, Acc.skyscraper: 0.5980, Acc.fireplace: 0.8169, Acc.refrigerator: 0.6666, Acc.grandstand: 0.7847, Acc.path: 0.2304, Acc.stairs: 0.3103, Acc.runway: 0.8661, Acc.case: 0.6833, Acc.pool table: 0.9608, Acc.pillow: 0.6400, Acc.screen door: 0.5724, Acc.stairway: 0.6226, Acc.river: 0.2692, Acc.bridge: 0.5013, Acc.bookcase: 0.4840, Acc.blind: 0.2774, Acc.coffee table: 0.8085, Acc.toilet: 0.8860, Acc.flower: 0.5288, Acc.book: 0.6658, Acc.hill: 0.0831, Acc.bench: 0.5718, Acc.countertop: 0.6662, Acc.stove: 0.7948, Acc.palm: 0.6287, Acc.kitchen island: 0.5875, Acc.computer: 0.7882, Acc.swivel chair: 0.5620, Acc.boat: 0.7726, Acc.bar: 0.6655, Acc.arcade machine: 0.7317, Acc.hovel: 0.3333, Acc.bus: 0.9192, Acc.towel: 0.7690, Acc.light: 0.3995, Acc.truck: 0.5069, Acc.tower: 0.3095, Acc.chandelier: 0.7602, Acc.awning: 0.3483, Acc.streetlight: 0.2613, Acc.booth: 0.4234, Acc.television receiver: 0.7817, Acc.airplane: 0.6602, Acc.dirt track: 0.1865, Acc.apparel: 0.5690, Acc.pole: 0.1780, Acc.land: 0.0187, Acc.bannister: 0.0808, Acc.escalator: 0.6913, Acc.ottoman: 0.5374, Acc.bottle: 0.6541, Acc.buffet: 0.4642, Acc.poster: 0.2537, Acc.stage: 0.3024, Acc.van: 0.4814, Acc.ship: 0.4029, Acc.fountain: 0.2336, Acc.conveyer belt: 0.9289, Acc.canopy: 0.3980, Acc.washer: 0.8244, Acc.plaything: 0.3878, Acc.swimming pool: 0.8282, Acc.stool: 0.3890, Acc.barrel: 0.3925, Acc.basket: 0.4391, Acc.waterfall: 0.5077, Acc.tent: 0.9807, Acc.bag: 0.1997, Acc.minibike: 0.8362, Acc.cradle: 0.9391, Acc.oven: 0.5616, Acc.ball: 0.6735, Acc.food: 0.5992, Acc.step: 0.0697, Acc.tank: 0.7050, Acc.trade name: 0.1969, Acc.microwave: 0.7757, Acc.pot: 0.4525, Acc.animal: 0.6193, Acc.bicycle: 0.7624, Acc.lake: 0.2601, Acc.dishwasher: 0.5329, Acc.screen: 0.5800, Acc.blanket: 0.1878, Acc.sculpture: 0.7742, Acc.hood: 0.5726, Acc.sconce: 0.4391, Acc.vase: 0.5170, Acc.traffic light: 0.4439, Acc.tray: 0.1458, Acc.ashcan: 0.5029, Acc.fan: 0.6511, Acc.pier: 0.4385, Acc.crt screen: 0.1231, Acc.plate: 0.6528, Acc.monitor: 0.2723, Acc.bulletin board: 0.5698, Acc.shower: 0.0382, Acc.radiator: 0.6808, Acc.glass: 0.1895, Acc.clock: 0.3814, Acc.flag: 0.5544 2023-11-10 04:33:02,831 - mmseg - INFO - Iter [73050/80000] lr: 3.476e-06, eta: 0:32:58, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5104, decode.acc_seg: 80.6492, loss: 0.5104 2023-11-10 04:33:13,403 - mmseg - INFO - Iter [73100/80000] lr: 3.451e-06, eta: 0:32:43, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5417, decode.acc_seg: 79.8852, loss: 0.5417 2023-11-10 04:33:23,950 - mmseg - INFO - Iter [73150/80000] lr: 3.426e-06, eta: 0:32:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5281, decode.acc_seg: 79.6869, loss: 0.5281 2023-11-10 04:33:34,477 - mmseg - INFO - Iter [73200/80000] lr: 3.401e-06, eta: 0:32:14, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5017, decode.acc_seg: 80.7443, loss: 0.5017 2023-11-10 04:33:45,013 - mmseg - INFO - Iter [73250/80000] lr: 3.375e-06, eta: 0:31:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5447, decode.acc_seg: 79.4535, loss: 0.5447 2023-11-10 04:33:57,835 - mmseg - INFO - Iter [73300/80000] lr: 3.350e-06, eta: 0:31:45, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5319, decode.acc_seg: 79.9504, loss: 0.5319 2023-11-10 04:34:08,357 - mmseg - INFO - Iter [73350/80000] lr: 3.325e-06, eta: 0:31:31, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5198, decode.acc_seg: 80.7135, loss: 0.5198 2023-11-10 04:34:18,883 - mmseg - INFO - Iter [73400/80000] lr: 3.300e-06, eta: 0:31:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5074, decode.acc_seg: 80.6861, loss: 0.5074 2023-11-10 04:34:29,396 - mmseg - INFO - Iter [73450/80000] lr: 3.276e-06, eta: 0:31:01, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5025, decode.acc_seg: 81.0527, loss: 0.5025 2023-11-10 04:34:39,911 - mmseg - INFO - Iter [73500/80000] lr: 3.251e-06, eta: 0:30:47, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5036, decode.acc_seg: 80.6147, loss: 0.5036 2023-11-10 04:34:50,428 - mmseg - INFO - Iter [73550/80000] lr: 3.226e-06, eta: 0:30:32, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5104, decode.acc_seg: 80.6350, loss: 0.5104 2023-11-10 04:35:00,958 - mmseg - INFO - Iter [73600/80000] lr: 3.201e-06, eta: 0:30:18, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5413, decode.acc_seg: 79.8045, loss: 0.5413 2023-11-10 04:35:11,470 - mmseg - INFO - Iter [73650/80000] lr: 3.176e-06, eta: 0:30:03, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5356, decode.acc_seg: 79.6737, loss: 0.5356 2023-11-10 04:35:22,012 - mmseg - INFO - Iter [73700/80000] lr: 3.150e-06, eta: 0:29:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5145, decode.acc_seg: 80.7678, loss: 0.5145 2023-11-10 04:35:32,529 - mmseg - INFO - Iter [73750/80000] lr: 3.125e-06, eta: 0:29:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5290, decode.acc_seg: 79.8047, loss: 0.5290 2023-11-10 04:35:43,053 - mmseg - INFO - Iter [73800/80000] lr: 3.100e-06, eta: 0:29:20, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4994, decode.acc_seg: 80.8410, loss: 0.4994 2023-11-10 04:35:53,578 - mmseg - INFO - Iter [73850/80000] lr: 3.076e-06, eta: 0:29:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5447, decode.acc_seg: 79.5807, loss: 0.5447 2023-11-10 04:36:04,097 - mmseg - INFO - Iter [73900/80000] lr: 3.051e-06, eta: 0:28:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5215, decode.acc_seg: 80.0719, loss: 0.5215 2023-11-10 04:36:14,614 - mmseg - INFO - Iter [73950/80000] lr: 3.026e-06, eta: 0:28:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5458, decode.acc_seg: 79.8605, loss: 0.5458 2023-11-10 04:36:25,126 - mmseg - INFO - Saving checkpoint at 74000 iterations 2023-11-10 04:36:48,322 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:36:48,322 - mmseg - INFO - Iter [74000/80000] lr: 3.001e-06, eta: 0:28:24, time: 0.674, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4935, decode.acc_seg: 81.0898, loss: 0.4935 2023-11-10 04:37:34,281 - mmseg - INFO - per class results: 2023-11-10 04:37:34,286 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.19 | 84.98 | | building | 79.78 | 91.94 | | sky | 90.16 | 95.35 | | floor | 73.92 | 87.55 | | tree | 69.64 | 84.95 | | ceiling | 77.0 | 88.13 | | road | 78.7 | 88.19 | | bed | 83.94 | 93.13 | | windowpane | 58.11 | 74.56 | | grass | 66.55 | 81.52 | | cabinet | 54.32 | 67.95 | | sidewalk | 56.74 | 74.04 | | person | 75.26 | 90.72 | | earth | 34.66 | 46.82 | | door | 39.79 | 48.96 | | table | 53.79 | 68.43 | | mountain | 55.36 | 70.5 | | plant | 49.84 | 59.18 | | curtain | 64.4 | 75.56 | | chair | 52.68 | 67.65 | | car | 79.42 | 91.4 | | water | 57.11 | 73.95 | | painting | 66.63 | 79.89 | | sofa | 66.56 | 81.7 | | shelf | 37.93 | 53.61 | | house | 44.91 | 59.09 | | sea | 61.21 | 77.06 | | mirror | 58.54 | 69.89 | | rug | 49.63 | 54.44 | | field | 35.12 | 55.37 | | armchair | 42.53 | 59.87 | | seat | 56.2 | 76.93 | | fence | 38.3 | 50.38 | | desk | 41.92 | 67.09 | | rock | 52.45 | 69.32 | | wardrobe | 43.93 | 59.97 | | lamp | 56.48 | 69.99 | | bathtub | 72.96 | 80.28 | | railing | 32.52 | 43.91 | | cushion | 56.68 | 68.76 | | base | 25.84 | 40.08 | | box | 26.23 | 33.7 | | column | 35.45 | 43.24 | | signboard | 31.63 | 47.4 | | chest of drawers | 37.88 | 51.05 | | counter | 33.56 | 41.98 | | sand | 45.56 | 62.3 | | sink | 68.64 | 79.37 | | skyscraper | 45.39 | 61.4 | | fireplace | 63.91 | 80.81 | | refrigerator | 57.66 | 66.48 | | grandstand | 50.53 | 79.17 | | path | 17.44 | 23.77 | | stairs | 27.11 | 30.22 | | runway | 65.66 | 86.35 | | case | 54.0 | 69.35 | | pool table | 85.3 | 95.77 | | pillow | 54.07 | 64.34 | | screen door | 55.34 | 60.65 | | stairway | 47.73 | 63.73 | | river | 15.4 | 28.41 | | bridge | 42.5 | 51.87 | | bookcase | 32.71 | 47.3 | | blind | 24.03 | 26.81 | | coffee table | 58.23 | 79.99 | | toilet | 79.26 | 88.45 | | flower | 38.2 | 51.47 | | book | 46.72 | 66.83 | | hill | 5.32 | 8.17 | | bench | 47.76 | 58.07 | | countertop | 52.91 | 67.15 | | stove | 70.81 | 79.79 | | palm | 49.88 | 65.07 | | kitchen island | 37.8 | 59.21 | | computer | 63.23 | 77.92 | | swivel chair | 43.07 | 57.93 | | boat | 62.06 | 77.18 | | bar | 54.94 | 66.62 | | arcade machine | 64.23 | 73.66 | | hovel | 32.84 | 37.33 | | bus | 84.59 | 92.35 | | towel | 65.75 | 77.38 | | light | 35.44 | 41.01 | | truck | 36.73 | 50.35 | | tower | 21.68 | 33.82 | | chandelier | 62.56 | 76.32 | | awning | 28.15 | 36.49 | | streetlight | 22.07 | 26.51 | | booth | 34.57 | 43.52 | | television receiver | 67.95 | 77.53 | | airplane | 52.97 | 66.29 | | dirt track | 10.8 | 18.86 | | apparel | 44.95 | 58.73 | | pole | 14.33 | 17.69 | | land | 1.36 | 1.97 | | bannister | 6.69 | 8.63 | | escalator | 53.45 | 69.58 | | ottoman | 43.93 | 53.69 | | bottle | 40.45 | 65.96 | | buffet | 41.07 | 47.92 | | poster | 20.95 | 26.7 | | stage | 14.94 | 28.84 | | van | 40.32 | 53.61 | | ship | 33.02 | 37.35 | | fountain | 23.9 | 24.74 | | conveyer belt | 65.89 | 93.0 | | canopy | 34.45 | 42.04 | | washer | 75.65 | 82.47 | | plaything | 27.43 | 37.99 | | swimming pool | 60.07 | 80.67 | | stool | 30.38 | 38.53 | | barrel | 28.85 | 40.05 | | basket | 34.62 | 44.01 | | waterfall | 46.38 | 51.77 | | tent | 84.05 | 98.0 | | bag | 16.71 | 19.39 | | minibike | 66.64 | 84.62 | | cradle | 70.62 | 94.14 | | oven | 47.84 | 56.9 | | ball | 56.43 | 67.63 | | food | 50.49 | 58.88 | | step | 6.02 | 6.62 | | tank | 55.72 | 71.04 | | trade name | 18.09 | 20.28 | | microwave | 71.83 | 78.72 | | pot | 39.01 | 44.4 | | animal | 57.2 | 62.72 | | bicycle | 54.99 | 76.6 | | lake | 24.96 | 28.62 | | dishwasher | 50.6 | 55.02 | | screen | 43.72 | 59.3 | | blanket | 15.87 | 18.25 | | sculpture | 56.78 | 77.78 | | hood | 54.06 | 58.1 | | sconce | 36.86 | 44.8 | | vase | 37.33 | 52.34 | | traffic light | 32.03 | 45.1 | | tray | 11.75 | 14.67 | | ashcan | 42.32 | 51.37 | | fan | 52.47 | 65.12 | | pier | 34.65 | 43.03 | | crt screen | 5.41 | 10.76 | | plate | 49.96 | 64.77 | | monitor | 27.62 | 32.84 | | bulletin board | 45.12 | 58.37 | | shower | 3.71 | 4.64 | | radiator | 59.0 | 67.86 | | glass | 17.01 | 18.74 | | clock | 35.22 | 38.03 | | flag | 48.02 | 56.27 | +---------------------+-------+-------+ 2023-11-10 04:37:34,286 - mmseg - INFO - Summary: 2023-11-10 04:37:34,286 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 79.95 | 46.49 | 57.9 | +-------+-------+------+ 2023-11-10 04:37:34,287 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:37:34,287 - mmseg - INFO - Iter(val) [250] aAcc: 0.7995, mIoU: 0.4649, mAcc: 0.5790, IoU.wall: 0.7019, IoU.building: 0.7978, IoU.sky: 0.9016, IoU.floor: 0.7392, IoU.tree: 0.6964, IoU.ceiling: 0.7700, IoU.road: 0.7870, IoU.bed : 0.8394, IoU.windowpane: 0.5811, IoU.grass: 0.6655, IoU.cabinet: 0.5432, IoU.sidewalk: 0.5674, IoU.person: 0.7526, IoU.earth: 0.3466, IoU.door: 0.3979, IoU.table: 0.5379, IoU.mountain: 0.5536, IoU.plant: 0.4984, IoU.curtain: 0.6440, IoU.chair: 0.5268, IoU.car: 0.7942, IoU.water: 0.5711, IoU.painting: 0.6663, IoU.sofa: 0.6656, IoU.shelf: 0.3793, IoU.house: 0.4491, IoU.sea: 0.6121, IoU.mirror: 0.5854, IoU.rug: 0.4963, IoU.field: 0.3512, IoU.armchair: 0.4253, IoU.seat: 0.5620, IoU.fence: 0.3830, IoU.desk: 0.4192, IoU.rock: 0.5245, IoU.wardrobe: 0.4393, IoU.lamp: 0.5648, IoU.bathtub: 0.7296, IoU.railing: 0.3252, IoU.cushion: 0.5668, IoU.base: 0.2584, IoU.box: 0.2623, IoU.column: 0.3545, IoU.signboard: 0.3163, IoU.chest of drawers: 0.3788, IoU.counter: 0.3356, IoU.sand: 0.4556, IoU.sink: 0.6864, IoU.skyscraper: 0.4539, IoU.fireplace: 0.6391, IoU.refrigerator: 0.5766, IoU.grandstand: 0.5053, IoU.path: 0.1744, IoU.stairs: 0.2711, IoU.runway: 0.6566, IoU.case: 0.5400, IoU.pool table: 0.8530, IoU.pillow: 0.5407, IoU.screen door: 0.5534, IoU.stairway: 0.4773, IoU.river: 0.1540, IoU.bridge: 0.4250, IoU.bookcase: 0.3271, IoU.blind: 0.2403, IoU.coffee table: 0.5823, IoU.toilet: 0.7926, IoU.flower: 0.3820, IoU.book: 0.4672, IoU.hill: 0.0532, IoU.bench: 0.4776, IoU.countertop: 0.5291, IoU.stove: 0.7081, IoU.palm: 0.4988, IoU.kitchen island: 0.3780, IoU.computer: 0.6323, IoU.swivel chair: 0.4307, IoU.boat: 0.6206, IoU.bar: 0.5494, IoU.arcade machine: 0.6423, IoU.hovel: 0.3284, IoU.bus: 0.8459, IoU.towel: 0.6575, IoU.light: 0.3544, IoU.truck: 0.3673, IoU.tower: 0.2168, IoU.chandelier: 0.6256, IoU.awning: 0.2815, IoU.streetlight: 0.2207, IoU.booth: 0.3457, IoU.television receiver: 0.6795, IoU.airplane: 0.5297, IoU.dirt track: 0.1080, IoU.apparel: 0.4495, IoU.pole: 0.1433, IoU.land: 0.0136, IoU.bannister: 0.0669, IoU.escalator: 0.5345, IoU.ottoman: 0.4393, IoU.bottle: 0.4045, IoU.buffet: 0.4107, IoU.poster: 0.2095, IoU.stage: 0.1494, IoU.van: 0.4032, IoU.ship: 0.3302, IoU.fountain: 0.2390, IoU.conveyer belt: 0.6589, IoU.canopy: 0.3445, IoU.washer: 0.7565, IoU.plaything: 0.2743, IoU.swimming pool: 0.6007, IoU.stool: 0.3038, IoU.barrel: 0.2885, IoU.basket: 0.3462, IoU.waterfall: 0.4638, IoU.tent: 0.8405, IoU.bag: 0.1671, IoU.minibike: 0.6664, IoU.cradle: 0.7062, IoU.oven: 0.4784, IoU.ball: 0.5643, IoU.food: 0.5049, IoU.step: 0.0602, IoU.tank: 0.5572, IoU.trade name: 0.1809, IoU.microwave: 0.7183, IoU.pot: 0.3901, IoU.animal: 0.5720, IoU.bicycle: 0.5499, IoU.lake: 0.2496, IoU.dishwasher: 0.5060, IoU.screen: 0.4372, IoU.blanket: 0.1587, IoU.sculpture: 0.5678, IoU.hood: 0.5406, IoU.sconce: 0.3686, IoU.vase: 0.3733, IoU.traffic light: 0.3203, IoU.tray: 0.1175, IoU.ashcan: 0.4232, IoU.fan: 0.5247, IoU.pier: 0.3465, IoU.crt screen: 0.0541, IoU.plate: 0.4996, IoU.monitor: 0.2762, IoU.bulletin board: 0.4512, IoU.shower: 0.0371, IoU.radiator: 0.5900, IoU.glass: 0.1701, IoU.clock: 0.3522, IoU.flag: 0.4802, Acc.wall: 0.8498, Acc.building: 0.9194, Acc.sky: 0.9535, Acc.floor: 0.8755, Acc.tree: 0.8495, Acc.ceiling: 0.8813, Acc.road: 0.8819, Acc.bed : 0.9313, Acc.windowpane: 0.7456, Acc.grass: 0.8152, Acc.cabinet: 0.6795, Acc.sidewalk: 0.7404, Acc.person: 0.9072, Acc.earth: 0.4682, Acc.door: 0.4896, Acc.table: 0.6843, Acc.mountain: 0.7050, Acc.plant: 0.5918, Acc.curtain: 0.7556, Acc.chair: 0.6765, Acc.car: 0.9140, Acc.water: 0.7395, Acc.painting: 0.7989, Acc.sofa: 0.8170, Acc.shelf: 0.5361, Acc.house: 0.5909, Acc.sea: 0.7706, Acc.mirror: 0.6989, Acc.rug: 0.5444, Acc.field: 0.5537, Acc.armchair: 0.5987, Acc.seat: 0.7693, Acc.fence: 0.5038, Acc.desk: 0.6709, Acc.rock: 0.6932, Acc.wardrobe: 0.5997, Acc.lamp: 0.6999, Acc.bathtub: 0.8028, Acc.railing: 0.4391, Acc.cushion: 0.6876, Acc.base: 0.4008, Acc.box: 0.3370, Acc.column: 0.4324, Acc.signboard: 0.4740, Acc.chest of drawers: 0.5105, Acc.counter: 0.4198, Acc.sand: 0.6230, Acc.sink: 0.7937, Acc.skyscraper: 0.6140, Acc.fireplace: 0.8081, Acc.refrigerator: 0.6648, Acc.grandstand: 0.7917, Acc.path: 0.2377, Acc.stairs: 0.3022, Acc.runway: 0.8635, Acc.case: 0.6935, Acc.pool table: 0.9577, Acc.pillow: 0.6434, Acc.screen door: 0.6065, Acc.stairway: 0.6373, Acc.river: 0.2841, Acc.bridge: 0.5187, Acc.bookcase: 0.4730, Acc.blind: 0.2681, Acc.coffee table: 0.7999, Acc.toilet: 0.8845, Acc.flower: 0.5147, Acc.book: 0.6683, Acc.hill: 0.0817, Acc.bench: 0.5807, Acc.countertop: 0.6715, Acc.stove: 0.7979, Acc.palm: 0.6507, Acc.kitchen island: 0.5921, Acc.computer: 0.7792, Acc.swivel chair: 0.5793, Acc.boat: 0.7718, Acc.bar: 0.6662, Acc.arcade machine: 0.7366, Acc.hovel: 0.3733, Acc.bus: 0.9235, Acc.towel: 0.7738, Acc.light: 0.4101, Acc.truck: 0.5035, Acc.tower: 0.3382, Acc.chandelier: 0.7632, Acc.awning: 0.3649, Acc.streetlight: 0.2651, Acc.booth: 0.4352, Acc.television receiver: 0.7753, Acc.airplane: 0.6629, Acc.dirt track: 0.1886, Acc.apparel: 0.5873, Acc.pole: 0.1769, Acc.land: 0.0197, Acc.bannister: 0.0863, Acc.escalator: 0.6958, Acc.ottoman: 0.5369, Acc.bottle: 0.6596, Acc.buffet: 0.4792, Acc.poster: 0.2670, Acc.stage: 0.2884, Acc.van: 0.5361, Acc.ship: 0.3735, Acc.fountain: 0.2474, Acc.conveyer belt: 0.9300, Acc.canopy: 0.4204, Acc.washer: 0.8247, Acc.plaything: 0.3799, Acc.swimming pool: 0.8067, Acc.stool: 0.3853, Acc.barrel: 0.4005, Acc.basket: 0.4401, Acc.waterfall: 0.5177, Acc.tent: 0.9800, Acc.bag: 0.1939, Acc.minibike: 0.8462, Acc.cradle: 0.9414, Acc.oven: 0.5690, Acc.ball: 0.6763, Acc.food: 0.5888, Acc.step: 0.0662, Acc.tank: 0.7104, Acc.trade name: 0.2028, Acc.microwave: 0.7872, Acc.pot: 0.4440, Acc.animal: 0.6272, Acc.bicycle: 0.7660, Acc.lake: 0.2862, Acc.dishwasher: 0.5502, Acc.screen: 0.5930, Acc.blanket: 0.1825, Acc.sculpture: 0.7778, Acc.hood: 0.5810, Acc.sconce: 0.4480, Acc.vase: 0.5234, Acc.traffic light: 0.4510, Acc.tray: 0.1467, Acc.ashcan: 0.5137, Acc.fan: 0.6512, Acc.pier: 0.4303, Acc.crt screen: 0.1076, Acc.plate: 0.6477, Acc.monitor: 0.3284, Acc.bulletin board: 0.5837, Acc.shower: 0.0464, Acc.radiator: 0.6786, Acc.glass: 0.1874, Acc.clock: 0.3803, Acc.flag: 0.5627 2023-11-10 04:37:44,844 - mmseg - INFO - Iter [74050/80000] lr: 2.976e-06, eta: 0:28:13, time: 1.130, data_time: 0.926, memory: 16310, decode.loss_ce: 0.5282, decode.acc_seg: 80.2211, loss: 0.5282 2023-11-10 04:37:55,401 - mmseg - INFO - Iter [74100/80000] lr: 2.950e-06, eta: 0:27:58, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5312, decode.acc_seg: 80.0379, loss: 0.5312 2023-11-10 04:38:05,966 - mmseg - INFO - Iter [74150/80000] lr: 2.925e-06, eta: 0:27:44, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5101, decode.acc_seg: 80.4486, loss: 0.5101 2023-11-10 04:38:16,497 - mmseg - INFO - Iter [74200/80000] lr: 2.900e-06, eta: 0:27:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5492, decode.acc_seg: 79.6829, loss: 0.5492 2023-11-10 04:38:27,041 - mmseg - INFO - Iter [74250/80000] lr: 2.875e-06, eta: 0:27:15, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5232, decode.acc_seg: 80.2526, loss: 0.5232 2023-11-10 04:38:37,583 - mmseg - INFO - Iter [74300/80000] lr: 2.851e-06, eta: 0:27:00, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5328, decode.acc_seg: 79.8772, loss: 0.5328 2023-11-10 04:38:48,107 - mmseg - INFO - Iter [74350/80000] lr: 2.826e-06, eta: 0:26:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5192, decode.acc_seg: 80.7299, loss: 0.5192 2023-11-10 04:38:58,641 - mmseg - INFO - Iter [74400/80000] lr: 2.801e-06, eta: 0:26:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5329, decode.acc_seg: 79.7552, loss: 0.5329 2023-11-10 04:39:09,166 - mmseg - INFO - Iter [74450/80000] lr: 2.776e-06, eta: 0:26:17, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5569, decode.acc_seg: 79.5765, loss: 0.5569 2023-11-10 04:39:19,697 - mmseg - INFO - Iter [74500/80000] lr: 2.750e-06, eta: 0:26:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5160, decode.acc_seg: 80.9106, loss: 0.5160 2023-11-10 04:39:32,501 - mmseg - INFO - Iter [74550/80000] lr: 2.725e-06, eta: 0:25:48, time: 0.256, data_time: 0.051, memory: 16310, decode.loss_ce: 0.5223, decode.acc_seg: 80.5185, loss: 0.5223 2023-11-10 04:39:43,044 - mmseg - INFO - Iter [74600/80000] lr: 2.700e-06, eta: 0:25:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5283, decode.acc_seg: 80.3862, loss: 0.5283 2023-11-10 04:39:53,574 - mmseg - INFO - Iter [74650/80000] lr: 2.675e-06, eta: 0:25:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5188, decode.acc_seg: 80.8706, loss: 0.5188 2023-11-10 04:40:04,108 - mmseg - INFO - Iter [74700/80000] lr: 2.651e-06, eta: 0:25:05, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5209, decode.acc_seg: 80.0652, loss: 0.5209 2023-11-10 04:40:14,636 - mmseg - INFO - Iter [74750/80000] lr: 2.626e-06, eta: 0:24:50, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5277, decode.acc_seg: 80.3792, loss: 0.5277 2023-11-10 04:40:25,154 - mmseg - INFO - Iter [74800/80000] lr: 2.601e-06, eta: 0:24:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5103, decode.acc_seg: 80.7052, loss: 0.5103 2023-11-10 04:40:35,679 - mmseg - INFO - Iter [74850/80000] lr: 2.576e-06, eta: 0:24:21, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5267, decode.acc_seg: 80.1959, loss: 0.5267 2023-11-10 04:40:46,196 - mmseg - INFO - Iter [74900/80000] lr: 2.551e-06, eta: 0:24:07, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5396, decode.acc_seg: 79.9245, loss: 0.5396 2023-11-10 04:40:56,731 - mmseg - INFO - Iter [74950/80000] lr: 2.525e-06, eta: 0:23:52, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5023, decode.acc_seg: 80.4421, loss: 0.5023 2023-11-10 04:41:07,252 - mmseg - INFO - Saving checkpoint at 75000 iterations 2023-11-10 04:41:33,069 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:41:33,069 - mmseg - INFO - Iter [75000/80000] lr: 2.500e-06, eta: 0:23:40, time: 0.727, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5123, decode.acc_seg: 79.9523, loss: 0.5123 2023-11-10 04:42:18,799 - mmseg - INFO - per class results: 2023-11-10 04:42:18,804 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.29 | 84.21 | | building | 79.38 | 92.55 | | sky | 90.16 | 95.22 | | floor | 74.11 | 87.08 | | tree | 69.59 | 84.96 | | ceiling | 77.02 | 87.51 | | road | 78.61 | 88.43 | | bed | 83.59 | 93.9 | | windowpane | 58.25 | 75.46 | | grass | 66.55 | 80.2 | | cabinet | 54.42 | 67.71 | | sidewalk | 56.67 | 73.43 | | person | 75.49 | 90.16 | | earth | 34.65 | 46.94 | | door | 40.31 | 50.17 | | table | 53.58 | 67.54 | | mountain | 55.23 | 69.67 | | plant | 50.58 | 61.69 | | curtain | 64.75 | 77.51 | | chair | 52.78 | 68.87 | | car | 78.89 | 91.91 | | water | 56.25 | 73.43 | | painting | 66.42 | 81.53 | | sofa | 66.45 | 82.66 | | shelf | 38.13 | 54.41 | | house | 44.63 | 59.84 | | sea | 60.56 | 79.41 | | mirror | 58.57 | 70.71 | | rug | 50.78 | 56.24 | | field | 35.18 | 56.06 | | armchair | 42.26 | 59.54 | | seat | 56.35 | 77.18 | | fence | 37.96 | 48.87 | | desk | 41.85 | 66.88 | | rock | 52.42 | 70.05 | | wardrobe | 44.06 | 60.47 | | lamp | 56.69 | 70.55 | | bathtub | 72.97 | 80.78 | | railing | 32.98 | 44.82 | | cushion | 56.71 | 69.24 | | base | 25.53 | 38.71 | | box | 26.07 | 33.25 | | column | 36.17 | 44.73 | | signboard | 31.22 | 45.09 | | chest of drawers | 38.25 | 52.57 | | counter | 33.16 | 40.92 | | sand | 46.02 | 63.11 | | sink | 68.56 | 78.81 | | skyscraper | 45.44 | 60.77 | | fireplace | 63.68 | 82.28 | | refrigerator | 57.91 | 67.11 | | grandstand | 51.06 | 79.21 | | path | 17.87 | 24.62 | | stairs | 27.83 | 31.35 | | runway | 65.62 | 86.08 | | case | 54.15 | 67.76 | | pool table | 84.58 | 96.13 | | pillow | 53.75 | 63.89 | | screen door | 55.51 | 61.0 | | stairway | 47.99 | 63.8 | | river | 15.49 | 27.88 | | bridge | 41.85 | 50.07 | | bookcase | 32.64 | 47.48 | | blind | 23.73 | 26.5 | | coffee table | 57.73 | 81.43 | | toilet | 79.13 | 88.87 | | flower | 38.83 | 53.59 | | book | 46.54 | 67.27 | | hill | 5.28 | 8.6 | | bench | 47.53 | 57.93 | | countertop | 52.95 | 67.08 | | stove | 70.94 | 79.96 | | palm | 50.01 | 65.12 | | kitchen island | 37.73 | 60.06 | | computer | 63.14 | 79.05 | | swivel chair | 43.07 | 58.01 | | boat | 61.42 | 77.06 | | bar | 55.0 | 66.65 | | arcade machine | 63.19 | 71.84 | | hovel | 29.29 | 32.85 | | bus | 84.57 | 91.93 | | towel | 65.67 | 77.61 | | light | 35.67 | 41.16 | | truck | 36.47 | 49.35 | | tower | 19.8 | 30.29 | | chandelier | 62.56 | 76.92 | | awning | 27.37 | 34.75 | | streetlight | 21.77 | 26.07 | | booth | 34.43 | 42.36 | | television receiver | 68.08 | 78.4 | | airplane | 53.24 | 66.59 | | dirt track | 10.82 | 18.52 | | apparel | 44.76 | 59.31 | | pole | 13.44 | 16.26 | | land | 1.39 | 1.98 | | bannister | 6.77 | 8.75 | | escalator | 53.39 | 69.7 | | ottoman | 44.01 | 54.17 | | bottle | 40.45 | 66.65 | | buffet | 41.83 | 49.44 | | poster | 20.86 | 26.33 | | stage | 15.13 | 30.3 | | van | 36.39 | 46.35 | | ship | 34.74 | 39.28 | | fountain | 22.81 | 23.54 | | conveyer belt | 66.68 | 92.84 | | canopy | 32.26 | 39.7 | | washer | 76.0 | 83.05 | | plaything | 27.25 | 37.63 | | swimming pool | 59.99 | 82.01 | | stool | 30.65 | 38.29 | | barrel | 28.58 | 40.62 | | basket | 34.81 | 44.1 | | waterfall | 46.52 | 52.21 | | tent | 84.71 | 97.89 | | bag | 16.5 | 19.01 | | minibike | 66.54 | 83.63 | | cradle | 70.87 | 94.08 | | oven | 47.81 | 56.89 | | ball | 56.61 | 68.98 | | food | 51.54 | 60.7 | | step | 6.04 | 6.62 | | tank | 55.7 | 71.01 | | trade name | 17.58 | 19.55 | | microwave | 72.23 | 79.36 | | pot | 39.76 | 45.49 | | animal | 56.73 | 61.8 | | bicycle | 54.8 | 76.68 | | lake | 23.81 | 26.9 | | dishwasher | 51.2 | 56.15 | | screen | 43.68 | 58.82 | | blanket | 15.64 | 18.02 | | sculpture | 57.8 | 77.08 | | hood | 54.83 | 59.24 | | sconce | 38.03 | 47.33 | | vase | 37.01 | 54.21 | | traffic light | 31.4 | 42.01 | | tray | 11.42 | 14.01 | | ashcan | 41.93 | 50.35 | | fan | 53.64 | 68.53 | | pier | 34.94 | 43.03 | | crt screen | 5.93 | 12.54 | | plate | 50.43 | 66.65 | | monitor | 25.95 | 29.88 | | bulletin board | 45.24 | 58.23 | | shower | 3.68 | 4.55 | | radiator | 58.88 | 69.0 | | glass | 16.96 | 18.63 | | clock | 35.56 | 38.54 | | flag | 48.31 | 56.57 | +---------------------+-------+-------+ 2023-11-10 04:42:18,804 - mmseg - INFO - Summary: 2023-11-10 04:42:18,805 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.93 | 46.43 | 57.96 | +-------+-------+-------+ 2023-11-10 04:42:18,806 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:42:18,806 - mmseg - INFO - Iter(val) [250] aAcc: 0.7993, mIoU: 0.4643, mAcc: 0.5796, IoU.wall: 0.7029, IoU.building: 0.7938, IoU.sky: 0.9016, IoU.floor: 0.7411, IoU.tree: 0.6959, IoU.ceiling: 0.7702, IoU.road: 0.7861, IoU.bed : 0.8359, IoU.windowpane: 0.5825, IoU.grass: 0.6655, IoU.cabinet: 0.5442, IoU.sidewalk: 0.5667, IoU.person: 0.7549, IoU.earth: 0.3465, IoU.door: 0.4031, IoU.table: 0.5358, IoU.mountain: 0.5523, IoU.plant: 0.5058, IoU.curtain: 0.6475, IoU.chair: 0.5278, IoU.car: 0.7889, IoU.water: 0.5625, IoU.painting: 0.6642, IoU.sofa: 0.6645, IoU.shelf: 0.3813, IoU.house: 0.4463, IoU.sea: 0.6056, IoU.mirror: 0.5857, IoU.rug: 0.5078, IoU.field: 0.3518, IoU.armchair: 0.4226, IoU.seat: 0.5635, IoU.fence: 0.3796, IoU.desk: 0.4185, IoU.rock: 0.5242, IoU.wardrobe: 0.4406, IoU.lamp: 0.5669, IoU.bathtub: 0.7297, IoU.railing: 0.3298, IoU.cushion: 0.5671, IoU.base: 0.2553, IoU.box: 0.2607, IoU.column: 0.3617, IoU.signboard: 0.3122, IoU.chest of drawers: 0.3825, IoU.counter: 0.3316, IoU.sand: 0.4602, IoU.sink: 0.6856, IoU.skyscraper: 0.4544, IoU.fireplace: 0.6368, IoU.refrigerator: 0.5791, IoU.grandstand: 0.5106, IoU.path: 0.1787, IoU.stairs: 0.2783, IoU.runway: 0.6562, IoU.case: 0.5415, IoU.pool table: 0.8458, IoU.pillow: 0.5375, IoU.screen door: 0.5551, IoU.stairway: 0.4799, IoU.river: 0.1549, IoU.bridge: 0.4185, IoU.bookcase: 0.3264, IoU.blind: 0.2373, IoU.coffee table: 0.5773, IoU.toilet: 0.7913, IoU.flower: 0.3883, IoU.book: 0.4654, IoU.hill: 0.0528, IoU.bench: 0.4753, IoU.countertop: 0.5295, IoU.stove: 0.7094, IoU.palm: 0.5001, IoU.kitchen island: 0.3773, IoU.computer: 0.6314, IoU.swivel chair: 0.4307, IoU.boat: 0.6142, IoU.bar: 0.5500, IoU.arcade machine: 0.6319, IoU.hovel: 0.2929, IoU.bus: 0.8457, IoU.towel: 0.6567, IoU.light: 0.3567, IoU.truck: 0.3647, IoU.tower: 0.1980, IoU.chandelier: 0.6256, IoU.awning: 0.2737, IoU.streetlight: 0.2177, IoU.booth: 0.3443, IoU.television receiver: 0.6808, IoU.airplane: 0.5324, IoU.dirt track: 0.1082, IoU.apparel: 0.4476, IoU.pole: 0.1344, IoU.land: 0.0139, IoU.bannister: 0.0677, IoU.escalator: 0.5339, IoU.ottoman: 0.4401, IoU.bottle: 0.4045, IoU.buffet: 0.4183, IoU.poster: 0.2086, IoU.stage: 0.1513, IoU.van: 0.3639, IoU.ship: 0.3474, IoU.fountain: 0.2281, IoU.conveyer belt: 0.6668, IoU.canopy: 0.3226, IoU.washer: 0.7600, IoU.plaything: 0.2725, IoU.swimming pool: 0.5999, IoU.stool: 0.3065, IoU.barrel: 0.2858, IoU.basket: 0.3481, IoU.waterfall: 0.4652, IoU.tent: 0.8471, IoU.bag: 0.1650, IoU.minibike: 0.6654, IoU.cradle: 0.7087, IoU.oven: 0.4781, IoU.ball: 0.5661, IoU.food: 0.5154, IoU.step: 0.0604, IoU.tank: 0.5570, IoU.trade name: 0.1758, IoU.microwave: 0.7223, IoU.pot: 0.3976, IoU.animal: 0.5673, IoU.bicycle: 0.5480, IoU.lake: 0.2381, IoU.dishwasher: 0.5120, IoU.screen: 0.4368, IoU.blanket: 0.1564, IoU.sculpture: 0.5780, IoU.hood: 0.5483, IoU.sconce: 0.3803, IoU.vase: 0.3701, IoU.traffic light: 0.3140, IoU.tray: 0.1142, IoU.ashcan: 0.4193, IoU.fan: 0.5364, IoU.pier: 0.3494, IoU.crt screen: 0.0593, IoU.plate: 0.5043, IoU.monitor: 0.2595, IoU.bulletin board: 0.4524, IoU.shower: 0.0368, IoU.radiator: 0.5888, IoU.glass: 0.1696, IoU.clock: 0.3556, IoU.flag: 0.4831, Acc.wall: 0.8421, Acc.building: 0.9255, Acc.sky: 0.9522, Acc.floor: 0.8708, Acc.tree: 0.8496, Acc.ceiling: 0.8751, Acc.road: 0.8843, Acc.bed : 0.9390, Acc.windowpane: 0.7546, Acc.grass: 0.8020, Acc.cabinet: 0.6771, Acc.sidewalk: 0.7343, Acc.person: 0.9016, Acc.earth: 0.4694, Acc.door: 0.5017, Acc.table: 0.6754, Acc.mountain: 0.6967, Acc.plant: 0.6169, Acc.curtain: 0.7751, Acc.chair: 0.6887, Acc.car: 0.9191, Acc.water: 0.7343, Acc.painting: 0.8153, Acc.sofa: 0.8266, Acc.shelf: 0.5441, Acc.house: 0.5984, Acc.sea: 0.7941, Acc.mirror: 0.7071, Acc.rug: 0.5624, Acc.field: 0.5606, Acc.armchair: 0.5954, Acc.seat: 0.7718, Acc.fence: 0.4887, Acc.desk: 0.6688, Acc.rock: 0.7005, Acc.wardrobe: 0.6047, Acc.lamp: 0.7055, Acc.bathtub: 0.8078, Acc.railing: 0.4482, Acc.cushion: 0.6924, Acc.base: 0.3871, Acc.box: 0.3325, Acc.column: 0.4473, Acc.signboard: 0.4509, Acc.chest of drawers: 0.5257, Acc.counter: 0.4092, Acc.sand: 0.6311, Acc.sink: 0.7881, Acc.skyscraper: 0.6077, Acc.fireplace: 0.8228, Acc.refrigerator: 0.6711, Acc.grandstand: 0.7921, Acc.path: 0.2462, Acc.stairs: 0.3135, Acc.runway: 0.8608, Acc.case: 0.6776, Acc.pool table: 0.9613, Acc.pillow: 0.6389, Acc.screen door: 0.6100, Acc.stairway: 0.6380, Acc.river: 0.2788, Acc.bridge: 0.5007, Acc.bookcase: 0.4748, Acc.blind: 0.2650, Acc.coffee table: 0.8143, Acc.toilet: 0.8887, Acc.flower: 0.5359, Acc.book: 0.6727, Acc.hill: 0.0860, Acc.bench: 0.5793, Acc.countertop: 0.6708, Acc.stove: 0.7996, Acc.palm: 0.6512, Acc.kitchen island: 0.6006, Acc.computer: 0.7905, Acc.swivel chair: 0.5801, Acc.boat: 0.7706, Acc.bar: 0.6665, Acc.arcade machine: 0.7184, Acc.hovel: 0.3285, Acc.bus: 0.9193, Acc.towel: 0.7761, Acc.light: 0.4116, Acc.truck: 0.4935, Acc.tower: 0.3029, Acc.chandelier: 0.7692, Acc.awning: 0.3475, Acc.streetlight: 0.2607, Acc.booth: 0.4236, Acc.television receiver: 0.7840, Acc.airplane: 0.6659, Acc.dirt track: 0.1852, Acc.apparel: 0.5931, Acc.pole: 0.1626, Acc.land: 0.0198, Acc.bannister: 0.0875, Acc.escalator: 0.6970, Acc.ottoman: 0.5417, Acc.bottle: 0.6665, Acc.buffet: 0.4944, Acc.poster: 0.2633, Acc.stage: 0.3030, Acc.van: 0.4635, Acc.ship: 0.3928, Acc.fountain: 0.2354, Acc.conveyer belt: 0.9284, Acc.canopy: 0.3970, Acc.washer: 0.8305, Acc.plaything: 0.3763, Acc.swimming pool: 0.8201, Acc.stool: 0.3829, Acc.barrel: 0.4062, Acc.basket: 0.4410, Acc.waterfall: 0.5221, Acc.tent: 0.9789, Acc.bag: 0.1901, Acc.minibike: 0.8363, Acc.cradle: 0.9408, Acc.oven: 0.5689, Acc.ball: 0.6898, Acc.food: 0.6070, Acc.step: 0.0662, Acc.tank: 0.7101, Acc.trade name: 0.1955, Acc.microwave: 0.7936, Acc.pot: 0.4549, Acc.animal: 0.6180, Acc.bicycle: 0.7668, Acc.lake: 0.2690, Acc.dishwasher: 0.5615, Acc.screen: 0.5882, Acc.blanket: 0.1802, Acc.sculpture: 0.7708, Acc.hood: 0.5924, Acc.sconce: 0.4733, Acc.vase: 0.5421, Acc.traffic light: 0.4201, Acc.tray: 0.1401, Acc.ashcan: 0.5035, Acc.fan: 0.6853, Acc.pier: 0.4303, Acc.crt screen: 0.1254, Acc.plate: 0.6665, Acc.monitor: 0.2988, Acc.bulletin board: 0.5823, Acc.shower: 0.0455, Acc.radiator: 0.6900, Acc.glass: 0.1863, Acc.clock: 0.3854, Acc.flag: 0.5657 2023-11-10 04:42:29,407 - mmseg - INFO - Iter [75050/80000] lr: 2.475e-06, eta: 0:23:28, time: 1.127, data_time: 0.922, memory: 16310, decode.loss_ce: 0.5158, decode.acc_seg: 80.4846, loss: 0.5158 2023-11-10 04:42:40,001 - mmseg - INFO - Iter [75100/80000] lr: 2.451e-06, eta: 0:23:14, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5308, decode.acc_seg: 79.6816, loss: 0.5308 2023-11-10 04:42:50,553 - mmseg - INFO - Iter [75150/80000] lr: 2.426e-06, eta: 0:22:59, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5434, decode.acc_seg: 79.2020, loss: 0.5434 2023-11-10 04:43:01,098 - mmseg - INFO - Iter [75200/80000] lr: 2.401e-06, eta: 0:22:45, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5130, decode.acc_seg: 80.3950, loss: 0.5130 2023-11-10 04:43:11,628 - mmseg - INFO - Iter [75250/80000] lr: 2.376e-06, eta: 0:22:30, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5420, decode.acc_seg: 79.6156, loss: 0.5420 2023-11-10 04:43:22,149 - mmseg - INFO - Iter [75300/80000] lr: 2.351e-06, eta: 0:22:16, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5226, decode.acc_seg: 80.0264, loss: 0.5226 2023-11-10 04:43:32,696 - mmseg - INFO - Iter [75350/80000] lr: 2.325e-06, eta: 0:22:02, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5349, decode.acc_seg: 80.4962, loss: 0.5349 2023-11-10 04:43:43,231 - mmseg - INFO - Iter [75400/80000] lr: 2.300e-06, eta: 0:21:47, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5235, decode.acc_seg: 80.8728, loss: 0.5235 2023-11-10 04:43:53,759 - mmseg - INFO - Iter [75450/80000] lr: 2.275e-06, eta: 0:21:33, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5198, decode.acc_seg: 79.9251, loss: 0.5198 2023-11-10 04:44:04,280 - mmseg - INFO - Iter [75500/80000] lr: 2.250e-06, eta: 0:21:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5087, decode.acc_seg: 80.8101, loss: 0.5087 2023-11-10 04:44:14,805 - mmseg - INFO - Iter [75550/80000] lr: 2.226e-06, eta: 0:21:04, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5230, decode.acc_seg: 80.5858, loss: 0.5230 2023-11-10 04:44:25,342 - mmseg - INFO - Iter [75600/80000] lr: 2.201e-06, eta: 0:20:49, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5314, decode.acc_seg: 79.9409, loss: 0.5314 2023-11-10 04:44:35,872 - mmseg - INFO - Iter [75650/80000] lr: 2.176e-06, eta: 0:20:35, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 79.3842, loss: 0.5366 2023-11-10 04:44:46,380 - mmseg - INFO - Iter [75700/80000] lr: 2.151e-06, eta: 0:20:21, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5358, decode.acc_seg: 79.8998, loss: 0.5358 2023-11-10 04:44:56,902 - mmseg - INFO - Iter [75750/80000] lr: 2.125e-06, eta: 0:20:06, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5527, decode.acc_seg: 79.5429, loss: 0.5527 2023-11-10 04:45:09,710 - mmseg - INFO - Iter [75800/80000] lr: 2.100e-06, eta: 0:19:52, time: 0.256, data_time: 0.052, memory: 16310, decode.loss_ce: 0.5115, decode.acc_seg: 80.3757, loss: 0.5115 2023-11-10 04:45:20,222 - mmseg - INFO - Iter [75850/80000] lr: 2.075e-06, eta: 0:19:37, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5127, decode.acc_seg: 80.8732, loss: 0.5127 2023-11-10 04:45:30,723 - mmseg - INFO - Iter [75900/80000] lr: 2.050e-06, eta: 0:19:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5197, decode.acc_seg: 80.7208, loss: 0.5197 2023-11-10 04:45:41,224 - mmseg - INFO - Iter [75950/80000] lr: 2.026e-06, eta: 0:19:09, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5092, decode.acc_seg: 80.4026, loss: 0.5092 2023-11-10 04:45:51,736 - mmseg - INFO - Saving checkpoint at 76000 iterations 2023-11-10 04:46:16,032 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:46:16,032 - mmseg - INFO - Iter [76000/80000] lr: 2.001e-06, eta: 0:18:56, time: 0.696, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5341, decode.acc_seg: 79.8758, loss: 0.5341 2023-11-10 04:47:01,836 - mmseg - INFO - per class results: 2023-11-10 04:47:01,842 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.05 | 84.92 | | building | 79.33 | 92.6 | | sky | 90.09 | 95.35 | | floor | 74.11 | 86.6 | | tree | 69.52 | 84.87 | | ceiling | 77.02 | 88.02 | | road | 78.99 | 87.44 | | bed | 83.32 | 94.01 | | windowpane | 58.15 | 74.79 | | grass | 66.54 | 80.34 | | cabinet | 54.31 | 67.74 | | sidewalk | 57.18 | 74.03 | | person | 75.59 | 90.15 | | earth | 34.49 | 46.31 | | door | 40.05 | 49.5 | | table | 53.53 | 67.11 | | mountain | 55.16 | 68.81 | | plant | 50.34 | 60.89 | | curtain | 64.5 | 76.28 | | chair | 52.72 | 67.86 | | car | 79.45 | 91.46 | | water | 56.77 | 74.36 | | painting | 66.16 | 82.22 | | sofa | 66.58 | 81.53 | | shelf | 37.55 | 51.99 | | house | 44.16 | 57.92 | | sea | 60.99 | 77.68 | | mirror | 58.63 | 70.84 | | rug | 50.32 | 55.41 | | field | 35.17 | 56.41 | | armchair | 42.46 | 60.48 | | seat | 56.43 | 77.13 | | fence | 37.44 | 47.73 | | desk | 41.43 | 68.69 | | rock | 52.58 | 71.29 | | wardrobe | 43.86 | 59.47 | | lamp | 56.69 | 71.03 | | bathtub | 73.34 | 82.0 | | railing | 32.71 | 44.27 | | cushion | 56.55 | 68.41 | | base | 25.36 | 38.13 | | box | 26.24 | 33.61 | | column | 35.87 | 44.27 | | signboard | 31.4 | 45.3 | | chest of drawers | 37.94 | 51.57 | | counter | 33.72 | 42.28 | | sand | 45.75 | 62.38 | | sink | 68.53 | 79.57 | | skyscraper | 45.36 | 61.38 | | fireplace | 63.72 | 82.04 | | refrigerator | 57.54 | 66.12 | | grandstand | 51.5 | 78.61 | | path | 18.0 | 24.65 | | stairs | 27.33 | 30.48 | | runway | 66.25 | 87.18 | | case | 54.1 | 68.39 | | pool table | 84.58 | 96.22 | | pillow | 53.46 | 63.5 | | screen door | 56.29 | 62.34 | | stairway | 47.53 | 62.95 | | river | 15.24 | 27.68 | | bridge | 41.54 | 50.16 | | bookcase | 32.33 | 46.76 | | blind | 23.34 | 25.99 | | coffee table | 57.98 | 80.91 | | toilet | 79.04 | 88.99 | | flower | 38.64 | 52.85 | | book | 46.57 | 67.88 | | hill | 5.23 | 8.4 | | bench | 47.46 | 57.78 | | countertop | 53.06 | 67.42 | | stove | 70.81 | 79.75 | | palm | 49.89 | 64.52 | | kitchen island | 38.07 | 59.97 | | computer | 63.18 | 77.7 | | swivel chair | 43.17 | 58.23 | | boat | 61.21 | 77.88 | | bar | 55.07 | 66.56 | | arcade machine | 63.56 | 72.66 | | hovel | 31.42 | 35.44 | | bus | 84.49 | 92.1 | | towel | 65.66 | 78.04 | | light | 35.01 | 39.94 | | truck | 36.44 | 49.38 | | tower | 20.52 | 31.67 | | chandelier | 62.55 | 76.5 | | awning | 26.9 | 33.82 | | streetlight | 21.84 | 26.21 | | booth | 34.2 | 42.85 | | television receiver | 68.02 | 77.99 | | airplane | 53.06 | 66.47 | | dirt track | 11.09 | 18.15 | | apparel | 44.27 | 58.19 | | pole | 13.51 | 16.38 | | land | 1.49 | 2.19 | | bannister | 6.64 | 8.58 | | escalator | 53.82 | 70.37 | | ottoman | 43.61 | 52.97 | | bottle | 40.51 | 66.56 | | buffet | 41.47 | 48.57 | | poster | 20.22 | 24.67 | | stage | 15.21 | 30.19 | | van | 39.75 | 52.5 | | ship | 33.57 | 37.73 | | fountain | 23.81 | 24.7 | | conveyer belt | 66.06 | 93.1 | | canopy | 32.43 | 39.47 | | washer | 75.99 | 82.97 | | plaything | 27.67 | 37.89 | | swimming pool | 60.23 | 81.76 | | stool | 30.32 | 38.17 | | barrel | 28.65 | 40.46 | | basket | 34.8 | 43.96 | | waterfall | 46.27 | 51.75 | | tent | 85.0 | 97.89 | | bag | 16.49 | 18.98 | | minibike | 66.62 | 84.65 | | cradle | 70.9 | 93.8 | | oven | 47.46 | 56.08 | | ball | 56.23 | 67.64 | | food | 51.35 | 60.16 | | step | 6.07 | 6.66 | | tank | 55.21 | 68.86 | | trade name | 17.22 | 19.08 | | microwave | 71.15 | 77.75 | | pot | 39.44 | 45.01 | | animal | 57.65 | 63.46 | | bicycle | 55.04 | 78.2 | | lake | 24.62 | 28.03 | | dishwasher | 50.16 | 54.55 | | screen | 43.53 | 57.44 | | blanket | 15.16 | 17.47 | | sculpture | 56.83 | 77.77 | | hood | 52.75 | 56.21 | | sconce | 38.39 | 48.28 | | vase | 37.27 | 53.4 | | traffic light | 31.75 | 43.35 | | tray | 11.35 | 13.91 | | ashcan | 41.97 | 50.25 | | fan | 52.78 | 65.93 | | pier | 34.91 | 43.07 | | crt screen | 5.87 | 11.74 | | plate | 50.38 | 66.43 | | monitor | 26.02 | 30.25 | | bulletin board | 45.06 | 56.98 | | shower | 3.86 | 4.94 | | radiator | 58.42 | 67.09 | | glass | 17.32 | 19.21 | | clock | 35.75 | 38.86 | | flag | 47.52 | 55.09 | +---------------------+-------+-------+ 2023-11-10 04:47:01,842 - mmseg - INFO - Summary: 2023-11-10 04:47:01,843 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.91 | 46.39 | 57.81 | +-------+-------+-------+ 2023-11-10 04:47:01,844 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:47:01,844 - mmseg - INFO - Iter(val) [250] aAcc: 0.7991, mIoU: 0.4639, mAcc: 0.5781, IoU.wall: 0.7005, IoU.building: 0.7933, IoU.sky: 0.9009, IoU.floor: 0.7411, IoU.tree: 0.6952, IoU.ceiling: 0.7702, IoU.road: 0.7899, IoU.bed : 0.8332, IoU.windowpane: 0.5815, IoU.grass: 0.6654, IoU.cabinet: 0.5431, IoU.sidewalk: 0.5718, IoU.person: 0.7559, IoU.earth: 0.3449, IoU.door: 0.4005, IoU.table: 0.5353, IoU.mountain: 0.5516, IoU.plant: 0.5034, IoU.curtain: 0.6450, IoU.chair: 0.5272, IoU.car: 0.7945, IoU.water: 0.5677, IoU.painting: 0.6616, IoU.sofa: 0.6658, IoU.shelf: 0.3755, IoU.house: 0.4416, IoU.sea: 0.6099, IoU.mirror: 0.5863, IoU.rug: 0.5032, IoU.field: 0.3517, IoU.armchair: 0.4246, IoU.seat: 0.5643, IoU.fence: 0.3744, IoU.desk: 0.4143, IoU.rock: 0.5258, IoU.wardrobe: 0.4386, IoU.lamp: 0.5669, IoU.bathtub: 0.7334, IoU.railing: 0.3271, IoU.cushion: 0.5655, IoU.base: 0.2536, IoU.box: 0.2624, IoU.column: 0.3587, IoU.signboard: 0.3140, IoU.chest of drawers: 0.3794, IoU.counter: 0.3372, IoU.sand: 0.4575, IoU.sink: 0.6853, IoU.skyscraper: 0.4536, IoU.fireplace: 0.6372, IoU.refrigerator: 0.5754, IoU.grandstand: 0.5150, IoU.path: 0.1800, IoU.stairs: 0.2733, IoU.runway: 0.6625, IoU.case: 0.5410, IoU.pool table: 0.8458, IoU.pillow: 0.5346, IoU.screen door: 0.5629, IoU.stairway: 0.4753, IoU.river: 0.1524, IoU.bridge: 0.4154, IoU.bookcase: 0.3233, IoU.blind: 0.2334, IoU.coffee table: 0.5798, IoU.toilet: 0.7904, IoU.flower: 0.3864, IoU.book: 0.4657, IoU.hill: 0.0523, IoU.bench: 0.4746, IoU.countertop: 0.5306, IoU.stove: 0.7081, IoU.palm: 0.4989, IoU.kitchen island: 0.3807, IoU.computer: 0.6318, IoU.swivel chair: 0.4317, IoU.boat: 0.6121, IoU.bar: 0.5507, IoU.arcade machine: 0.6356, IoU.hovel: 0.3142, IoU.bus: 0.8449, IoU.towel: 0.6566, IoU.light: 0.3501, IoU.truck: 0.3644, IoU.tower: 0.2052, IoU.chandelier: 0.6255, IoU.awning: 0.2690, IoU.streetlight: 0.2184, IoU.booth: 0.3420, IoU.television receiver: 0.6802, IoU.airplane: 0.5306, IoU.dirt track: 0.1109, IoU.apparel: 0.4427, IoU.pole: 0.1351, IoU.land: 0.0149, IoU.bannister: 0.0664, IoU.escalator: 0.5382, IoU.ottoman: 0.4361, IoU.bottle: 0.4051, IoU.buffet: 0.4147, IoU.poster: 0.2022, IoU.stage: 0.1521, IoU.van: 0.3975, IoU.ship: 0.3357, IoU.fountain: 0.2381, IoU.conveyer belt: 0.6606, IoU.canopy: 0.3243, IoU.washer: 0.7599, IoU.plaything: 0.2767, IoU.swimming pool: 0.6023, IoU.stool: 0.3032, IoU.barrel: 0.2865, IoU.basket: 0.3480, IoU.waterfall: 0.4627, IoU.tent: 0.8500, IoU.bag: 0.1649, IoU.minibike: 0.6662, IoU.cradle: 0.7090, IoU.oven: 0.4746, IoU.ball: 0.5623, IoU.food: 0.5135, IoU.step: 0.0607, IoU.tank: 0.5521, IoU.trade name: 0.1722, IoU.microwave: 0.7115, IoU.pot: 0.3944, IoU.animal: 0.5765, IoU.bicycle: 0.5504, IoU.lake: 0.2462, IoU.dishwasher: 0.5016, IoU.screen: 0.4353, IoU.blanket: 0.1516, IoU.sculpture: 0.5683, IoU.hood: 0.5275, IoU.sconce: 0.3839, IoU.vase: 0.3727, IoU.traffic light: 0.3175, IoU.tray: 0.1135, IoU.ashcan: 0.4197, IoU.fan: 0.5278, IoU.pier: 0.3491, IoU.crt screen: 0.0587, IoU.plate: 0.5038, IoU.monitor: 0.2602, IoU.bulletin board: 0.4506, IoU.shower: 0.0386, IoU.radiator: 0.5842, IoU.glass: 0.1732, IoU.clock: 0.3575, IoU.flag: 0.4752, Acc.wall: 0.8492, Acc.building: 0.9260, Acc.sky: 0.9535, Acc.floor: 0.8660, Acc.tree: 0.8487, Acc.ceiling: 0.8802, Acc.road: 0.8744, Acc.bed : 0.9401, Acc.windowpane: 0.7479, Acc.grass: 0.8034, Acc.cabinet: 0.6774, Acc.sidewalk: 0.7403, Acc.person: 0.9015, Acc.earth: 0.4631, Acc.door: 0.4950, Acc.table: 0.6711, Acc.mountain: 0.6881, Acc.plant: 0.6089, Acc.curtain: 0.7628, Acc.chair: 0.6786, Acc.car: 0.9146, Acc.water: 0.7436, Acc.painting: 0.8222, Acc.sofa: 0.8153, Acc.shelf: 0.5199, Acc.house: 0.5792, Acc.sea: 0.7768, Acc.mirror: 0.7084, Acc.rug: 0.5541, Acc.field: 0.5641, Acc.armchair: 0.6048, Acc.seat: 0.7713, Acc.fence: 0.4773, Acc.desk: 0.6869, Acc.rock: 0.7129, Acc.wardrobe: 0.5947, Acc.lamp: 0.7103, Acc.bathtub: 0.8200, Acc.railing: 0.4427, Acc.cushion: 0.6841, Acc.base: 0.3813, Acc.box: 0.3361, Acc.column: 0.4427, Acc.signboard: 0.4530, Acc.chest of drawers: 0.5157, Acc.counter: 0.4228, Acc.sand: 0.6238, Acc.sink: 0.7957, Acc.skyscraper: 0.6138, Acc.fireplace: 0.8204, Acc.refrigerator: 0.6612, Acc.grandstand: 0.7861, Acc.path: 0.2465, Acc.stairs: 0.3048, Acc.runway: 0.8718, Acc.case: 0.6839, Acc.pool table: 0.9622, Acc.pillow: 0.6350, Acc.screen door: 0.6234, Acc.stairway: 0.6295, Acc.river: 0.2768, Acc.bridge: 0.5016, Acc.bookcase: 0.4676, Acc.blind: 0.2599, Acc.coffee table: 0.8091, Acc.toilet: 0.8899, Acc.flower: 0.5285, Acc.book: 0.6788, Acc.hill: 0.0840, Acc.bench: 0.5778, Acc.countertop: 0.6742, Acc.stove: 0.7975, Acc.palm: 0.6452, Acc.kitchen island: 0.5997, Acc.computer: 0.7770, Acc.swivel chair: 0.5823, Acc.boat: 0.7788, Acc.bar: 0.6656, Acc.arcade machine: 0.7266, Acc.hovel: 0.3544, Acc.bus: 0.9210, Acc.towel: 0.7804, Acc.light: 0.3994, Acc.truck: 0.4938, Acc.tower: 0.3167, Acc.chandelier: 0.7650, Acc.awning: 0.3382, Acc.streetlight: 0.2621, Acc.booth: 0.4285, Acc.television receiver: 0.7799, Acc.airplane: 0.6647, Acc.dirt track: 0.1815, Acc.apparel: 0.5819, Acc.pole: 0.1638, Acc.land: 0.0219, Acc.bannister: 0.0858, Acc.escalator: 0.7037, Acc.ottoman: 0.5297, Acc.bottle: 0.6656, Acc.buffet: 0.4857, Acc.poster: 0.2467, Acc.stage: 0.3019, Acc.van: 0.5250, Acc.ship: 0.3773, Acc.fountain: 0.2470, Acc.conveyer belt: 0.9310, Acc.canopy: 0.3947, Acc.washer: 0.8297, Acc.plaything: 0.3789, Acc.swimming pool: 0.8176, Acc.stool: 0.3817, Acc.barrel: 0.4046, Acc.basket: 0.4396, Acc.waterfall: 0.5175, Acc.tent: 0.9789, Acc.bag: 0.1898, Acc.minibike: 0.8465, Acc.cradle: 0.9380, Acc.oven: 0.5608, Acc.ball: 0.6764, Acc.food: 0.6016, Acc.step: 0.0666, Acc.tank: 0.6886, Acc.trade name: 0.1908, Acc.microwave: 0.7775, Acc.pot: 0.4501, Acc.animal: 0.6346, Acc.bicycle: 0.7820, Acc.lake: 0.2803, Acc.dishwasher: 0.5455, Acc.screen: 0.5744, Acc.blanket: 0.1747, Acc.sculpture: 0.7777, Acc.hood: 0.5621, Acc.sconce: 0.4828, Acc.vase: 0.5340, Acc.traffic light: 0.4335, Acc.tray: 0.1391, Acc.ashcan: 0.5025, Acc.fan: 0.6593, Acc.pier: 0.4307, Acc.crt screen: 0.1174, Acc.plate: 0.6643, Acc.monitor: 0.3025, Acc.bulletin board: 0.5698, Acc.shower: 0.0494, Acc.radiator: 0.6709, Acc.glass: 0.1921, Acc.clock: 0.3886, Acc.flag: 0.5509 2023-11-10 04:47:12,482 - mmseg - INFO - Iter [76050/80000] lr: 1.976e-06, eta: 0:18:44, time: 1.129, data_time: 0.923, memory: 16310, decode.loss_ce: 0.5360, decode.acc_seg: 79.5179, loss: 0.5360 2023-11-10 04:47:23,055 - mmseg - INFO - Iter [76100/80000] lr: 1.951e-06, eta: 0:18:29, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5097, decode.acc_seg: 80.3912, loss: 0.5097 2023-11-10 04:47:33,619 - mmseg - INFO - Iter [76150/80000] lr: 1.926e-06, eta: 0:18:15, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5345, decode.acc_seg: 79.7957, loss: 0.5345 2023-11-10 04:47:44,170 - mmseg - INFO - Iter [76200/80000] lr: 1.900e-06, eta: 0:18:00, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5204, decode.acc_seg: 80.1573, loss: 0.5204 2023-11-10 04:47:54,693 - mmseg - INFO - Iter [76250/80000] lr: 1.875e-06, eta: 0:17:46, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5195, decode.acc_seg: 80.6524, loss: 0.5195 2023-11-10 04:48:05,230 - mmseg - INFO - Iter [76300/80000] lr: 1.850e-06, eta: 0:17:32, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5216, decode.acc_seg: 80.1994, loss: 0.5216 2023-11-10 04:48:15,765 - mmseg - INFO - Iter [76350/80000] lr: 1.826e-06, eta: 0:17:17, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5294, decode.acc_seg: 80.3181, loss: 0.5294 2023-11-10 04:48:26,292 - mmseg - INFO - Iter [76400/80000] lr: 1.801e-06, eta: 0:17:03, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5163, decode.acc_seg: 80.1316, loss: 0.5163 2023-11-10 04:48:36,813 - mmseg - INFO - Iter [76450/80000] lr: 1.776e-06, eta: 0:16:48, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5262, decode.acc_seg: 79.8674, loss: 0.5262 2023-11-10 04:48:47,331 - mmseg - INFO - Iter [76500/80000] lr: 1.751e-06, eta: 0:16:34, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5382, decode.acc_seg: 80.0879, loss: 0.5382 2023-11-10 04:48:57,859 - mmseg - INFO - Iter [76550/80000] lr: 1.726e-06, eta: 0:16:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5341, decode.acc_seg: 80.0790, loss: 0.5341 2023-11-10 04:49:08,403 - mmseg - INFO - Iter [76600/80000] lr: 1.700e-06, eta: 0:16:05, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5362, decode.acc_seg: 79.6216, loss: 0.5362 2023-11-10 04:49:18,927 - mmseg - INFO - Iter [76650/80000] lr: 1.675e-06, eta: 0:15:51, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5165, decode.acc_seg: 80.7133, loss: 0.5165 2023-11-10 04:49:29,449 - mmseg - INFO - Iter [76700/80000] lr: 1.650e-06, eta: 0:15:37, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5342, decode.acc_seg: 80.1288, loss: 0.5342 2023-11-10 04:49:39,964 - mmseg - INFO - Iter [76750/80000] lr: 1.625e-06, eta: 0:15:22, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5095, decode.acc_seg: 80.5936, loss: 0.5095 2023-11-10 04:49:50,487 - mmseg - INFO - Iter [76800/80000] lr: 1.601e-06, eta: 0:15:08, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5294, decode.acc_seg: 79.8785, loss: 0.5294 2023-11-10 04:50:01,015 - mmseg - INFO - Iter [76850/80000] lr: 1.576e-06, eta: 0:14:53, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5075, decode.acc_seg: 81.1565, loss: 0.5075 2023-11-10 04:50:11,548 - mmseg - INFO - Iter [76900/80000] lr: 1.551e-06, eta: 0:14:39, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5136, decode.acc_seg: 80.7497, loss: 0.5136 2023-11-10 04:50:22,070 - mmseg - INFO - Iter [76950/80000] lr: 1.526e-06, eta: 0:14:25, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5255, decode.acc_seg: 79.9730, loss: 0.5255 2023-11-10 04:50:32,588 - mmseg - INFO - Saving checkpoint at 77000 iterations 2023-11-10 04:50:57,781 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:50:57,781 - mmseg - INFO - Iter [77000/80000] lr: 1.500e-06, eta: 0:14:11, time: 0.714, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5410, decode.acc_seg: 79.7910, loss: 0.5410 2023-11-10 04:51:43,703 - mmseg - INFO - per class results: 2023-11-10 04:51:43,712 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.29 | 84.18 | | building | 79.95 | 90.92 | | sky | 89.93 | 95.7 | | floor | 74.17 | 86.87 | | tree | 69.8 | 85.74 | | ceiling | 76.99 | 88.2 | | road | 78.95 | 87.84 | | bed | 83.41 | 94.15 | | windowpane | 58.23 | 75.06 | | grass | 66.54 | 81.15 | | cabinet | 54.4 | 67.73 | | sidewalk | 57.04 | 73.38 | | person | 75.59 | 90.25 | | earth | 35.07 | 49.4 | | door | 40.78 | 51.46 | | table | 53.6 | 68.94 | | mountain | 55.03 | 69.56 | | plant | 50.3 | 60.75 | | curtain | 64.71 | 76.52 | | chair | 52.91 | 69.07 | | car | 79.33 | 91.63 | | water | 56.33 | 73.73 | | painting | 66.41 | 81.66 | | sofa | 66.31 | 83.4 | | shelf | 37.72 | 52.43 | | house | 46.36 | 64.42 | | sea | 60.6 | 79.22 | | mirror | 58.69 | 70.97 | | rug | 50.55 | 55.76 | | field | 35.23 | 55.86 | | armchair | 42.08 | 58.53 | | seat | 56.34 | 77.65 | | fence | 38.43 | 50.33 | | desk | 41.46 | 68.45 | | rock | 52.35 | 71.25 | | wardrobe | 44.26 | 60.92 | | lamp | 56.76 | 71.72 | | bathtub | 73.29 | 81.79 | | railing | 32.68 | 44.33 | | cushion | 56.63 | 68.91 | | base | 25.33 | 37.64 | | box | 26.41 | 34.0 | | column | 35.49 | 43.4 | | signboard | 31.85 | 46.89 | | chest of drawers | 38.42 | 52.82 | | counter | 33.69 | 42.33 | | sand | 45.65 | 62.74 | | sink | 68.58 | 78.95 | | skyscraper | 45.47 | 62.34 | | fireplace | 63.5 | 83.06 | | refrigerator | 57.96 | 67.35 | | grandstand | 51.26 | 79.12 | | path | 18.23 | 25.04 | | stairs | 29.03 | 32.76 | | runway | 66.19 | 87.04 | | case | 54.37 | 68.48 | | pool table | 84.61 | 96.15 | | pillow | 53.96 | 64.56 | | screen door | 56.34 | 62.6 | | stairway | 48.01 | 62.46 | | river | 15.44 | 27.71 | | bridge | 42.63 | 51.45 | | bookcase | 32.44 | 47.36 | | blind | 24.72 | 27.77 | | coffee table | 57.93 | 81.15 | | toilet | 79.08 | 88.99 | | flower | 38.64 | 53.71 | | book | 46.54 | 67.92 | | hill | 5.2 | 8.5 | | bench | 47.31 | 57.78 | | countertop | 53.2 | 68.24 | | stove | 70.87 | 80.53 | | palm | 49.77 | 64.18 | | kitchen island | 37.99 | 59.98 | | computer | 63.28 | 78.07 | | swivel chair | 43.02 | 57.76 | | boat | 60.67 | 77.48 | | bar | 54.72 | 66.31 | | arcade machine | 64.61 | 74.51 | | hovel | 33.66 | 38.56 | | bus | 84.64 | 92.41 | | towel | 65.45 | 77.09 | | light | 35.1 | 40.09 | | truck | 36.96 | 50.86 | | tower | 24.03 | 38.14 | | chandelier | 62.64 | 77.3 | | awning | 28.21 | 36.14 | | streetlight | 21.81 | 25.83 | | booth | 34.23 | 42.95 | | television receiver | 68.19 | 78.9 | | airplane | 53.34 | 66.28 | | dirt track | 11.03 | 20.5 | | apparel | 44.77 | 58.65 | | pole | 14.48 | 17.77 | | land | 1.47 | 2.14 | | bannister | 6.45 | 8.28 | | escalator | 53.52 | 70.03 | | ottoman | 43.43 | 52.67 | | bottle | 40.44 | 66.46 | | buffet | 41.69 | 49.04 | | poster | 20.55 | 25.64 | | stage | 15.31 | 31.02 | | van | 39.49 | 52.17 | | ship | 35.05 | 39.78 | | fountain | 22.09 | 22.81 | | conveyer belt | 65.81 | 93.08 | | canopy | 34.5 | 42.77 | | washer | 76.77 | 84.42 | | plaything | 27.44 | 39.47 | | swimming pool | 59.86 | 82.69 | | stool | 30.89 | 39.2 | | barrel | 28.52 | 40.56 | | basket | 34.73 | 44.57 | | waterfall | 45.92 | 50.91 | | tent | 84.48 | 97.78 | | bag | 16.58 | 19.18 | | minibike | 66.56 | 85.28 | | cradle | 70.88 | 94.1 | | oven | 48.2 | 57.79 | | ball | 56.49 | 68.79 | | food | 52.23 | 61.82 | | step | 6.05 | 6.66 | | tank | 55.8 | 70.67 | | trade name | 19.29 | 21.93 | | microwave | 72.37 | 79.58 | | pot | 39.31 | 44.82 | | animal | 57.87 | 63.29 | | bicycle | 55.03 | 79.23 | | lake | 23.99 | 27.17 | | dishwasher | 50.83 | 55.55 | | screen | 43.7 | 58.88 | | blanket | 15.81 | 18.34 | | sculpture | 57.03 | 77.83 | | hood | 54.52 | 58.76 | | sconce | 38.44 | 48.56 | | vase | 37.01 | 53.37 | | traffic light | 31.98 | 44.49 | | tray | 11.76 | 14.63 | | ashcan | 42.37 | 51.5 | | fan | 53.04 | 66.81 | | pier | 34.76 | 43.06 | | crt screen | 6.13 | 12.86 | | plate | 50.23 | 66.72 | | monitor | 26.93 | 31.62 | | bulletin board | 45.03 | 58.24 | | shower | 4.08 | 5.26 | | radiator | 58.68 | 69.14 | | glass | 16.78 | 18.42 | | clock | 35.87 | 38.94 | | flag | 48.16 | 56.33 | +---------------------+-------+-------+ 2023-11-10 04:51:43,712 - mmseg - INFO - Summary: 2023-11-10 04:51:43,712 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.97 | 46.62 | 58.44 | +-------+-------+-------+ 2023-11-10 04:51:43,713 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:51:43,714 - mmseg - INFO - Iter(val) [250] aAcc: 0.7997, mIoU: 0.4662, mAcc: 0.5844, IoU.wall: 0.7029, IoU.building: 0.7995, IoU.sky: 0.8993, IoU.floor: 0.7417, IoU.tree: 0.6980, IoU.ceiling: 0.7699, IoU.road: 0.7895, IoU.bed : 0.8341, IoU.windowpane: 0.5823, IoU.grass: 0.6654, IoU.cabinet: 0.5440, IoU.sidewalk: 0.5704, IoU.person: 0.7559, IoU.earth: 0.3507, IoU.door: 0.4078, IoU.table: 0.5360, IoU.mountain: 0.5503, IoU.plant: 0.5030, IoU.curtain: 0.6471, IoU.chair: 0.5291, IoU.car: 0.7933, IoU.water: 0.5633, IoU.painting: 0.6641, IoU.sofa: 0.6631, IoU.shelf: 0.3772, IoU.house: 0.4636, IoU.sea: 0.6060, IoU.mirror: 0.5869, IoU.rug: 0.5055, IoU.field: 0.3523, IoU.armchair: 0.4208, IoU.seat: 0.5634, IoU.fence: 0.3843, IoU.desk: 0.4146, IoU.rock: 0.5235, IoU.wardrobe: 0.4426, IoU.lamp: 0.5676, IoU.bathtub: 0.7329, IoU.railing: 0.3268, IoU.cushion: 0.5663, IoU.base: 0.2533, IoU.box: 0.2641, IoU.column: 0.3549, IoU.signboard: 0.3185, IoU.chest of drawers: 0.3842, IoU.counter: 0.3369, IoU.sand: 0.4565, IoU.sink: 0.6858, IoU.skyscraper: 0.4547, IoU.fireplace: 0.6350, IoU.refrigerator: 0.5796, IoU.grandstand: 0.5126, IoU.path: 0.1823, IoU.stairs: 0.2903, IoU.runway: 0.6619, IoU.case: 0.5437, IoU.pool table: 0.8461, IoU.pillow: 0.5396, IoU.screen door: 0.5634, IoU.stairway: 0.4801, IoU.river: 0.1544, IoU.bridge: 0.4263, IoU.bookcase: 0.3244, IoU.blind: 0.2472, IoU.coffee table: 0.5793, IoU.toilet: 0.7908, IoU.flower: 0.3864, IoU.book: 0.4654, IoU.hill: 0.0520, IoU.bench: 0.4731, IoU.countertop: 0.5320, IoU.stove: 0.7087, IoU.palm: 0.4977, IoU.kitchen island: 0.3799, IoU.computer: 0.6328, IoU.swivel chair: 0.4302, IoU.boat: 0.6067, IoU.bar: 0.5472, IoU.arcade machine: 0.6461, IoU.hovel: 0.3366, IoU.bus: 0.8464, IoU.towel: 0.6545, IoU.light: 0.3510, IoU.truck: 0.3696, IoU.tower: 0.2403, IoU.chandelier: 0.6264, IoU.awning: 0.2821, IoU.streetlight: 0.2181, IoU.booth: 0.3423, IoU.television receiver: 0.6819, IoU.airplane: 0.5334, IoU.dirt track: 0.1103, IoU.apparel: 0.4477, IoU.pole: 0.1448, IoU.land: 0.0147, IoU.bannister: 0.0645, IoU.escalator: 0.5352, IoU.ottoman: 0.4343, IoU.bottle: 0.4044, IoU.buffet: 0.4169, IoU.poster: 0.2055, IoU.stage: 0.1531, IoU.van: 0.3949, IoU.ship: 0.3505, IoU.fountain: 0.2209, IoU.conveyer belt: 0.6581, IoU.canopy: 0.3450, IoU.washer: 0.7677, IoU.plaything: 0.2744, IoU.swimming pool: 0.5986, IoU.stool: 0.3089, IoU.barrel: 0.2852, IoU.basket: 0.3473, IoU.waterfall: 0.4592, IoU.tent: 0.8448, IoU.bag: 0.1658, IoU.minibike: 0.6656, IoU.cradle: 0.7088, IoU.oven: 0.4820, IoU.ball: 0.5649, IoU.food: 0.5223, IoU.step: 0.0605, IoU.tank: 0.5580, IoU.trade name: 0.1929, IoU.microwave: 0.7237, IoU.pot: 0.3931, IoU.animal: 0.5787, IoU.bicycle: 0.5503, IoU.lake: 0.2399, IoU.dishwasher: 0.5083, IoU.screen: 0.4370, IoU.blanket: 0.1581, IoU.sculpture: 0.5703, IoU.hood: 0.5452, IoU.sconce: 0.3844, IoU.vase: 0.3701, IoU.traffic light: 0.3198, IoU.tray: 0.1176, IoU.ashcan: 0.4237, IoU.fan: 0.5304, IoU.pier: 0.3476, IoU.crt screen: 0.0613, IoU.plate: 0.5023, IoU.monitor: 0.2693, IoU.bulletin board: 0.4503, IoU.shower: 0.0408, IoU.radiator: 0.5868, IoU.glass: 0.1678, IoU.clock: 0.3587, IoU.flag: 0.4816, Acc.wall: 0.8418, Acc.building: 0.9092, Acc.sky: 0.9570, Acc.floor: 0.8687, Acc.tree: 0.8574, Acc.ceiling: 0.8820, Acc.road: 0.8784, Acc.bed : 0.9415, Acc.windowpane: 0.7506, Acc.grass: 0.8115, Acc.cabinet: 0.6773, Acc.sidewalk: 0.7338, Acc.person: 0.9025, Acc.earth: 0.4940, Acc.door: 0.5146, Acc.table: 0.6894, Acc.mountain: 0.6956, Acc.plant: 0.6075, Acc.curtain: 0.7652, Acc.chair: 0.6907, Acc.car: 0.9163, Acc.water: 0.7373, Acc.painting: 0.8166, Acc.sofa: 0.8340, Acc.shelf: 0.5243, Acc.house: 0.6442, Acc.sea: 0.7922, Acc.mirror: 0.7097, Acc.rug: 0.5576, Acc.field: 0.5586, Acc.armchair: 0.5853, Acc.seat: 0.7765, Acc.fence: 0.5033, Acc.desk: 0.6845, Acc.rock: 0.7125, Acc.wardrobe: 0.6092, Acc.lamp: 0.7172, Acc.bathtub: 0.8179, Acc.railing: 0.4433, Acc.cushion: 0.6891, Acc.base: 0.3764, Acc.box: 0.3400, Acc.column: 0.4340, Acc.signboard: 0.4689, Acc.chest of drawers: 0.5282, Acc.counter: 0.4233, Acc.sand: 0.6274, Acc.sink: 0.7895, Acc.skyscraper: 0.6234, Acc.fireplace: 0.8306, Acc.refrigerator: 0.6735, Acc.grandstand: 0.7912, Acc.path: 0.2504, Acc.stairs: 0.3276, Acc.runway: 0.8704, Acc.case: 0.6848, Acc.pool table: 0.9615, Acc.pillow: 0.6456, Acc.screen door: 0.6260, Acc.stairway: 0.6246, Acc.river: 0.2771, Acc.bridge: 0.5145, Acc.bookcase: 0.4736, Acc.blind: 0.2777, Acc.coffee table: 0.8115, Acc.toilet: 0.8899, Acc.flower: 0.5371, Acc.book: 0.6792, Acc.hill: 0.0850, Acc.bench: 0.5778, Acc.countertop: 0.6824, Acc.stove: 0.8053, Acc.palm: 0.6418, Acc.kitchen island: 0.5998, Acc.computer: 0.7807, Acc.swivel chair: 0.5776, Acc.boat: 0.7748, Acc.bar: 0.6631, Acc.arcade machine: 0.7451, Acc.hovel: 0.3856, Acc.bus: 0.9241, Acc.towel: 0.7709, Acc.light: 0.4009, Acc.truck: 0.5086, Acc.tower: 0.3814, Acc.chandelier: 0.7730, Acc.awning: 0.3614, Acc.streetlight: 0.2583, Acc.booth: 0.4295, Acc.television receiver: 0.7890, Acc.airplane: 0.6628, Acc.dirt track: 0.2050, Acc.apparel: 0.5865, Acc.pole: 0.1777, Acc.land: 0.0214, Acc.bannister: 0.0828, Acc.escalator: 0.7003, Acc.ottoman: 0.5267, Acc.bottle: 0.6646, Acc.buffet: 0.4904, Acc.poster: 0.2564, Acc.stage: 0.3102, Acc.van: 0.5217, Acc.ship: 0.3978, Acc.fountain: 0.2281, Acc.conveyer belt: 0.9308, Acc.canopy: 0.4277, Acc.washer: 0.8442, Acc.plaything: 0.3947, Acc.swimming pool: 0.8269, Acc.stool: 0.3920, Acc.barrel: 0.4056, Acc.basket: 0.4457, Acc.waterfall: 0.5091, Acc.tent: 0.9778, Acc.bag: 0.1918, Acc.minibike: 0.8528, Acc.cradle: 0.9410, Acc.oven: 0.5779, Acc.ball: 0.6879, Acc.food: 0.6182, Acc.step: 0.0666, Acc.tank: 0.7067, Acc.trade name: 0.2193, Acc.microwave: 0.7958, Acc.pot: 0.4482, Acc.animal: 0.6329, Acc.bicycle: 0.7923, Acc.lake: 0.2717, Acc.dishwasher: 0.5555, Acc.screen: 0.5888, Acc.blanket: 0.1834, Acc.sculpture: 0.7783, Acc.hood: 0.5876, Acc.sconce: 0.4856, Acc.vase: 0.5337, Acc.traffic light: 0.4449, Acc.tray: 0.1463, Acc.ashcan: 0.5150, Acc.fan: 0.6681, Acc.pier: 0.4306, Acc.crt screen: 0.1286, Acc.plate: 0.6672, Acc.monitor: 0.3162, Acc.bulletin board: 0.5824, Acc.shower: 0.0526, Acc.radiator: 0.6914, Acc.glass: 0.1842, Acc.clock: 0.3894, Acc.flag: 0.5633 2023-11-10 04:51:56,594 - mmseg - INFO - Iter [77050/80000] lr: 1.475e-06, eta: 0:13:59, time: 1.176, data_time: 0.970, memory: 16310, decode.loss_ce: 0.5031, decode.acc_seg: 81.2094, loss: 0.5031 2023-11-10 04:52:07,189 - mmseg - INFO - Iter [77100/80000] lr: 1.450e-06, eta: 0:13:45, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5221, decode.acc_seg: 80.7166, loss: 0.5221 2023-11-10 04:52:17,772 - mmseg - INFO - Iter [77150/80000] lr: 1.425e-06, eta: 0:13:30, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5042, decode.acc_seg: 80.8242, loss: 0.5042 2023-11-10 04:52:28,344 - mmseg - INFO - Iter [77200/80000] lr: 1.401e-06, eta: 0:13:16, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5381, decode.acc_seg: 80.2770, loss: 0.5381 2023-11-10 04:52:38,897 - mmseg - INFO - Iter [77250/80000] lr: 1.376e-06, eta: 0:13:02, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5223, decode.acc_seg: 80.6228, loss: 0.5223 2023-11-10 04:52:49,435 - mmseg - INFO - Iter [77300/80000] lr: 1.351e-06, eta: 0:12:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5173, decode.acc_seg: 80.8402, loss: 0.5173 2023-11-10 04:52:59,972 - mmseg - INFO - Iter [77350/80000] lr: 1.326e-06, eta: 0:12:33, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5519, decode.acc_seg: 79.7681, loss: 0.5519 2023-11-10 04:53:10,502 - mmseg - INFO - Iter [77400/80000] lr: 1.301e-06, eta: 0:12:19, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4954, decode.acc_seg: 80.9494, loss: 0.4954 2023-11-10 04:53:21,034 - mmseg - INFO - Iter [77450/80000] lr: 1.275e-06, eta: 0:12:04, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5200, decode.acc_seg: 80.6124, loss: 0.5200 2023-11-10 04:53:31,546 - mmseg - INFO - Iter [77500/80000] lr: 1.250e-06, eta: 0:11:50, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5034, decode.acc_seg: 80.5092, loss: 0.5034 2023-11-10 04:53:42,061 - mmseg - INFO - Iter [77550/80000] lr: 1.225e-06, eta: 0:11:36, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5500, decode.acc_seg: 79.5480, loss: 0.5500 2023-11-10 04:53:52,578 - mmseg - INFO - Iter [77600/80000] lr: 1.200e-06, eta: 0:11:21, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5318, decode.acc_seg: 80.0945, loss: 0.5318 2023-11-10 04:54:03,114 - mmseg - INFO - Iter [77650/80000] lr: 1.176e-06, eta: 0:11:07, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5094, decode.acc_seg: 80.4189, loss: 0.5094 2023-11-10 04:54:13,637 - mmseg - INFO - Iter [77700/80000] lr: 1.151e-06, eta: 0:10:53, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5381, decode.acc_seg: 79.4756, loss: 0.5381 2023-11-10 04:54:24,157 - mmseg - INFO - Iter [77750/80000] lr: 1.126e-06, eta: 0:10:38, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5335, decode.acc_seg: 79.5380, loss: 0.5335 2023-11-10 04:54:34,680 - mmseg - INFO - Iter [77800/80000] lr: 1.101e-06, eta: 0:10:24, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5165, decode.acc_seg: 81.1453, loss: 0.5165 2023-11-10 04:54:45,195 - mmseg - INFO - Iter [77850/80000] lr: 1.075e-06, eta: 0:10:10, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5432, decode.acc_seg: 79.2099, loss: 0.5432 2023-11-10 04:54:55,717 - mmseg - INFO - Iter [77900/80000] lr: 1.050e-06, eta: 0:09:55, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5062, decode.acc_seg: 80.8230, loss: 0.5062 2023-11-10 04:55:06,242 - mmseg - INFO - Iter [77950/80000] lr: 1.025e-06, eta: 0:09:41, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5153, decode.acc_seg: 80.3419, loss: 0.5153 2023-11-10 04:55:16,760 - mmseg - INFO - Saving checkpoint at 78000 iterations 2023-11-10 04:55:40,837 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:55:40,837 - mmseg - INFO - Iter [78000/80000] lr: 1.000e-06, eta: 0:09:27, time: 0.692, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5330, decode.acc_seg: 79.6004, loss: 0.5330 2023-11-10 04:56:26,707 - mmseg - INFO - per class results: 2023-11-10 04:56:26,712 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.97 | 84.99 | | building | 79.12 | 92.97 | | sky | 90.11 | 95.14 | | floor | 74.28 | 85.94 | | tree | 69.38 | 85.05 | | ceiling | 77.0 | 87.86 | | road | 78.73 | 88.13 | | bed | 83.37 | 93.96 | | windowpane | 58.1 | 75.06 | | grass | 66.64 | 80.82 | | cabinet | 54.22 | 67.38 | | sidewalk | 56.79 | 73.3 | | person | 75.44 | 90.28 | | earth | 34.86 | 47.32 | | door | 40.06 | 49.8 | | table | 53.55 | 67.19 | | mountain | 55.15 | 68.93 | | plant | 50.02 | 60.11 | | curtain | 64.29 | 75.07 | | chair | 52.84 | 67.52 | | car | 78.97 | 91.93 | | water | 56.92 | 73.26 | | painting | 66.27 | 81.31 | | sofa | 66.49 | 82.62 | | shelf | 37.75 | 53.42 | | house | 43.58 | 57.07 | | sea | 61.0 | 77.41 | | mirror | 58.59 | 71.34 | | rug | 50.43 | 55.56 | | field | 34.86 | 54.68 | | armchair | 42.07 | 57.35 | | seat | 56.22 | 76.75 | | fence | 38.2 | 49.75 | | desk | 41.28 | 68.99 | | rock | 52.51 | 68.86 | | wardrobe | 44.26 | 61.02 | | lamp | 56.49 | 69.96 | | bathtub | 73.01 | 80.38 | | railing | 32.78 | 44.13 | | cushion | 56.86 | 69.8 | | base | 25.55 | 39.76 | | box | 26.34 | 34.21 | | column | 35.63 | 43.49 | | signboard | 31.24 | 46.09 | | chest of drawers | 38.58 | 53.32 | | counter | 33.14 | 41.09 | | sand | 45.34 | 61.17 | | sink | 68.55 | 78.36 | | skyscraper | 45.21 | 59.61 | | fireplace | 63.97 | 80.48 | | refrigerator | 57.14 | 65.09 | | grandstand | 52.07 | 78.09 | | path | 17.58 | 23.74 | | stairs | 26.66 | 29.41 | | runway | 66.11 | 86.57 | | case | 54.13 | 68.49 | | pool table | 85.02 | 96.04 | | pillow | 53.57 | 63.47 | | screen door | 54.91 | 59.99 | | stairway | 47.49 | 60.65 | | river | 15.12 | 26.93 | | bridge | 41.14 | 49.94 | | bookcase | 32.47 | 47.93 | | blind | 23.45 | 26.07 | | coffee table | 58.22 | 80.59 | | toilet | 79.06 | 88.9 | | flower | 38.47 | 52.45 | | book | 46.56 | 67.89 | | hill | 5.27 | 8.64 | | bench | 47.3 | 57.07 | | countertop | 53.02 | 67.27 | | stove | 70.78 | 79.81 | | palm | 49.71 | 64.17 | | kitchen island | 37.91 | 57.94 | | computer | 63.11 | 78.28 | | swivel chair | 43.66 | 60.75 | | boat | 60.69 | 77.86 | | bar | 54.71 | 65.45 | | arcade machine | 63.05 | 71.9 | | hovel | 28.25 | 31.36 | | bus | 84.47 | 91.64 | | towel | 65.64 | 77.36 | | light | 35.38 | 40.73 | | truck | 36.35 | 49.78 | | tower | 19.99 | 30.87 | | chandelier | 62.38 | 75.29 | | awning | 26.47 | 33.3 | | streetlight | 21.41 | 25.38 | | booth | 34.71 | 44.32 | | television receiver | 67.94 | 77.67 | | airplane | 53.03 | 66.6 | | dirt track | 11.02 | 18.12 | | apparel | 44.81 | 58.97 | | pole | 13.27 | 16.06 | | land | 1.39 | 1.97 | | bannister | 6.07 | 7.69 | | escalator | 53.7 | 69.78 | | ottoman | 43.58 | 52.36 | | bottle | 40.43 | 65.54 | | buffet | 40.4 | 46.62 | | poster | 20.48 | 25.73 | | stage | 15.46 | 30.54 | | van | 38.13 | 49.36 | | ship | 36.76 | 41.72 | | fountain | 23.02 | 23.67 | | conveyer belt | 65.11 | 93.5 | | canopy | 32.23 | 39.27 | | washer | 76.06 | 83.18 | | plaything | 27.7 | 38.48 | | swimming pool | 60.07 | 82.28 | | stool | 30.19 | 38.07 | | barrel | 29.21 | 40.49 | | basket | 34.63 | 43.9 | | waterfall | 46.26 | 51.4 | | tent | 85.41 | 97.69 | | bag | 16.11 | 18.45 | | minibike | 66.47 | 84.08 | | cradle | 70.29 | 94.04 | | oven | 48.29 | 57.41 | | ball | 56.16 | 67.51 | | food | 51.06 | 59.79 | | step | 6.07 | 6.64 | | tank | 55.26 | 69.62 | | trade name | 15.91 | 17.42 | | microwave | 70.93 | 77.27 | | pot | 38.87 | 44.12 | | animal | 57.07 | 62.58 | | bicycle | 54.84 | 77.45 | | lake | 24.56 | 28.13 | | dishwasher | 49.8 | 53.96 | | screen | 43.38 | 56.87 | | blanket | 14.91 | 17.17 | | sculpture | 57.74 | 76.8 | | hood | 53.29 | 56.92 | | sconce | 37.23 | 45.56 | | vase | 37.28 | 51.48 | | traffic light | 31.25 | 41.74 | | tray | 11.48 | 14.11 | | ashcan | 41.77 | 49.79 | | fan | 52.11 | 64.25 | | pier | 34.81 | 43.24 | | crt screen | 6.17 | 12.65 | | plate | 50.29 | 65.65 | | monitor | 25.66 | 29.7 | | bulletin board | 44.86 | 55.48 | | shower | 3.69 | 4.6 | | radiator | 58.35 | 66.83 | | glass | 17.0 | 18.68 | | clock | 35.16 | 37.93 | | flag | 47.14 | 54.04 | +---------------------+-------+-------+ 2023-11-10 04:56:26,712 - mmseg - INFO - Summary: 2023-11-10 04:56:26,712 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.86 | 46.27 | 57.49 | +-------+-------+-------+ 2023-11-10 04:56:26,713 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 04:56:26,714 - mmseg - INFO - Iter(val) [250] aAcc: 0.7986, mIoU: 0.4627, mAcc: 0.5749, IoU.wall: 0.6997, IoU.building: 0.7912, IoU.sky: 0.9011, IoU.floor: 0.7428, IoU.tree: 0.6938, IoU.ceiling: 0.7700, IoU.road: 0.7873, IoU.bed : 0.8337, IoU.windowpane: 0.5810, IoU.grass: 0.6664, IoU.cabinet: 0.5422, IoU.sidewalk: 0.5679, IoU.person: 0.7544, IoU.earth: 0.3486, IoU.door: 0.4006, IoU.table: 0.5355, IoU.mountain: 0.5515, IoU.plant: 0.5002, IoU.curtain: 0.6429, IoU.chair: 0.5284, IoU.car: 0.7897, IoU.water: 0.5692, IoU.painting: 0.6627, IoU.sofa: 0.6649, IoU.shelf: 0.3775, IoU.house: 0.4358, IoU.sea: 0.6100, IoU.mirror: 0.5859, IoU.rug: 0.5043, IoU.field: 0.3486, IoU.armchair: 0.4207, IoU.seat: 0.5622, IoU.fence: 0.3820, IoU.desk: 0.4128, IoU.rock: 0.5251, IoU.wardrobe: 0.4426, IoU.lamp: 0.5649, IoU.bathtub: 0.7301, IoU.railing: 0.3278, IoU.cushion: 0.5686, IoU.base: 0.2555, IoU.box: 0.2634, IoU.column: 0.3563, IoU.signboard: 0.3124, IoU.chest of drawers: 0.3858, IoU.counter: 0.3314, IoU.sand: 0.4534, IoU.sink: 0.6855, IoU.skyscraper: 0.4521, IoU.fireplace: 0.6397, IoU.refrigerator: 0.5714, IoU.grandstand: 0.5207, IoU.path: 0.1758, IoU.stairs: 0.2666, IoU.runway: 0.6611, IoU.case: 0.5413, IoU.pool table: 0.8502, IoU.pillow: 0.5357, IoU.screen door: 0.5491, IoU.stairway: 0.4749, IoU.river: 0.1512, IoU.bridge: 0.4114, IoU.bookcase: 0.3247, IoU.blind: 0.2345, IoU.coffee table: 0.5822, IoU.toilet: 0.7906, IoU.flower: 0.3847, IoU.book: 0.4656, IoU.hill: 0.0527, IoU.bench: 0.4730, IoU.countertop: 0.5302, IoU.stove: 0.7078, IoU.palm: 0.4971, IoU.kitchen island: 0.3791, IoU.computer: 0.6311, IoU.swivel chair: 0.4366, IoU.boat: 0.6069, IoU.bar: 0.5471, IoU.arcade machine: 0.6305, IoU.hovel: 0.2825, IoU.bus: 0.8447, IoU.towel: 0.6564, IoU.light: 0.3538, IoU.truck: 0.3635, IoU.tower: 0.1999, IoU.chandelier: 0.6238, IoU.awning: 0.2647, IoU.streetlight: 0.2141, IoU.booth: 0.3471, IoU.television receiver: 0.6794, IoU.airplane: 0.5303, IoU.dirt track: 0.1102, IoU.apparel: 0.4481, IoU.pole: 0.1327, IoU.land: 0.0139, IoU.bannister: 0.0607, IoU.escalator: 0.5370, IoU.ottoman: 0.4358, IoU.bottle: 0.4043, IoU.buffet: 0.4040, IoU.poster: 0.2048, IoU.stage: 0.1546, IoU.van: 0.3813, IoU.ship: 0.3676, IoU.fountain: 0.2302, IoU.conveyer belt: 0.6511, IoU.canopy: 0.3223, IoU.washer: 0.7606, IoU.plaything: 0.2770, IoU.swimming pool: 0.6007, IoU.stool: 0.3019, IoU.barrel: 0.2921, IoU.basket: 0.3463, IoU.waterfall: 0.4626, IoU.tent: 0.8541, IoU.bag: 0.1611, IoU.minibike: 0.6647, IoU.cradle: 0.7029, IoU.oven: 0.4829, IoU.ball: 0.5616, IoU.food: 0.5106, IoU.step: 0.0607, IoU.tank: 0.5526, IoU.trade name: 0.1591, IoU.microwave: 0.7093, IoU.pot: 0.3887, IoU.animal: 0.5707, IoU.bicycle: 0.5484, IoU.lake: 0.2456, IoU.dishwasher: 0.4980, IoU.screen: 0.4338, IoU.blanket: 0.1491, IoU.sculpture: 0.5774, IoU.hood: 0.5329, IoU.sconce: 0.3723, IoU.vase: 0.3728, IoU.traffic light: 0.3125, IoU.tray: 0.1148, IoU.ashcan: 0.4177, IoU.fan: 0.5211, IoU.pier: 0.3481, IoU.crt screen: 0.0617, IoU.plate: 0.5029, IoU.monitor: 0.2566, IoU.bulletin board: 0.4486, IoU.shower: 0.0369, IoU.radiator: 0.5835, IoU.glass: 0.1700, IoU.clock: 0.3516, IoU.flag: 0.4714, Acc.wall: 0.8499, Acc.building: 0.9297, Acc.sky: 0.9514, Acc.floor: 0.8594, Acc.tree: 0.8505, Acc.ceiling: 0.8786, Acc.road: 0.8813, Acc.bed : 0.9396, Acc.windowpane: 0.7506, Acc.grass: 0.8082, Acc.cabinet: 0.6738, Acc.sidewalk: 0.7330, Acc.person: 0.9028, Acc.earth: 0.4732, Acc.door: 0.4980, Acc.table: 0.6719, Acc.mountain: 0.6893, Acc.plant: 0.6011, Acc.curtain: 0.7507, Acc.chair: 0.6752, Acc.car: 0.9193, Acc.water: 0.7326, Acc.painting: 0.8131, Acc.sofa: 0.8262, Acc.shelf: 0.5342, Acc.house: 0.5707, Acc.sea: 0.7741, Acc.mirror: 0.7134, Acc.rug: 0.5556, Acc.field: 0.5468, Acc.armchair: 0.5735, Acc.seat: 0.7675, Acc.fence: 0.4975, Acc.desk: 0.6899, Acc.rock: 0.6886, Acc.wardrobe: 0.6102, Acc.lamp: 0.6996, Acc.bathtub: 0.8038, Acc.railing: 0.4413, Acc.cushion: 0.6980, Acc.base: 0.3976, Acc.box: 0.3421, Acc.column: 0.4349, Acc.signboard: 0.4609, Acc.chest of drawers: 0.5332, Acc.counter: 0.4109, Acc.sand: 0.6117, Acc.sink: 0.7836, Acc.skyscraper: 0.5961, Acc.fireplace: 0.8048, Acc.refrigerator: 0.6509, Acc.grandstand: 0.7809, Acc.path: 0.2374, Acc.stairs: 0.2941, Acc.runway: 0.8657, Acc.case: 0.6849, Acc.pool table: 0.9604, Acc.pillow: 0.6347, Acc.screen door: 0.5999, Acc.stairway: 0.6065, Acc.river: 0.2693, Acc.bridge: 0.4994, Acc.bookcase: 0.4793, Acc.blind: 0.2607, Acc.coffee table: 0.8059, Acc.toilet: 0.8890, Acc.flower: 0.5245, Acc.book: 0.6789, Acc.hill: 0.0864, Acc.bench: 0.5707, Acc.countertop: 0.6727, Acc.stove: 0.7981, Acc.palm: 0.6417, Acc.kitchen island: 0.5794, Acc.computer: 0.7828, Acc.swivel chair: 0.6075, Acc.boat: 0.7786, Acc.bar: 0.6545, Acc.arcade machine: 0.7190, Acc.hovel: 0.3136, Acc.bus: 0.9164, Acc.towel: 0.7736, Acc.light: 0.4073, Acc.truck: 0.4978, Acc.tower: 0.3087, Acc.chandelier: 0.7529, Acc.awning: 0.3330, Acc.streetlight: 0.2538, Acc.booth: 0.4432, Acc.television receiver: 0.7767, Acc.airplane: 0.6660, Acc.dirt track: 0.1812, Acc.apparel: 0.5897, Acc.pole: 0.1606, Acc.land: 0.0197, Acc.bannister: 0.0769, Acc.escalator: 0.6978, Acc.ottoman: 0.5236, Acc.bottle: 0.6554, Acc.buffet: 0.4662, Acc.poster: 0.2573, Acc.stage: 0.3054, Acc.van: 0.4936, Acc.ship: 0.4172, Acc.fountain: 0.2367, Acc.conveyer belt: 0.9350, Acc.canopy: 0.3927, Acc.washer: 0.8318, Acc.plaything: 0.3848, Acc.swimming pool: 0.8228, Acc.stool: 0.3807, Acc.barrel: 0.4049, Acc.basket: 0.4390, Acc.waterfall: 0.5140, Acc.tent: 0.9769, Acc.bag: 0.1845, Acc.minibike: 0.8408, Acc.cradle: 0.9404, Acc.oven: 0.5741, Acc.ball: 0.6751, Acc.food: 0.5979, Acc.step: 0.0664, Acc.tank: 0.6962, Acc.trade name: 0.1742, Acc.microwave: 0.7727, Acc.pot: 0.4412, Acc.animal: 0.6258, Acc.bicycle: 0.7745, Acc.lake: 0.2813, Acc.dishwasher: 0.5396, Acc.screen: 0.5687, Acc.blanket: 0.1717, Acc.sculpture: 0.7680, Acc.hood: 0.5692, Acc.sconce: 0.4556, Acc.vase: 0.5148, Acc.traffic light: 0.4174, Acc.tray: 0.1411, Acc.ashcan: 0.4979, Acc.fan: 0.6425, Acc.pier: 0.4324, Acc.crt screen: 0.1265, Acc.plate: 0.6565, Acc.monitor: 0.2970, Acc.bulletin board: 0.5548, Acc.shower: 0.0460, Acc.radiator: 0.6683, Acc.glass: 0.1868, Acc.clock: 0.3793, Acc.flag: 0.5404 2023-11-10 04:56:37,318 - mmseg - INFO - Iter [78050/80000] lr: 9.755e-07, eta: 0:09:14, time: 1.130, data_time: 0.925, memory: 16310, decode.loss_ce: 0.5120, decode.acc_seg: 80.9380, loss: 0.5120 2023-11-10 04:56:47,901 - mmseg - INFO - Iter [78100/80000] lr: 9.505e-07, eta: 0:09:00, time: 0.212, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5325, decode.acc_seg: 79.9097, loss: 0.5325 2023-11-10 04:56:58,459 - mmseg - INFO - Iter [78150/80000] lr: 9.255e-07, eta: 0:08:46, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5192, decode.acc_seg: 80.5578, loss: 0.5192 2023-11-10 04:57:09,003 - mmseg - INFO - Iter [78200/80000] lr: 9.005e-07, eta: 0:08:31, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5099, decode.acc_seg: 80.6153, loss: 0.5099 2023-11-10 04:57:19,531 - mmseg - INFO - Iter [78250/80000] lr: 8.755e-07, eta: 0:08:17, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5296, decode.acc_seg: 80.1754, loss: 0.5296 2023-11-10 04:57:30,056 - mmseg - INFO - Iter [78300/80000] lr: 8.505e-07, eta: 0:08:03, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5085, decode.acc_seg: 80.6351, loss: 0.5085 2023-11-10 04:57:42,921 - mmseg - INFO - Iter [78350/80000] lr: 8.255e-07, eta: 0:07:49, time: 0.257, data_time: 0.049, memory: 16310, decode.loss_ce: 0.5249, decode.acc_seg: 80.0753, loss: 0.5249 2023-11-10 04:57:53,453 - mmseg - INFO - Iter [78400/80000] lr: 8.005e-07, eta: 0:07:34, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5363, decode.acc_seg: 79.6811, loss: 0.5363 2023-11-10 04:58:04,002 - mmseg - INFO - Iter [78450/80000] lr: 7.755e-07, eta: 0:07:20, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5149, decode.acc_seg: 80.5629, loss: 0.5149 2023-11-10 04:58:14,531 - mmseg - INFO - Iter [78500/80000] lr: 7.505e-07, eta: 0:07:06, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5155, decode.acc_seg: 80.5824, loss: 0.5155 2023-11-10 04:58:25,057 - mmseg - INFO - Iter [78550/80000] lr: 7.255e-07, eta: 0:06:51, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5269, decode.acc_seg: 80.3886, loss: 0.5269 2023-11-10 04:58:35,569 - mmseg - INFO - Iter [78600/80000] lr: 7.005e-07, eta: 0:06:37, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5465, decode.acc_seg: 79.5087, loss: 0.5465 2023-11-10 04:58:46,089 - mmseg - INFO - Iter [78650/80000] lr: 6.755e-07, eta: 0:06:23, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5280, decode.acc_seg: 79.9470, loss: 0.5280 2023-11-10 04:58:56,605 - mmseg - INFO - Iter [78700/80000] lr: 6.505e-07, eta: 0:06:09, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5145, decode.acc_seg: 80.7784, loss: 0.5145 2023-11-10 04:59:07,117 - mmseg - INFO - Iter [78750/80000] lr: 6.255e-07, eta: 0:05:54, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5137, decode.acc_seg: 80.8571, loss: 0.5137 2023-11-10 04:59:17,633 - mmseg - INFO - Iter [78800/80000] lr: 6.005e-07, eta: 0:05:40, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5142, decode.acc_seg: 80.6182, loss: 0.5142 2023-11-10 04:59:28,147 - mmseg - INFO - Iter [78850/80000] lr: 5.755e-07, eta: 0:05:26, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5320, decode.acc_seg: 80.0649, loss: 0.5320 2023-11-10 04:59:38,661 - mmseg - INFO - Iter [78900/80000] lr: 5.505e-07, eta: 0:05:12, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5180, decode.acc_seg: 80.4950, loss: 0.5180 2023-11-10 04:59:49,175 - mmseg - INFO - Iter [78950/80000] lr: 5.255e-07, eta: 0:04:57, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5211, decode.acc_seg: 80.1331, loss: 0.5211 2023-11-10 04:59:59,692 - mmseg - INFO - Saving checkpoint at 79000 iterations 2023-11-10 05:00:23,814 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 05:00:23,814 - mmseg - INFO - Iter [79000/80000] lr: 5.005e-07, eta: 0:04:43, time: 0.693, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5273, decode.acc_seg: 79.4326, loss: 0.5273 2023-11-10 05:01:09,642 - mmseg - INFO - per class results: 2023-11-10 05:01:09,647 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.12 | 84.93 | | building | 79.72 | 91.89 | | sky | 90.2 | 95.26 | | floor | 74.26 | 86.3 | | tree | 69.7 | 85.47 | | ceiling | 77.0 | 87.97 | | road | 78.78 | 88.31 | | bed | 83.47 | 93.9 | | windowpane | 58.23 | 75.65 | | grass | 66.52 | 81.43 | | cabinet | 54.33 | 67.69 | | sidewalk | 56.8 | 73.22 | | person | 75.77 | 89.75 | | earth | 34.62 | 47.02 | | door | 39.99 | 49.4 | | table | 53.74 | 68.34 | | mountain | 55.19 | 68.98 | | plant | 50.35 | 60.76 | | curtain | 64.51 | 76.61 | | chair | 52.91 | 68.43 | | car | 79.05 | 91.89 | | water | 57.02 | 74.7 | | painting | 66.5 | 80.96 | | sofa | 66.65 | 82.22 | | shelf | 37.61 | 52.41 | | house | 45.37 | 61.73 | | sea | 61.24 | 77.47 | | mirror | 58.49 | 70.04 | | rug | 50.97 | 56.47 | | field | 35.0 | 55.57 | | armchair | 42.44 | 58.81 | | seat | 56.17 | 77.96 | | fence | 37.73 | 48.66 | | desk | 41.63 | 67.71 | | rock | 52.69 | 70.15 | | wardrobe | 44.06 | 60.1 | | lamp | 56.71 | 71.72 | | bathtub | 73.43 | 82.03 | | railing | 32.81 | 45.28 | | cushion | 56.78 | 69.19 | | base | 25.41 | 38.27 | | box | 26.31 | 33.88 | | column | 35.35 | 43.16 | | signboard | 31.6 | 45.91 | | chest of drawers | 38.26 | 52.21 | | counter | 34.1 | 43.0 | | sand | 45.38 | 61.55 | | sink | 68.48 | 78.69 | | skyscraper | 45.42 | 62.08 | | fireplace | 63.76 | 81.71 | | refrigerator | 57.85 | 66.97 | | grandstand | 51.97 | 78.38 | | path | 17.82 | 24.25 | | stairs | 28.16 | 31.6 | | runway | 65.95 | 86.6 | | case | 54.25 | 68.6 | | pool table | 84.21 | 96.38 | | pillow | 53.54 | 63.48 | | screen door | 56.1 | 62.02 | | stairway | 47.74 | 63.52 | | river | 15.16 | 27.22 | | bridge | 42.26 | 51.57 | | bookcase | 32.64 | 48.93 | | blind | 24.28 | 27.19 | | coffee table | 58.49 | 80.04 | | toilet | 79.07 | 89.01 | | flower | 38.65 | 53.3 | | book | 46.52 | 67.25 | | hill | 5.24 | 8.48 | | bench | 47.19 | 56.93 | | countertop | 53.36 | 68.86 | | stove | 70.83 | 80.4 | | palm | 50.06 | 65.66 | | kitchen island | 37.92 | 58.93 | | computer | 63.01 | 78.2 | | swivel chair | 43.31 | 58.94 | | boat | 61.37 | 77.35 | | bar | 54.84 | 65.89 | | arcade machine | 63.17 | 72.02 | | hovel | 30.42 | 34.28 | | bus | 84.65 | 92.11 | | towel | 65.66 | 78.49 | | light | 34.78 | 39.59 | | truck | 36.55 | 49.71 | | tower | 21.15 | 32.72 | | chandelier | 62.57 | 76.41 | | awning | 27.63 | 35.25 | | streetlight | 21.65 | 25.81 | | booth | 34.31 | 42.52 | | television receiver | 68.05 | 78.05 | | airplane | 53.0 | 66.69 | | dirt track | 10.95 | 18.41 | | apparel | 44.54 | 59.17 | | pole | 13.45 | 16.22 | | land | 1.51 | 2.21 | | bannister | 7.13 | 9.4 | | escalator | 53.67 | 70.3 | | ottoman | 43.77 | 53.3 | | bottle | 40.53 | 66.29 | | buffet | 41.11 | 47.86 | | poster | 20.46 | 25.23 | | stage | 15.2 | 29.76 | | van | 38.09 | 49.58 | | ship | 32.81 | 36.87 | | fountain | 22.24 | 22.91 | | conveyer belt | 66.03 | 93.2 | | canopy | 31.67 | 38.26 | | washer | 76.51 | 83.89 | | plaything | 27.67 | 38.47 | | swimming pool | 59.93 | 83.03 | | stool | 30.49 | 38.42 | | barrel | 28.33 | 40.29 | | basket | 34.65 | 44.27 | | waterfall | 46.53 | 52.2 | | tent | 85.12 | 97.76 | | bag | 16.31 | 18.75 | | minibike | 66.46 | 84.3 | | cradle | 70.46 | 94.16 | | oven | 47.96 | 57.15 | | ball | 56.25 | 67.72 | | food | 52.0 | 61.26 | | step | 6.0 | 6.58 | | tank | 55.83 | 70.84 | | trade name | 17.72 | 19.77 | | microwave | 71.71 | 78.57 | | pot | 38.99 | 44.27 | | animal | 57.42 | 63.01 | | bicycle | 55.15 | 78.24 | | lake | 23.33 | 26.46 | | dishwasher | 50.15 | 54.44 | | screen | 43.46 | 57.81 | | blanket | 15.84 | 18.39 | | sculpture | 57.19 | 77.4 | | hood | 53.61 | 57.44 | | sconce | 38.07 | 47.59 | | vase | 37.21 | 52.45 | | traffic light | 31.57 | 42.36 | | tray | 12.21 | 15.46 | | ashcan | 42.15 | 50.71 | | fan | 53.17 | 67.0 | | pier | 34.89 | 42.8 | | crt screen | 6.03 | 12.72 | | plate | 50.22 | 65.6 | | monitor | 25.26 | 29.11 | | bulletin board | 44.84 | 55.91 | | shower | 3.86 | 4.8 | | radiator | 58.64 | 68.2 | | glass | 17.18 | 18.99 | | clock | 34.81 | 37.5 | | flag | 47.5 | 55.2 | +---------------------+-------+-------+ 2023-11-10 05:01:09,647 - mmseg - INFO - Summary: 2023-11-10 05:01:09,647 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.96 | 46.43 | 57.91 | +-------+-------+-------+ 2023-11-10 05:01:09,648 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 05:01:09,648 - mmseg - INFO - Iter(val) [250] aAcc: 0.7996, mIoU: 0.4643, mAcc: 0.5791, IoU.wall: 0.7012, IoU.building: 0.7972, IoU.sky: 0.9020, IoU.floor: 0.7426, IoU.tree: 0.6970, IoU.ceiling: 0.7700, IoU.road: 0.7878, IoU.bed : 0.8347, IoU.windowpane: 0.5823, IoU.grass: 0.6652, IoU.cabinet: 0.5433, IoU.sidewalk: 0.5680, IoU.person: 0.7577, IoU.earth: 0.3462, IoU.door: 0.3999, IoU.table: 0.5374, IoU.mountain: 0.5519, IoU.plant: 0.5035, IoU.curtain: 0.6451, IoU.chair: 0.5291, IoU.car: 0.7905, IoU.water: 0.5702, IoU.painting: 0.6650, IoU.sofa: 0.6665, IoU.shelf: 0.3761, IoU.house: 0.4537, IoU.sea: 0.6124, IoU.mirror: 0.5849, IoU.rug: 0.5097, IoU.field: 0.3500, IoU.armchair: 0.4244, IoU.seat: 0.5617, IoU.fence: 0.3773, IoU.desk: 0.4163, IoU.rock: 0.5269, IoU.wardrobe: 0.4406, IoU.lamp: 0.5671, IoU.bathtub: 0.7343, IoU.railing: 0.3281, IoU.cushion: 0.5678, IoU.base: 0.2541, IoU.box: 0.2631, IoU.column: 0.3535, IoU.signboard: 0.3160, IoU.chest of drawers: 0.3826, IoU.counter: 0.3410, IoU.sand: 0.4538, IoU.sink: 0.6848, IoU.skyscraper: 0.4542, IoU.fireplace: 0.6376, IoU.refrigerator: 0.5785, IoU.grandstand: 0.5197, IoU.path: 0.1782, IoU.stairs: 0.2816, IoU.runway: 0.6595, IoU.case: 0.5425, IoU.pool table: 0.8421, IoU.pillow: 0.5354, IoU.screen door: 0.5610, IoU.stairway: 0.4774, IoU.river: 0.1516, IoU.bridge: 0.4226, IoU.bookcase: 0.3264, IoU.blind: 0.2428, IoU.coffee table: 0.5849, IoU.toilet: 0.7907, IoU.flower: 0.3865, IoU.book: 0.4652, IoU.hill: 0.0524, IoU.bench: 0.4719, IoU.countertop: 0.5336, IoU.stove: 0.7083, IoU.palm: 0.5006, IoU.kitchen island: 0.3792, IoU.computer: 0.6301, IoU.swivel chair: 0.4331, IoU.boat: 0.6137, IoU.bar: 0.5484, IoU.arcade machine: 0.6317, IoU.hovel: 0.3042, IoU.bus: 0.8465, IoU.towel: 0.6566, IoU.light: 0.3478, IoU.truck: 0.3655, IoU.tower: 0.2115, IoU.chandelier: 0.6257, IoU.awning: 0.2763, IoU.streetlight: 0.2165, IoU.booth: 0.3431, IoU.television receiver: 0.6805, IoU.airplane: 0.5300, IoU.dirt track: 0.1095, IoU.apparel: 0.4454, IoU.pole: 0.1345, IoU.land: 0.0151, IoU.bannister: 0.0713, IoU.escalator: 0.5367, IoU.ottoman: 0.4377, IoU.bottle: 0.4053, IoU.buffet: 0.4111, IoU.poster: 0.2046, IoU.stage: 0.1520, IoU.van: 0.3809, IoU.ship: 0.3281, IoU.fountain: 0.2224, IoU.conveyer belt: 0.6603, IoU.canopy: 0.3167, IoU.washer: 0.7651, IoU.plaything: 0.2767, IoU.swimming pool: 0.5993, IoU.stool: 0.3049, IoU.barrel: 0.2833, IoU.basket: 0.3465, IoU.waterfall: 0.4653, IoU.tent: 0.8512, IoU.bag: 0.1631, IoU.minibike: 0.6646, IoU.cradle: 0.7046, IoU.oven: 0.4796, IoU.ball: 0.5625, IoU.food: 0.5200, IoU.step: 0.0600, IoU.tank: 0.5583, IoU.trade name: 0.1772, IoU.microwave: 0.7171, IoU.pot: 0.3899, IoU.animal: 0.5742, IoU.bicycle: 0.5515, IoU.lake: 0.2333, IoU.dishwasher: 0.5015, IoU.screen: 0.4346, IoU.blanket: 0.1584, IoU.sculpture: 0.5719, IoU.hood: 0.5361, IoU.sconce: 0.3807, IoU.vase: 0.3721, IoU.traffic light: 0.3157, IoU.tray: 0.1221, IoU.ashcan: 0.4215, IoU.fan: 0.5317, IoU.pier: 0.3489, IoU.crt screen: 0.0603, IoU.plate: 0.5022, IoU.monitor: 0.2526, IoU.bulletin board: 0.4484, IoU.shower: 0.0386, IoU.radiator: 0.5864, IoU.glass: 0.1718, IoU.clock: 0.3481, IoU.flag: 0.4750, Acc.wall: 0.8493, Acc.building: 0.9189, Acc.sky: 0.9526, Acc.floor: 0.8630, Acc.tree: 0.8547, Acc.ceiling: 0.8797, Acc.road: 0.8831, Acc.bed : 0.9390, Acc.windowpane: 0.7565, Acc.grass: 0.8143, Acc.cabinet: 0.6769, Acc.sidewalk: 0.7322, Acc.person: 0.8975, Acc.earth: 0.4702, Acc.door: 0.4940, Acc.table: 0.6834, Acc.mountain: 0.6898, Acc.plant: 0.6076, Acc.curtain: 0.7661, Acc.chair: 0.6843, Acc.car: 0.9189, Acc.water: 0.7470, Acc.painting: 0.8096, Acc.sofa: 0.8222, Acc.shelf: 0.5241, Acc.house: 0.6173, Acc.sea: 0.7747, Acc.mirror: 0.7004, Acc.rug: 0.5647, Acc.field: 0.5557, Acc.armchair: 0.5881, Acc.seat: 0.7796, Acc.fence: 0.4866, Acc.desk: 0.6771, Acc.rock: 0.7015, Acc.wardrobe: 0.6010, Acc.lamp: 0.7172, Acc.bathtub: 0.8203, Acc.railing: 0.4528, Acc.cushion: 0.6919, Acc.base: 0.3827, Acc.box: 0.3388, Acc.column: 0.4316, Acc.signboard: 0.4591, Acc.chest of drawers: 0.5221, Acc.counter: 0.4300, Acc.sand: 0.6155, Acc.sink: 0.7869, Acc.skyscraper: 0.6208, Acc.fireplace: 0.8171, Acc.refrigerator: 0.6697, Acc.grandstand: 0.7838, Acc.path: 0.2425, Acc.stairs: 0.3160, Acc.runway: 0.8660, Acc.case: 0.6860, Acc.pool table: 0.9638, Acc.pillow: 0.6348, Acc.screen door: 0.6202, Acc.stairway: 0.6352, Acc.river: 0.2722, Acc.bridge: 0.5157, Acc.bookcase: 0.4893, Acc.blind: 0.2719, Acc.coffee table: 0.8004, Acc.toilet: 0.8901, Acc.flower: 0.5330, Acc.book: 0.6725, Acc.hill: 0.0848, Acc.bench: 0.5693, Acc.countertop: 0.6886, Acc.stove: 0.8040, Acc.palm: 0.6566, Acc.kitchen island: 0.5893, Acc.computer: 0.7820, Acc.swivel chair: 0.5894, Acc.boat: 0.7735, Acc.bar: 0.6589, Acc.arcade machine: 0.7202, Acc.hovel: 0.3428, Acc.bus: 0.9211, Acc.towel: 0.7849, Acc.light: 0.3959, Acc.truck: 0.4971, Acc.tower: 0.3272, Acc.chandelier: 0.7641, Acc.awning: 0.3525, Acc.streetlight: 0.2581, Acc.booth: 0.4252, Acc.television receiver: 0.7805, Acc.airplane: 0.6669, Acc.dirt track: 0.1841, Acc.apparel: 0.5917, Acc.pole: 0.1622, Acc.land: 0.0221, Acc.bannister: 0.0940, Acc.escalator: 0.7030, Acc.ottoman: 0.5330, Acc.bottle: 0.6629, Acc.buffet: 0.4786, Acc.poster: 0.2523, Acc.stage: 0.2976, Acc.van: 0.4958, Acc.ship: 0.3687, Acc.fountain: 0.2291, Acc.conveyer belt: 0.9320, Acc.canopy: 0.3826, Acc.washer: 0.8389, Acc.plaything: 0.3847, Acc.swimming pool: 0.8303, Acc.stool: 0.3842, Acc.barrel: 0.4029, Acc.basket: 0.4427, Acc.waterfall: 0.5220, Acc.tent: 0.9776, Acc.bag: 0.1875, Acc.minibike: 0.8430, Acc.cradle: 0.9416, Acc.oven: 0.5715, Acc.ball: 0.6772, Acc.food: 0.6126, Acc.step: 0.0658, Acc.tank: 0.7084, Acc.trade name: 0.1977, Acc.microwave: 0.7857, Acc.pot: 0.4427, Acc.animal: 0.6301, Acc.bicycle: 0.7824, Acc.lake: 0.2646, Acc.dishwasher: 0.5444, Acc.screen: 0.5781, Acc.blanket: 0.1839, Acc.sculpture: 0.7740, Acc.hood: 0.5744, Acc.sconce: 0.4759, Acc.vase: 0.5245, Acc.traffic light: 0.4236, Acc.tray: 0.1546, Acc.ashcan: 0.5071, Acc.fan: 0.6700, Acc.pier: 0.4280, Acc.crt screen: 0.1272, Acc.plate: 0.6560, Acc.monitor: 0.2911, Acc.bulletin board: 0.5591, Acc.shower: 0.0480, Acc.radiator: 0.6820, Acc.glass: 0.1899, Acc.clock: 0.3750, Acc.flag: 0.5520 2023-11-10 05:01:20,268 - mmseg - INFO - Iter [79050/80000] lr: 4.755e-07, eta: 0:04:30, time: 1.129, data_time: 0.924, memory: 16310, decode.loss_ce: 0.5220, decode.acc_seg: 79.8127, loss: 0.5220 2023-11-10 05:01:30,849 - mmseg - INFO - Iter [79100/80000] lr: 4.505e-07, eta: 0:04:16, time: 0.212, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5098, decode.acc_seg: 80.7563, loss: 0.5098 2023-11-10 05:01:41,403 - mmseg - INFO - Iter [79150/80000] lr: 4.255e-07, eta: 0:04:01, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5149, decode.acc_seg: 80.4912, loss: 0.5149 2023-11-10 05:01:51,943 - mmseg - INFO - Iter [79200/80000] lr: 4.005e-07, eta: 0:03:47, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5482, decode.acc_seg: 79.9742, loss: 0.5482 2023-11-10 05:02:02,497 - mmseg - INFO - Iter [79250/80000] lr: 3.755e-07, eta: 0:03:33, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5263, decode.acc_seg: 80.1625, loss: 0.5263 2023-11-10 05:02:13,013 - mmseg - INFO - Iter [79300/80000] lr: 3.505e-07, eta: 0:03:18, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5294, decode.acc_seg: 80.4827, loss: 0.5294 2023-11-10 05:02:23,530 - mmseg - INFO - Iter [79350/80000] lr: 3.255e-07, eta: 0:03:04, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5113, decode.acc_seg: 81.0340, loss: 0.5113 2023-11-10 05:02:34,054 - mmseg - INFO - Iter [79400/80000] lr: 3.005e-07, eta: 0:02:50, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.4932, decode.acc_seg: 81.0732, loss: 0.4932 2023-11-10 05:02:44,578 - mmseg - INFO - Iter [79450/80000] lr: 2.755e-07, eta: 0:02:36, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5104, decode.acc_seg: 80.7775, loss: 0.5104 2023-11-10 05:02:55,108 - mmseg - INFO - Iter [79500/80000] lr: 2.505e-07, eta: 0:02:22, time: 0.211, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5109, decode.acc_seg: 80.3873, loss: 0.5109 2023-11-10 05:03:05,628 - mmseg - INFO - Iter [79550/80000] lr: 2.255e-07, eta: 0:02:07, time: 0.210, data_time: 0.007, memory: 16310, decode.loss_ce: 0.5090, decode.acc_seg: 80.3328, loss: 0.5090 2023-11-10 05:03:18,460 - mmseg - INFO - Iter [79600/80000] lr: 2.005e-07, eta: 0:01:53, time: 0.257, data_time: 0.049, memory: 16310, decode.loss_ce: 0.5182, decode.acc_seg: 80.2186, loss: 0.5182 2023-11-10 05:03:28,975 - mmseg - INFO - Iter [79650/80000] lr: 1.755e-07, eta: 0:01:39, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.4975, decode.acc_seg: 81.5148, loss: 0.4975 2023-11-10 05:03:39,485 - mmseg - INFO - Iter [79700/80000] lr: 1.505e-07, eta: 0:01:25, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5366, decode.acc_seg: 80.3706, loss: 0.5366 2023-11-10 05:03:50,013 - mmseg - INFO - Iter [79750/80000] lr: 1.255e-07, eta: 0:01:10, time: 0.211, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5187, decode.acc_seg: 80.3223, loss: 0.5187 2023-11-10 05:04:00,532 - mmseg - INFO - Iter [79800/80000] lr: 1.005e-07, eta: 0:00:56, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5236, decode.acc_seg: 80.3090, loss: 0.5236 2023-11-10 05:04:11,048 - mmseg - INFO - Iter [79850/80000] lr: 7.550e-08, eta: 0:00:42, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5483, decode.acc_seg: 79.3807, loss: 0.5483 2023-11-10 05:04:21,564 - mmseg - INFO - Iter [79900/80000] lr: 5.050e-08, eta: 0:00:28, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5377, decode.acc_seg: 79.5069, loss: 0.5377 2023-11-10 05:04:32,086 - mmseg - INFO - Iter [79950/80000] lr: 2.550e-08, eta: 0:00:14, time: 0.210, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5227, decode.acc_seg: 80.3496, loss: 0.5227 2023-11-10 05:04:42,593 - mmseg - INFO - Saving checkpoint at 80000 iterations 2023-11-10 05:05:06,545 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 05:05:06,546 - mmseg - INFO - Iter [80000/80000] lr: 5.000e-10, eta: 0:00:00, time: 0.689, data_time: 0.006, memory: 16310, decode.loss_ce: 0.5228, decode.acc_seg: 79.8384, loss: 0.5228 2023-11-10 05:05:52,487 - mmseg - INFO - per class results: 2023-11-10 05:05:52,492 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 70.28 | 84.68 | | building | 79.88 | 91.5 | | sky | 90.03 | 95.63 | | floor | 74.16 | 86.92 | | tree | 69.74 | 85.16 | | ceiling | 76.96 | 87.38 | | road | 78.78 | 88.14 | | bed | 83.47 | 94.01 | | windowpane | 58.27 | 76.08 | | grass | 66.61 | 81.19 | | cabinet | 54.39 | 68.41 | | sidewalk | 56.8 | 74.09 | | person | 75.51 | 90.39 | | earth | 34.77 | 47.47 | | door | 40.18 | 49.93 | | table | 53.68 | 69.27 | | mountain | 55.23 | 69.44 | | plant | 50.36 | 60.77 | | curtain | 64.57 | 76.1 | | chair | 52.96 | 68.98 | | car | 79.01 | 91.92 | | water | 56.07 | 72.93 | | painting | 66.24 | 81.72 | | sofa | 66.59 | 82.67 | | shelf | 37.41 | 51.55 | | house | 45.64 | 62.29 | | sea | 60.28 | 79.76 | | mirror | 58.63 | 70.57 | | rug | 50.75 | 56.11 | | field | 35.14 | 55.37 | | armchair | 42.34 | 58.61 | | seat | 56.54 | 76.6 | | fence | 38.15 | 49.36 | | desk | 41.65 | 67.96 | | rock | 52.44 | 69.94 | | wardrobe | 43.86 | 59.24 | | lamp | 56.74 | 71.63 | | bathtub | 73.15 | 80.83 | | railing | 32.71 | 44.42 | | cushion | 56.71 | 69.18 | | base | 25.35 | 38.06 | | box | 25.94 | 32.96 | | column | 35.4 | 43.16 | | signboard | 31.73 | 46.05 | | chest of drawers | 37.85 | 51.28 | | counter | 33.95 | 42.91 | | sand | 45.83 | 63.02 | | sink | 68.72 | 79.34 | | skyscraper | 45.38 | 60.69 | | fireplace | 63.59 | 82.6 | | refrigerator | 57.94 | 67.45 | | grandstand | 51.26 | 78.83 | | path | 17.69 | 24.1 | | stairs | 27.18 | 30.18 | | runway | 65.74 | 86.22 | | case | 54.16 | 69.27 | | pool table | 84.51 | 96.18 | | pillow | 53.1 | 62.56 | | screen door | 54.66 | 59.43 | | stairway | 47.58 | 63.46 | | river | 15.58 | 27.86 | | bridge | 42.34 | 51.82 | | bookcase | 32.28 | 46.95 | | blind | 24.3 | 27.22 | | coffee table | 57.96 | 80.92 | | toilet | 79.39 | 88.13 | | flower | 38.54 | 53.4 | | book | 46.52 | 67.93 | | hill | 5.25 | 8.69 | | bench | 47.32 | 56.72 | | countertop | 53.18 | 67.96 | | stove | 70.82 | 80.31 | | palm | 50.13 | 66.55 | | kitchen island | 37.81 | 60.36 | | computer | 63.21 | 78.2 | | swivel chair | 43.11 | 57.93 | | boat | 61.1 | 77.77 | | bar | 54.73 | 66.2 | | arcade machine | 63.77 | 73.06 | | hovel | 30.6 | 34.47 | | bus | 84.6 | 92.48 | | towel | 65.64 | 77.17 | | light | 36.0 | 41.65 | | truck | 36.65 | 50.17 | | tower | 23.06 | 36.36 | | chandelier | 62.58 | 76.89 | | awning | 28.44 | 36.85 | | streetlight | 21.94 | 26.36 | | booth | 34.29 | 42.76 | | television receiver | 68.01 | 78.94 | | airplane | 53.51 | 66.24 | | dirt track | 11.21 | 19.71 | | apparel | 44.4 | 57.55 | | pole | 13.6 | 16.46 | | land | 1.52 | 2.24 | | bannister | 7.08 | 9.3 | | escalator | 53.57 | 70.52 | | ottoman | 43.46 | 52.95 | | bottle | 40.47 | 65.87 | | buffet | 41.1 | 48.02 | | poster | 20.48 | 25.39 | | stage | 14.93 | 29.14 | | van | 38.12 | 49.76 | | ship | 31.65 | 35.44 | | fountain | 23.25 | 24.05 | | conveyer belt | 66.09 | 93.03 | | canopy | 33.73 | 41.74 | | washer | 76.09 | 83.13 | | plaything | 27.36 | 38.42 | | swimming pool | 59.92 | 83.2 | | stool | 30.48 | 38.55 | | barrel | 28.83 | 40.52 | | basket | 34.62 | 43.85 | | waterfall | 45.97 | 50.91 | | tent | 85.32 | 97.69 | | bag | 16.21 | 18.6 | | minibike | 66.53 | 84.19 | | cradle | 70.89 | 93.96 | | oven | 48.12 | 57.52 | | ball | 56.29 | 68.11 | | food | 51.94 | 61.09 | | step | 5.9 | 6.46 | | tank | 55.79 | 70.32 | | trade name | 19.54 | 22.23 | | microwave | 72.25 | 79.16 | | pot | 39.51 | 45.16 | | animal | 56.5 | 61.3 | | bicycle | 55.05 | 77.58 | | lake | 24.05 | 27.16 | | dishwasher | 50.56 | 55.05 | | screen | 43.52 | 57.9 | | blanket | 15.12 | 17.38 | | sculpture | 57.64 | 77.23 | | hood | 53.92 | 57.97 | | sconce | 37.31 | 45.93 | | vase | 37.08 | 52.35 | | traffic light | 31.68 | 42.68 | | tray | 11.48 | 14.19 | | ashcan | 42.23 | 51.32 | | fan | 53.3 | 67.33 | | pier | 34.66 | 43.24 | | crt screen | 6.05 | 12.59 | | plate | 50.09 | 65.94 | | monitor | 26.57 | 30.92 | | bulletin board | 44.89 | 57.72 | | shower | 3.65 | 4.56 | | radiator | 58.81 | 68.67 | | glass | 16.74 | 18.34 | | clock | 35.57 | 38.53 | | flag | 47.59 | 55.41 | +---------------------+-------+-------+ 2023-11-10 05:05:52,492 - mmseg - INFO - Summary: 2023-11-10 05:05:52,492 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 79.96 | 46.45 | 58.0 | +-------+-------+------+ 2023-11-10 05:05:52,493 - mmseg - INFO - Exp name: segmenter_linear_intern_vit_6b_512_80k_ade20k_bs16_lr4e-5_frozen_select-4.py 2023-11-10 05:05:52,493 - mmseg - INFO - Iter(val) [250] aAcc: 0.7996, mIoU: 0.4645, mAcc: 0.5800, IoU.wall: 0.7028, IoU.building: 0.7988, IoU.sky: 0.9003, IoU.floor: 0.7416, IoU.tree: 0.6974, IoU.ceiling: 0.7696, IoU.road: 0.7878, IoU.bed : 0.8347, IoU.windowpane: 0.5827, IoU.grass: 0.6661, IoU.cabinet: 0.5439, IoU.sidewalk: 0.5680, IoU.person: 0.7551, IoU.earth: 0.3477, IoU.door: 0.4018, IoU.table: 0.5368, IoU.mountain: 0.5523, IoU.plant: 0.5036, IoU.curtain: 0.6457, IoU.chair: 0.5296, IoU.car: 0.7901, IoU.water: 0.5607, IoU.painting: 0.6624, IoU.sofa: 0.6659, IoU.shelf: 0.3741, IoU.house: 0.4564, IoU.sea: 0.6028, IoU.mirror: 0.5863, IoU.rug: 0.5075, IoU.field: 0.3514, IoU.armchair: 0.4234, IoU.seat: 0.5654, IoU.fence: 0.3815, IoU.desk: 0.4165, IoU.rock: 0.5244, IoU.wardrobe: 0.4386, IoU.lamp: 0.5674, IoU.bathtub: 0.7315, IoU.railing: 0.3271, IoU.cushion: 0.5671, IoU.base: 0.2535, IoU.box: 0.2594, IoU.column: 0.3540, IoU.signboard: 0.3173, IoU.chest of drawers: 0.3785, IoU.counter: 0.3395, IoU.sand: 0.4583, IoU.sink: 0.6872, IoU.skyscraper: 0.4538, IoU.fireplace: 0.6359, IoU.refrigerator: 0.5794, IoU.grandstand: 0.5126, IoU.path: 0.1769, IoU.stairs: 0.2718, IoU.runway: 0.6574, IoU.case: 0.5416, IoU.pool table: 0.8451, IoU.pillow: 0.5310, IoU.screen door: 0.5466, IoU.stairway: 0.4758, IoU.river: 0.1558, IoU.bridge: 0.4234, IoU.bookcase: 0.3228, IoU.blind: 0.2430, IoU.coffee table: 0.5796, IoU.toilet: 0.7939, IoU.flower: 0.3854, IoU.book: 0.4652, IoU.hill: 0.0525, IoU.bench: 0.4732, IoU.countertop: 0.5318, IoU.stove: 0.7082, IoU.palm: 0.5013, IoU.kitchen island: 0.3781, IoU.computer: 0.6321, IoU.swivel chair: 0.4311, IoU.boat: 0.6110, IoU.bar: 0.5473, IoU.arcade machine: 0.6377, IoU.hovel: 0.3060, IoU.bus: 0.8460, IoU.towel: 0.6564, IoU.light: 0.3600, IoU.truck: 0.3665, IoU.tower: 0.2306, IoU.chandelier: 0.6258, IoU.awning: 0.2844, IoU.streetlight: 0.2194, IoU.booth: 0.3429, IoU.television receiver: 0.6801, IoU.airplane: 0.5351, IoU.dirt track: 0.1121, IoU.apparel: 0.4440, IoU.pole: 0.1360, IoU.land: 0.0152, IoU.bannister: 0.0708, IoU.escalator: 0.5357, IoU.ottoman: 0.4346, IoU.bottle: 0.4047, IoU.buffet: 0.4110, IoU.poster: 0.2048, IoU.stage: 0.1493, IoU.van: 0.3812, IoU.ship: 0.3165, IoU.fountain: 0.2325, IoU.conveyer belt: 0.6609, IoU.canopy: 0.3373, IoU.washer: 0.7609, IoU.plaything: 0.2736, IoU.swimming pool: 0.5992, IoU.stool: 0.3048, IoU.barrel: 0.2883, IoU.basket: 0.3462, IoU.waterfall: 0.4597, IoU.tent: 0.8532, IoU.bag: 0.1621, IoU.minibike: 0.6653, IoU.cradle: 0.7089, IoU.oven: 0.4812, IoU.ball: 0.5629, IoU.food: 0.5194, IoU.step: 0.0590, IoU.tank: 0.5579, IoU.trade name: 0.1954, IoU.microwave: 0.7225, IoU.pot: 0.3951, IoU.animal: 0.5650, IoU.bicycle: 0.5505, IoU.lake: 0.2405, IoU.dishwasher: 0.5056, IoU.screen: 0.4352, IoU.blanket: 0.1512, IoU.sculpture: 0.5764, IoU.hood: 0.5392, IoU.sconce: 0.3731, IoU.vase: 0.3708, IoU.traffic light: 0.3168, IoU.tray: 0.1148, IoU.ashcan: 0.4223, IoU.fan: 0.5330, IoU.pier: 0.3466, IoU.crt screen: 0.0605, IoU.plate: 0.5009, IoU.monitor: 0.2657, IoU.bulletin board: 0.4489, IoU.shower: 0.0365, IoU.radiator: 0.5881, IoU.glass: 0.1674, IoU.clock: 0.3557, IoU.flag: 0.4759, Acc.wall: 0.8468, Acc.building: 0.9150, Acc.sky: 0.9563, Acc.floor: 0.8692, Acc.tree: 0.8516, Acc.ceiling: 0.8738, Acc.road: 0.8814, Acc.bed : 0.9401, Acc.windowpane: 0.7608, Acc.grass: 0.8119, Acc.cabinet: 0.6841, Acc.sidewalk: 0.7409, Acc.person: 0.9039, Acc.earth: 0.4747, Acc.door: 0.4993, Acc.table: 0.6927, Acc.mountain: 0.6944, Acc.plant: 0.6077, Acc.curtain: 0.7610, Acc.chair: 0.6898, Acc.car: 0.9192, Acc.water: 0.7293, Acc.painting: 0.8172, Acc.sofa: 0.8267, Acc.shelf: 0.5155, Acc.house: 0.6229, Acc.sea: 0.7976, Acc.mirror: 0.7057, Acc.rug: 0.5611, Acc.field: 0.5537, Acc.armchair: 0.5861, Acc.seat: 0.7660, Acc.fence: 0.4936, Acc.desk: 0.6796, Acc.rock: 0.6994, Acc.wardrobe: 0.5924, Acc.lamp: 0.7163, Acc.bathtub: 0.8083, Acc.railing: 0.4442, Acc.cushion: 0.6918, Acc.base: 0.3806, Acc.box: 0.3296, Acc.column: 0.4316, Acc.signboard: 0.4605, Acc.chest of drawers: 0.5128, Acc.counter: 0.4291, Acc.sand: 0.6302, Acc.sink: 0.7934, Acc.skyscraper: 0.6069, Acc.fireplace: 0.8260, Acc.refrigerator: 0.6745, Acc.grandstand: 0.7883, Acc.path: 0.2410, Acc.stairs: 0.3018, Acc.runway: 0.8622, Acc.case: 0.6927, Acc.pool table: 0.9618, Acc.pillow: 0.6256, Acc.screen door: 0.5943, Acc.stairway: 0.6346, Acc.river: 0.2786, Acc.bridge: 0.5182, Acc.bookcase: 0.4695, Acc.blind: 0.2722, Acc.coffee table: 0.8092, Acc.toilet: 0.8813, Acc.flower: 0.5340, Acc.book: 0.6793, Acc.hill: 0.0869, Acc.bench: 0.5672, Acc.countertop: 0.6796, Acc.stove: 0.8031, Acc.palm: 0.6655, Acc.kitchen island: 0.6036, Acc.computer: 0.7820, Acc.swivel chair: 0.5793, Acc.boat: 0.7777, Acc.bar: 0.6620, Acc.arcade machine: 0.7306, Acc.hovel: 0.3447, Acc.bus: 0.9248, Acc.towel: 0.7717, Acc.light: 0.4165, Acc.truck: 0.5017, Acc.tower: 0.3636, Acc.chandelier: 0.7689, Acc.awning: 0.3685, Acc.streetlight: 0.2636, Acc.booth: 0.4276, Acc.television receiver: 0.7894, Acc.airplane: 0.6624, Acc.dirt track: 0.1971, Acc.apparel: 0.5755, Acc.pole: 0.1646, Acc.land: 0.0224, Acc.bannister: 0.0930, Acc.escalator: 0.7052, Acc.ottoman: 0.5295, Acc.bottle: 0.6587, Acc.buffet: 0.4802, Acc.poster: 0.2539, Acc.stage: 0.2914, Acc.van: 0.4976, Acc.ship: 0.3544, Acc.fountain: 0.2405, Acc.conveyer belt: 0.9303, Acc.canopy: 0.4174, Acc.washer: 0.8313, Acc.plaything: 0.3842, Acc.swimming pool: 0.8320, Acc.stool: 0.3855, Acc.barrel: 0.4052, Acc.basket: 0.4385, Acc.waterfall: 0.5091, Acc.tent: 0.9769, Acc.bag: 0.1860, Acc.minibike: 0.8419, Acc.cradle: 0.9396, Acc.oven: 0.5752, Acc.ball: 0.6811, Acc.food: 0.6109, Acc.step: 0.0646, Acc.tank: 0.7032, Acc.trade name: 0.2223, Acc.microwave: 0.7916, Acc.pot: 0.4516, Acc.animal: 0.6130, Acc.bicycle: 0.7758, Acc.lake: 0.2716, Acc.dishwasher: 0.5505, Acc.screen: 0.5790, Acc.blanket: 0.1738, Acc.sculpture: 0.7723, Acc.hood: 0.5797, Acc.sconce: 0.4593, Acc.vase: 0.5235, Acc.traffic light: 0.4268, Acc.tray: 0.1419, Acc.ashcan: 0.5132, Acc.fan: 0.6733, Acc.pier: 0.4324, Acc.crt screen: 0.1259, Acc.plate: 0.6594, Acc.monitor: 0.3092, Acc.bulletin board: 0.5772, Acc.shower: 0.0456, Acc.radiator: 0.6867, Acc.glass: 0.1834, Acc.clock: 0.3853, Acc.flag: 0.5541